From 332f3b80053f7753e246ff2dd6dff4d4df23465a Mon Sep 17 00:00:00 2001 From: Krystian Wasilewski Date: Sun, 7 May 2023 14:25:37 +0200 Subject: [PATCH] neural trigrams --- cw8zad1.ipynb | 2443 ++++++++ dev-0/out-EMBED_SIZE=200.tsv | 10519 ++++++++++++++++++++++++++++++++ dev-0/out-EMBED_SIZE=300.tsv | 10519 ++++++++++++++++++++++++++++++++ dev-0/out.tsv | 10519 -------------------------------- gonito.yaml | 4 +- test-A/out-EMBED_SIZE=200.tsv | 7414 ++++++++++++++++++++++ test-A/out-EMBED_SIZE=300.tsv | 7414 ++++++++++++++++++++++ test-A/out.tsv | 7414 ---------------------- 8 files changed, 38311 insertions(+), 17935 deletions(-) create mode 100644 cw8zad1.ipynb create mode 100644 dev-0/out-EMBED_SIZE=200.tsv create mode 100644 dev-0/out-EMBED_SIZE=300.tsv delete mode 100644 dev-0/out.tsv create mode 100644 test-A/out-EMBED_SIZE=200.tsv create mode 100644 test-A/out-EMBED_SIZE=300.tsv delete mode 100644 test-A/out.tsv diff --git a/cw8zad1.ipynb b/cw8zad1.ipynb new file mode 100644 index 0000000..d0fe52b --- /dev/null +++ b/cw8zad1.ipynb @@ -0,0 +1,2443 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "source": [ + "## Imports" + ], + "metadata": { + "collapsed": false, + "id": "dKHaG5NrdzWS" + } + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "collapsed": true, + "pycharm": { + "is_executing": true + }, + "id": "bAOmtZk6dzWU" + }, + "outputs": [], + "source": [ + "import itertools\n", + "import lzma\n", + "import numpy as np\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" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "outputs": [], + "source": [ + "from google.colab import drive" + ], + "metadata": { + "id": "vBeRolsudzWV" + } + }, + { + "cell_type": "markdown", + "source": [ + "## Definitions" + ], + "metadata": { + "collapsed": false, + "id": "BvKqUYBidzWV" + } + }, + { + "cell_type": "markdown", + "source": [ + "### Functions" + ], + "metadata": { + "collapsed": false, + "id": "0e53LE2DdzWV" + } + }, + { + "cell_type": "code", + "execution_count": 3, + "outputs": [], + "source": [ + "def clean_line(line: str):\n", + " # Preprocessing\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": "N35v7jfAdzWV" + } + }, + { + "cell_type": "code", + "execution_count": 4, + "outputs": [], + "source": [ + "def get_words_from_line(line):\n", + " line = clean_line(line)\n", + " for word in line.split():\n", + " yield word" + ], + "metadata": { + "id": "wtSA8gBQdzWW" + } + }, + { + "cell_type": "code", + "execution_count": 5, + "outputs": [], + "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": "XHpb8LeVdzWW" + } + }, + { + "cell_type": "code", + "execution_count": 6, + "outputs": [], + "source": [ + "def double_look_ahead_iterator(gen):\n", + " prev_prev = None\n", + " prev = None\n", + " for item in gen:\n", + " if prev_prev is not None:\n", + " yield np.asarray((prev_prev, prev, item))\n", + " prev_prev = prev\n", + " prev = item" + ], + "metadata": { + "id": "PXvqM1eXdzWW" + } + }, + { + "cell_type": "code", + "execution_count": 7, + "outputs": [], + "source": [ + "def prediction(words, model) -> str:\n", + " words_tensor = [train_dataset.vocab.forward([word]) for word in words]\n", + " ixs = torch.tensor(words_tensor).view(-1).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": "BfjgLTuIdzWW" + } + }, + { + "cell_type": "code", + "execution_count": 8, + "outputs": [], + "source": [ + "def create_outputs(folder_name, model):\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}/out-EMBED_SIZE={embed_size}.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()[-2:]\n", + " output_line = prediction(prefix, model)\n", + " f.write(output_line + '\\n')" + ], + "metadata": { + "id": "olhkh30mdzWX" + } + }, + { + "cell_type": "code", + "execution_count": 9, + "outputs": [], + "source": [ + "def train_model():\n", + " model = SimpleTrigramNeuralLanguageModel(vocab_size, embed_size, hidden_size).to(device)\n", + " data = DataLoader(train_dataset, batch_size=batch_size)\n", + " optimizer = torch.optim.Adam(model.parameters(), lr=0.0001)\n", + " criterion = torch.nn.NLLLoss()\n", + "\n", + " model.train()\n", + " step = 0\n", + " for batch in data:\n", + " x = batch[:, :2]\n", + " y = batch[:, 2]\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 % 100 == 0:\n", + " print(step, loss)\n", + " step += 1\n", + " loss.backward()\n", + "\n", + " torch.nn.utils.clip_grad_norm_(model.parameters(), 10)\n", + "\n", + "\n", + " optimizer.step()\n", + "\n", + " torch.save(model.state_dict(), path_to_model)" + ], + "metadata": { + "id": "C_l59tEudzWX" + } + }, + { + "cell_type": "code", + "execution_count": 10, + "outputs": [], + "source": [ + "def with_hyperparams():\n", + " for e_size in [200, 300]:\n", + " global embed_size\n", + " embed_size = e_size\n", + " train_model()\n", + " model = SimpleTrigramNeuralLanguageModel(vocab_size, embed_size, hidden_size).to(device)\n", + " model.load_state_dict(torch.load(path_to_model))\n", + " model.eval()\n", + "\n", + " create_outputs('dev-0', model)\n", + " create_outputs('test-A', model)" + ], + "metadata": { + "id": "kdjy-pX9dzWX" + } + }, + { + "cell_type": "markdown", + "source": [ + "### Classes" + ], + "metadata": { + "collapsed": false, + "id": "j-cvkMIPdzWY" + } + }, + { + "cell_type": "code", + "execution_count": 11, + "outputs": [], + "source": [ + "class Trigrams(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 double_look_ahead_iterator(\n", + " (self.vocab[t] for t in itertools.chain.from_iterable(get_word_lines_from_file(self.text_file))))" + ], + "metadata": { + "id": "UoMnDsvAdzWY" + } + }, + { + "cell_type": "code", + "execution_count": 12, + "outputs": [], + "source": [ + "class SimpleTrigramNeuralLanguageModel(nn.Module):\n", + " def __init__(self, vocabulary_size, embedding_size, hidden_size):\n", + " super(SimpleTrigramNeuralLanguageModel, self).__init__()\n", + " self.embedding_size = embedding_size\n", + " self.embedding = nn.Embedding(vocabulary_size, embedding_size)\n", + " self.lin1 = nn.Linear(2 * embedding_size, hidden_size)\n", + " self.rel = nn.ReLU()\n", + " self.lin2 = nn.Linear(hidden_size, vocabulary_size)\n", + " self.sm = nn.Softmax()\n", + "\n", + " def forward(self, x):\n", + " x = self.embedding(x).view((-1, 2 * self.embedding_size))\n", + " x = self.lin1(x)\n", + " x = self.rel(x)\n", + " x = self.lin2(x)\n", + " return self.sm(x)" + ], + "metadata": { + "id": "FmTh8LyOdzWY" + } + }, + { + "cell_type": "markdown", + "source": [ + "## Training" + ], + "metadata": { + "collapsed": false, + "id": "wO2ySrT9dzWY" + } + }, + { + "cell_type": "markdown", + "source": [ + "### Params" + ], + "metadata": { + "collapsed": false, + "id": "8FPFxG4_dzWY" + } + }, + { + "cell_type": "code", + "execution_count": 13, + "outputs": [], + "source": [ + "vocab_size = 30000\n", + "embed_size = 200\n", + "hidden_size = 500\n", + "batch_size = 2000\n", + "device = 'cuda'\n", + "path_to_train = 'train/in.tsv.xz'\n", + "path_to_model = 'model1.bin'" + ], + "metadata": { + "id": "cPlf7WOldzWY" + } + }, + { + "cell_type": "markdown", + "source": [ + "### Colab" + ], + "metadata": { + "collapsed": false, + "id": "PcgQND_LdzWZ" + } + }, + { + "cell_type": "code", + "execution_count": 14, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Mounted at /content/drive\n", + "/content/drive/MyDrive\n" + ] + } + ], + "source": [ + "drive.mount('/content/drive')\n", + "%cd /content/drive/MyDrive/" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "NkOOve5pdzWZ", + "outputId": "5ceef3ef-9c38-47de-adf3-ced102d7a059" + } + }, + { + "cell_type": "markdown", + "source": [ + "### Run" + ], + "metadata": { + "collapsed": false, + "id": "K4lTNNQRdzWZ" + } + }, + { + "cell_type": "code", + "execution_count": 15, + "outputs": [], + "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": "4RYvjsWvdzWZ" + } + }, + { + "cell_type": "code", + "execution_count": 16, + "outputs": [], + "source": [ + "train_dataset = Trigrams(path_to_train, vocab_size)" + ], + "metadata": { + "id": "U-JdyELWdzWZ" + } + }, + { + "cell_type": "code", + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "name": "stderr", + "text": [ + ":16: UserWarning: Implicit dimension choice for softmax has been deprecated. Change the call to include dim=X as an argument.\n", + " return self.sm(x)\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "0 tensor(10.2816, device='cuda:0', grad_fn=)\n", + "100 tensor(8.0874, device='cuda:0', grad_fn=)\n", + "200 tensor(7.3011, device='cuda:0', grad_fn=)\n", + "300 tensor(6.8605, device='cuda:0', grad_fn=)\n", + "400 tensor(6.6410, device='cuda:0', grad_fn=)\n", + "500 tensor(6.6596, device='cuda:0', grad_fn=)\n", + "600 tensor(6.7300, device='cuda:0', grad_fn=)\n", + "700 tensor(6.4137, device='cuda:0', grad_fn=)\n", + "800 tensor(6.2311, device='cuda:0', grad_fn=)\n", + "900 tensor(6.4220, device='cuda:0', grad_fn=)\n", + "1000 tensor(6.3330, device='cuda:0', grad_fn=)\n", + "1100 tensor(5.8911, device='cuda:0', grad_fn=)\n", + "1200 tensor(6.4313, device='cuda:0', grad_fn=)\n", + "1300 tensor(6.4927, device='cuda:0', grad_fn=)\n", + "1400 tensor(6.2074, device='cuda:0', grad_fn=)\n", + "1500 tensor(6.0134, device='cuda:0', grad_fn=)\n", + "1600 tensor(6.0459, device='cuda:0', grad_fn=)\n", + "1700 tensor(6.3502, device='cuda:0', grad_fn=)\n", + "1800 tensor(6.3604, device='cuda:0', grad_fn=)\n", + "1900 tensor(6.2063, device='cuda:0', grad_fn=)\n", + "2000 tensor(6.2718, device='cuda:0', grad_fn=)\n", + "2100 tensor(6.0547, device='cuda:0', grad_fn=)\n", + "2200 tensor(6.2779, device='cuda:0', grad_fn=)\n", + "2300 tensor(6.2553, device='cuda:0', grad_fn=)\n", + "2400 tensor(6.2078, device='cuda:0', grad_fn=)\n", + "2500 tensor(6.2407, device='cuda:0', grad_fn=)\n", + "2600 tensor(6.1578, device='cuda:0', grad_fn=)\n", + "2700 tensor(6.2600, device='cuda:0', grad_fn=)\n", + "2800 tensor(6.1772, device='cuda:0', grad_fn=)\n", + "2900 tensor(6.1334, device='cuda:0', grad_fn=)\n", + "3000 tensor(6.1251, device='cuda:0', grad_fn=)\n", + "3100 tensor(5.8966, device='cuda:0', grad_fn=)\n", + "3200 tensor(6.4685, device='cuda:0', grad_fn=)\n", + "3300 tensor(6.1750, device='cuda:0', grad_fn=)\n", + "3400 tensor(6.0377, device='cuda:0', grad_fn=)\n", + "3500 tensor(5.9993, device='cuda:0', grad_fn=)\n", + "3600 tensor(6.2814, device='cuda:0', grad_fn=)\n", + "3700 tensor(6.0636, device='cuda:0', grad_fn=)\n", + "3800 tensor(6.1692, device='cuda:0', grad_fn=)\n", + "3900 tensor(6.0696, device='cuda:0', grad_fn=)\n", + "4000 tensor(5.9469, device='cuda:0', grad_fn=)\n", + "4100 tensor(6.0946, device='cuda:0', grad_fn=)\n", + "4200 tensor(6.0045, device='cuda:0', grad_fn=)\n", + "4300 tensor(5.9191, device='cuda:0', grad_fn=)\n", + "4400 tensor(5.6558, device='cuda:0', grad_fn=)\n", + "4500 tensor(6.0260, device='cuda:0', grad_fn=)\n", + "4600 tensor(5.9318, device='cuda:0', grad_fn=)\n", + "4700 tensor(5.7548, device='cuda:0', grad_fn=)\n", + "4800 tensor(5.9082, device='cuda:0', grad_fn=)\n", + "4900 tensor(5.9874, device='cuda:0', grad_fn=)\n", + "5000 tensor(6.1293, device='cuda:0', grad_fn=)\n", + "5100 tensor(5.9621, device='cuda:0', grad_fn=)\n", + "5200 tensor(6.1658, device='cuda:0', grad_fn=)\n", + "5300 tensor(6.1172, device='cuda:0', grad_fn=)\n", + "5400 tensor(5.9979, device='cuda:0', grad_fn=)\n", + "5500 tensor(5.9875, device='cuda:0', grad_fn=)\n", + "5600 tensor(5.9671, device='cuda:0', grad_fn=)\n", + "5700 tensor(6.0500, device='cuda:0', grad_fn=)\n", + "5800 tensor(6.0068, device='cuda:0', grad_fn=)\n", + "5900 tensor(5.9626, device='cuda:0', grad_fn=)\n", + "6000 tensor(5.8784, device='cuda:0', grad_fn=)\n", + "6100 tensor(5.8995, device='cuda:0', grad_fn=)\n", + "6200 tensor(6.0585, device='cuda:0', grad_fn=)\n", + "6300 tensor(5.8529, device='cuda:0', grad_fn=)\n", + "6400 tensor(6.2183, device='cuda:0', grad_fn=)\n", + "6500 tensor(5.7956, device='cuda:0', grad_fn=)\n", + "6600 tensor(6.1202, device='cuda:0', grad_fn=)\n", + "6700 tensor(5.9845, device='cuda:0', grad_fn=)\n", + "6800 tensor(5.8483, device='cuda:0', grad_fn=)\n", + "6900 tensor(5.7904, device='cuda:0', grad_fn=)\n", + "7000 tensor(5.9802, device='cuda:0', grad_fn=)\n", + "7100 tensor(5.8162, device='cuda:0', grad_fn=)\n", + "7200 tensor(5.9335, device='cuda:0', grad_fn=)\n", + "7300 tensor(6.0946, device='cuda:0', grad_fn=)\n", + "7400 tensor(5.7713, device='cuda:0', grad_fn=)\n", + "7500 tensor(5.9371, device='cuda:0', grad_fn=)\n", + "7600 tensor(5.9764, device='cuda:0', grad_fn=)\n", + "7700 tensor(5.8244, device='cuda:0', grad_fn=)\n", + "7800 tensor(5.8648, device='cuda:0', grad_fn=)\n", + "7900 tensor(5.9836, device='cuda:0', grad_fn=)\n", + "8000 tensor(5.7520, device='cuda:0', grad_fn=)\n", + "8100 tensor(6.0581, device='cuda:0', grad_fn=)\n", + "8200 tensor(5.9861, device='cuda:0', grad_fn=)\n", + "8300 tensor(5.8679, device='cuda:0', grad_fn=)\n", + "8400 tensor(6.0469, device='cuda:0', grad_fn=)\n", + "8500 tensor(5.2911, device='cuda:0', grad_fn=)\n", + "8600 tensor(5.8262, device='cuda:0', grad_fn=)\n", + "8700 tensor(5.4335, device='cuda:0', grad_fn=)\n", + "8800 tensor(5.9286, device='cuda:0', grad_fn=)\n", + "8900 tensor(5.8460, device='cuda:0', grad_fn=)\n", + "9000 tensor(5.7882, device='cuda:0', grad_fn=)\n", + "9100 tensor(5.8364, device='cuda:0', grad_fn=)\n", + "9200 tensor(5.8717, device='cuda:0', grad_fn=)\n", + "9300 tensor(5.7924, device='cuda:0', grad_fn=)\n", + "9400 tensor(6.0214, device='cuda:0', grad_fn=)\n", + "9500 tensor(5.6685, device='cuda:0', grad_fn=)\n", + "9600 tensor(5.9195, device='cuda:0', grad_fn=)\n", + "9700 tensor(5.8427, device='cuda:0', grad_fn=)\n", + "9800 tensor(5.9811, device='cuda:0', grad_fn=)\n", + "9900 tensor(5.8592, device='cuda:0', grad_fn=)\n", + "10000 tensor(5.9564, device='cuda:0', grad_fn=)\n", + "10100 tensor(5.8729, device='cuda:0', grad_fn=)\n", + "10200 tensor(5.6916, device='cuda:0', grad_fn=)\n", + "10300 tensor(5.9128, device='cuda:0', grad_fn=)\n", + "10400 tensor(5.9079, device='cuda:0', grad_fn=)\n", + "10500 tensor(5.8597, device='cuda:0', grad_fn=)\n", + "10600 tensor(5.6586, device='cuda:0', grad_fn=)\n", + "10700 tensor(5.7103, device='cuda:0', grad_fn=)\n", + "10800 tensor(5.8059, device='cuda:0', grad_fn=)\n", + "10900 tensor(5.7661, device='cuda:0', grad_fn=)\n", + "11000 tensor(5.8309, device='cuda:0', grad_fn=)\n", + "11100 tensor(5.8962, device='cuda:0', grad_fn=)\n", + "11200 tensor(5.7293, device='cuda:0', grad_fn=)\n", + "11300 tensor(5.9601, device='cuda:0', grad_fn=)\n", + "11400 tensor(5.8209, device='cuda:0', grad_fn=)\n", + "11500 tensor(5.9181, device='cuda:0', grad_fn=)\n", + "11600 tensor(5.9877, device='cuda:0', grad_fn=)\n", + "11700 tensor(5.8637, device='cuda:0', grad_fn=)\n", + "11800 tensor(5.5323, device='cuda:0', grad_fn=)\n", + "11900 tensor(6.0545, device='cuda:0', grad_fn=)\n", + "12000 tensor(5.8079, device='cuda:0', grad_fn=)\n", + "12100 tensor(5.7666, device='cuda:0', grad_fn=)\n", + "12200 tensor(5.7676, device='cuda:0', grad_fn=)\n", + "12300 tensor(5.6971, device='cuda:0', grad_fn=)\n", + "12400 tensor(5.7318, device='cuda:0', grad_fn=)\n", + "12500 tensor(5.9413, device='cuda:0', grad_fn=)\n", + "12600 tensor(5.6855, device='cuda:0', grad_fn=)\n", + "12700 tensor(5.8376, device='cuda:0', grad_fn=)\n", + "12800 tensor(5.8903, device='cuda:0', grad_fn=)\n", + "12900 tensor(5.6451, device='cuda:0', grad_fn=)\n", + "13000 tensor(5.8009, device='cuda:0', grad_fn=)\n", + "13100 tensor(5.6576, device='cuda:0', grad_fn=)\n", + "13200 tensor(5.6972, device='cuda:0', grad_fn=)\n", + "13300 tensor(5.9513, device='cuda:0', grad_fn=)\n", + "13400 tensor(5.6553, device='cuda:0', grad_fn=)\n", + "13500 tensor(5.6932, device='cuda:0', grad_fn=)\n", + "13600 tensor(5.7467, device='cuda:0', grad_fn=)\n", + "13700 tensor(5.6179, device='cuda:0', grad_fn=)\n", + "13800 tensor(5.7176, device='cuda:0', grad_fn=)\n", + "13900 tensor(5.5691, device='cuda:0', grad_fn=)\n", + "14000 tensor(5.6540, device='cuda:0', grad_fn=)\n", + "14100 tensor(5.7564, device='cuda:0', grad_fn=)\n", + "14200 tensor(5.7043, device='cuda:0', grad_fn=)\n", + "14300 tensor(5.7265, device='cuda:0', grad_fn=)\n", + "14400 tensor(5.8703, device='cuda:0', grad_fn=)\n", + "14500 tensor(5.8482, device='cuda:0', grad_fn=)\n", + "14600 tensor(5.6982, device='cuda:0', grad_fn=)\n", + "14700 tensor(5.6555, device='cuda:0', grad_fn=)\n", + "14800 tensor(5.5586, device='cuda:0', grad_fn=)\n", + "14900 tensor(5.9024, device='cuda:0', grad_fn=)\n", + "15000 tensor(5.7387, device='cuda:0', grad_fn=)\n", + "15100 tensor(5.4609, device='cuda:0', grad_fn=)\n", + "15200 tensor(5.4687, device='cuda:0', grad_fn=)\n", + "15300 tensor(5.7589, device='cuda:0', grad_fn=)\n", + "15400 tensor(5.6847, device='cuda:0', grad_fn=)\n", + "15500 tensor(5.8356, device='cuda:0', grad_fn=)\n", + "15600 tensor(5.4633, device='cuda:0', grad_fn=)\n", + "15700 tensor(5.5392, device='cuda:0', grad_fn=)\n", + "15800 tensor(5.7983, device='cuda:0', grad_fn=)\n", + "15900 tensor(5.4229, device='cuda:0', grad_fn=)\n", + "16000 tensor(5.7285, device='cuda:0', grad_fn=)\n", + "16100 tensor(5.6307, device='cuda:0', grad_fn=)\n", + "16200 tensor(5.5589, device='cuda:0', grad_fn=)\n", + "16300 tensor(5.5975, device='cuda:0', grad_fn=)\n", + "16400 tensor(5.7657, device='cuda:0', grad_fn=)\n", + "16500 tensor(5.8467, device='cuda:0', grad_fn=)\n", + "16600 tensor(5.6294, device='cuda:0', grad_fn=)\n", + "16700 tensor(5.5932, device='cuda:0', grad_fn=)\n", + "16800 tensor(5.7750, device='cuda:0', grad_fn=)\n", + "16900 tensor(5.4914, device='cuda:0', grad_fn=)\n", + "17000 tensor(5.4533, device='cuda:0', grad_fn=)\n", + "17100 tensor(5.6537, device='cuda:0', grad_fn=)\n", + "17200 tensor(5.4227, device='cuda:0', grad_fn=)\n", + "17300 tensor(5.7858, device='cuda:0', grad_fn=)\n", + "17400 tensor(5.6572, device='cuda:0', grad_fn=)\n", + "17500 tensor(5.6952, device='cuda:0', grad_fn=)\n", + "17600 tensor(5.3829, device='cuda:0', grad_fn=)\n", + "17700 tensor(5.6248, device='cuda:0', grad_fn=)\n", + "17800 tensor(5.6418, device='cuda:0', grad_fn=)\n", + "17900 tensor(5.6353, device='cuda:0', grad_fn=)\n", + "18000 tensor(5.6660, device='cuda:0', grad_fn=)\n", + "18100 tensor(5.7060, device='cuda:0', grad_fn=)\n", + "18200 tensor(5.5214, device='cuda:0', grad_fn=)\n", + "18300 tensor(5.2950, device='cuda:0', grad_fn=)\n", + "18400 tensor(5.4082, device='cuda:0', grad_fn=)\n", + "18500 tensor(5.6406, device='cuda:0', grad_fn=)\n", + "18600 tensor(5.7120, device='cuda:0', grad_fn=)\n", + "18700 tensor(5.4196, device='cuda:0', grad_fn=)\n", + "18800 tensor(5.6700, device='cuda:0', grad_fn=)\n", + "18900 tensor(5.5718, device='cuda:0', grad_fn=)\n", + "19000 tensor(5.7505, device='cuda:0', grad_fn=)\n", + "19100 tensor(5.6901, device='cuda:0', grad_fn=)\n", + "19200 tensor(5.6878, device='cuda:0', grad_fn=)\n", + "19300 tensor(5.5269, device='cuda:0', grad_fn=)\n", + "19400 tensor(5.8424, device='cuda:0', grad_fn=)\n", + "19500 tensor(5.4928, device='cuda:0', grad_fn=)\n", + "19600 tensor(5.6325, device='cuda:0', grad_fn=)\n", + "19700 tensor(5.7592, device='cuda:0', grad_fn=)\n", + "19800 tensor(5.5518, device='cuda:0', grad_fn=)\n", + "19900 tensor(5.7117, device='cuda:0', grad_fn=)\n", + "20000 tensor(5.5813, device='cuda:0', grad_fn=)\n", + "20100 tensor(5.6454, device='cuda:0', grad_fn=)\n", + "20200 tensor(5.7510, device='cuda:0', grad_fn=)\n", + "20300 tensor(5.8181, device='cuda:0', grad_fn=)\n", + "20400 tensor(5.8155, device='cuda:0', grad_fn=)\n", + "20500 tensor(5.3773, device='cuda:0', grad_fn=)\n", + "20600 tensor(5.5521, device='cuda:0', grad_fn=)\n", + "20700 tensor(5.6134, device='cuda:0', grad_fn=)\n", + "20800 tensor(5.6929, device='cuda:0', grad_fn=)\n", + "20900 tensor(5.3798, device='cuda:0', grad_fn=)\n", + "21000 tensor(5.8039, device='cuda:0', grad_fn=)\n", + "21100 tensor(5.7957, device='cuda:0', grad_fn=)\n", + "21200 tensor(5.4851, device='cuda:0', grad_fn=)\n", + "21300 tensor(5.5127, device='cuda:0', grad_fn=)\n", + "21400 tensor(5.5509, device='cuda:0', grad_fn=)\n", + "21500 tensor(5.6907, device='cuda:0', grad_fn=)\n", + "21600 tensor(5.3355, device='cuda:0', grad_fn=)\n", + "21700 tensor(5.7251, device='cuda:0', grad_fn=)\n", + "21800 tensor(5.3432, device='cuda:0', grad_fn=)\n", + "21900 tensor(5.3518, device='cuda:0', grad_fn=)\n", + "22000 tensor(5.3695, device='cuda:0', grad_fn=)\n", + "22100 tensor(5.7094, device='cuda:0', grad_fn=)\n", + "22200 tensor(5.5811, device='cuda:0', grad_fn=)\n", + "22300 tensor(5.7435, device='cuda:0', grad_fn=)\n", + "22400 tensor(5.5894, device='cuda:0', grad_fn=)\n", + "22500 tensor(5.5091, device='cuda:0', grad_fn=)\n", + "22600 tensor(5.5073, device='cuda:0', grad_fn=)\n", + "22700 tensor(5.4779, device='cuda:0', grad_fn=)\n", + "22800 tensor(5.8792, device='cuda:0', grad_fn=)\n", + "22900 tensor(5.2936, device='cuda:0', grad_fn=)\n", + "23000 tensor(5.4073, device='cuda:0', grad_fn=)\n", + "23100 tensor(5.6821, device='cuda:0', grad_fn=)\n", + "23200 tensor(5.4730, device='cuda:0', grad_fn=)\n", + "23300 tensor(5.6713, device='cuda:0', grad_fn=)\n", + "23400 tensor(5.7847, device='cuda:0', grad_fn=)\n", + "23500 tensor(5.5772, device='cuda:0', grad_fn=)\n", + "23600 tensor(5.6140, device='cuda:0', grad_fn=)\n", + "23700 tensor(5.6205, device='cuda:0', grad_fn=)\n", + "23800 tensor(5.5994, device='cuda:0', grad_fn=)\n", + "23900 tensor(5.3856, device='cuda:0', grad_fn=)\n", + "24000 tensor(5.5695, device='cuda:0', grad_fn=)\n", + "24100 tensor(5.5177, device='cuda:0', grad_fn=)\n", + "24200 tensor(5.7037, device='cuda:0', grad_fn=)\n", + "24300 tensor(5.5850, device='cuda:0', grad_fn=)\n", + "24400 tensor(5.6850, device='cuda:0', grad_fn=)\n", + "24500 tensor(5.5087, device='cuda:0', grad_fn=)\n", + "24600 tensor(5.4836, device='cuda:0', grad_fn=)\n", + "24700 tensor(5.2676, device='cuda:0', grad_fn=)\n", + "24800 tensor(5.7581, device='cuda:0', grad_fn=)\n", + "24900 tensor(5.6625, device='cuda:0', grad_fn=)\n", + "25000 tensor(5.1838, device='cuda:0', grad_fn=)\n", + "25100 tensor(5.4444, device='cuda:0', grad_fn=)\n", + "25200 tensor(5.5937, device='cuda:0', grad_fn=)\n", + "25300 tensor(5.4304, device='cuda:0', grad_fn=)\n", + "25400 tensor(5.5311, device='cuda:0', grad_fn=)\n", + "25500 tensor(5.4616, device='cuda:0', grad_fn=)\n", + "25600 tensor(5.5548, device='cuda:0', grad_fn=)\n", + "25700 tensor(5.3802, device='cuda:0', grad_fn=)\n", + "25800 tensor(5.5419, device='cuda:0', grad_fn=)\n", + "25900 tensor(5.2775, device='cuda:0', grad_fn=)\n", + "26000 tensor(5.3253, device='cuda:0', grad_fn=)\n", + "26100 tensor(5.5437, device='cuda:0', grad_fn=)\n", + "26200 tensor(5.5123, device='cuda:0', grad_fn=)\n", + "26300 tensor(5.3549, device='cuda:0', grad_fn=)\n", + "26400 tensor(5.5192, device='cuda:0', grad_fn=)\n", + "26500 tensor(5.6712, device='cuda:0', grad_fn=)\n", + "26600 tensor(5.5907, device='cuda:0', grad_fn=)\n", + "26700 tensor(5.3220, device='cuda:0', grad_fn=)\n", + "26800 tensor(5.4965, device='cuda:0', grad_fn=)\n", + "26900 tensor(5.6626, device='cuda:0', grad_fn=)\n", + "27000 tensor(5.7166, device='cuda:0', grad_fn=)\n", + "27100 tensor(5.6291, device='cuda:0', grad_fn=)\n", + "27200 tensor(5.3511, device='cuda:0', grad_fn=)\n", + "27300 tensor(5.2532, device='cuda:0', grad_fn=)\n", + "27400 tensor(5.3654, device='cuda:0', grad_fn=)\n", + "27500 tensor(5.7026, device='cuda:0', grad_fn=)\n", + "27600 tensor(5.5182, device='cuda:0', grad_fn=)\n", + "27700 tensor(5.5755, device='cuda:0', grad_fn=)\n", + "27800 tensor(5.6677, device='cuda:0', grad_fn=)\n", + "27900 tensor(5.7273, device='cuda:0', grad_fn=)\n", + "28000 tensor(5.2384, device='cuda:0', grad_fn=)\n", + "28100 tensor(5.5435, device='cuda:0', grad_fn=)\n", + "28200 tensor(5.5728, device='cuda:0', grad_fn=)\n", + "28300 tensor(5.7800, device='cuda:0', grad_fn=)\n", + "28400 tensor(5.6147, device='cuda:0', grad_fn=)\n", + "28500 tensor(5.7116, device='cuda:0', grad_fn=)\n", + "28600 tensor(5.4540, device='cuda:0', grad_fn=)\n", + "28700 tensor(5.8077, device='cuda:0', grad_fn=)\n", + "28800 tensor(5.4414, device='cuda:0', grad_fn=)\n", + "28900 tensor(5.5426, device='cuda:0', grad_fn=)\n", + "29000 tensor(5.4439, device='cuda:0', grad_fn=)\n", + "29100 tensor(5.7868, device='cuda:0', grad_fn=)\n", + "29200 tensor(5.4390, device='cuda:0', grad_fn=)\n", + "29300 tensor(5.4765, device='cuda:0', grad_fn=)\n", + "29400 tensor(5.3687, device='cuda:0', grad_fn=)\n", + "29500 tensor(5.5970, device='cuda:0', grad_fn=)\n", + "29600 tensor(5.3440, device='cuda:0', grad_fn=)\n", + "29700 tensor(5.6037, device='cuda:0', grad_fn=)\n", + "29800 tensor(5.4296, device='cuda:0', grad_fn=)\n", + "29900 tensor(5.2684, device='cuda:0', grad_fn=)\n", + "30000 tensor(5.6849, device='cuda:0', grad_fn=)\n", + "30100 tensor(5.5705, device='cuda:0', grad_fn=)\n", + "30200 tensor(5.5869, device='cuda:0', grad_fn=)\n", + "30300 tensor(5.3990, device='cuda:0', grad_fn=)\n", + "30400 tensor(5.3963, device='cuda:0', grad_fn=)\n", + "30500 tensor(5.4373, device='cuda:0', grad_fn=)\n", + "30600 tensor(5.7698, device='cuda:0', grad_fn=)\n", + "30700 tensor(5.4194, device='cuda:0', grad_fn=)\n", + "30800 tensor(5.5601, device='cuda:0', grad_fn=)\n", + "30900 tensor(5.6779, device='cuda:0', grad_fn=)\n", + "31000 tensor(5.5052, device='cuda:0', grad_fn=)\n", + "31100 tensor(5.3274, device='cuda:0', grad_fn=)\n", + "31200 tensor(5.5236, device='cuda:0', grad_fn=)\n", + "31300 tensor(5.5516, device='cuda:0', grad_fn=)\n", + "31400 tensor(5.5021, device='cuda:0', grad_fn=)\n", + "31500 tensor(5.3688, device='cuda:0', grad_fn=)\n", + "31600 tensor(5.3571, device='cuda:0', grad_fn=)\n", + "31700 tensor(5.3006, device='cuda:0', grad_fn=)\n", + "31800 tensor(5.4497, device='cuda:0', grad_fn=)\n", + "31900 tensor(5.4856, device='cuda:0', grad_fn=)\n", + "32000 tensor(5.5294, device='cuda:0', grad_fn=)\n", + "32100 tensor(5.4676, device='cuda:0', grad_fn=)\n", + "32200 tensor(5.6160, device='cuda:0', grad_fn=)\n", + "32300 tensor(5.5899, device='cuda:0', grad_fn=)\n", + "32400 tensor(5.4413, device='cuda:0', grad_fn=)\n", + "32500 tensor(5.6116, device='cuda:0', grad_fn=)\n", + "32600 tensor(5.4764, device='cuda:0', grad_fn=)\n", + "32700 tensor(5.6284, device='cuda:0', grad_fn=)\n", + "32800 tensor(5.3815, device='cuda:0', grad_fn=)\n", + "32900 tensor(5.4740, device='cuda:0', grad_fn=)\n", + "33000 tensor(5.3463, device='cuda:0', grad_fn=)\n", + "33100 tensor(5.5368, device='cuda:0', grad_fn=)\n", + "33200 tensor(5.5316, device='cuda:0', grad_fn=)\n", + "33300 tensor(5.6062, device='cuda:0', grad_fn=)\n", + "33400 tensor(5.5938, device='cuda:0', grad_fn=)\n", + "33500 tensor(5.5994, device='cuda:0', grad_fn=)\n", + "33600 tensor(5.4363, device='cuda:0', grad_fn=)\n", + "33700 tensor(5.5973, device='cuda:0', grad_fn=)\n", + "33800 tensor(5.4566, device='cuda:0', grad_fn=)\n", + "33900 tensor(5.6379, device='cuda:0', grad_fn=)\n", + "34000 tensor(5.4375, device='cuda:0', grad_fn=)\n", + "34100 tensor(5.5284, device='cuda:0', grad_fn=)\n", + "34200 tensor(5.5917, device='cuda:0', grad_fn=)\n", + "34300 tensor(5.6839, device='cuda:0', grad_fn=)\n", + "34400 tensor(5.6017, device='cuda:0', grad_fn=)\n", + "34500 tensor(5.6045, device='cuda:0', grad_fn=)\n", + "34600 tensor(5.3812, device='cuda:0', grad_fn=)\n", + "34700 tensor(5.5830, device='cuda:0', grad_fn=)\n", + "34800 tensor(5.7016, device='cuda:0', grad_fn=)\n", + "34900 tensor(5.5168, device='cuda:0', grad_fn=)\n", + "35000 tensor(5.4510, device='cuda:0', grad_fn=)\n", + "35100 tensor(5.7052, device='cuda:0', grad_fn=)\n", + "35200 tensor(5.2325, device='cuda:0', grad_fn=)\n", + "35300 tensor(5.6793, device='cuda:0', grad_fn=)\n", + "35400 tensor(5.5783, device='cuda:0', grad_fn=)\n", + "35500 tensor(5.5625, device='cuda:0', grad_fn=)\n", + "35600 tensor(5.3234, device='cuda:0', grad_fn=)\n", + "35700 tensor(5.2441, device='cuda:0', grad_fn=)\n", + "35800 tensor(5.5403, device='cuda:0', grad_fn=)\n", + "35900 tensor(5.6724, device='cuda:0', grad_fn=)\n", + "36000 tensor(5.5632, device='cuda:0', grad_fn=)\n", + "36100 tensor(5.3487, device='cuda:0', grad_fn=)\n", + "36200 tensor(5.4890, device='cuda:0', grad_fn=)\n", + "36300 tensor(5.6083, device='cuda:0', grad_fn=)\n", + "36400 tensor(5.3093, device='cuda:0', grad_fn=)\n", + "36500 tensor(5.3934, device='cuda:0', grad_fn=)\n", + "36600 tensor(5.5469, device='cuda:0', grad_fn=)\n", + "36700 tensor(5.4224, device='cuda:0', grad_fn=)\n", + "36800 tensor(5.4415, device='cuda:0', grad_fn=)\n", + "36900 tensor(5.1900, device='cuda:0', grad_fn=)\n", + "37000 tensor(5.4810, device='cuda:0', grad_fn=)\n", + "37100 tensor(5.6640, device='cuda:0', grad_fn=)\n", + "37200 tensor(5.6979, device='cuda:0', grad_fn=)\n", + "37300 tensor(5.3256, device='cuda:0', grad_fn=)\n", + "37400 tensor(5.5133, device='cuda:0', grad_fn=)\n", + "37500 tensor(5.4256, device='cuda:0', grad_fn=)\n", + "37600 tensor(5.3775, device='cuda:0', grad_fn=)\n", + "37700 tensor(5.4280, device='cuda:0', grad_fn=)\n", + "37800 tensor(5.1156, device='cuda:0', grad_fn=)\n", + "37900 tensor(5.5285, device='cuda:0', grad_fn=)\n", + "38000 tensor(5.3540, device='cuda:0', grad_fn=)\n", + "38100 tensor(5.5975, device='cuda:0', grad_fn=)\n", + "38200 tensor(5.5394, device='cuda:0', grad_fn=)\n", + "38300 tensor(5.5820, device='cuda:0', grad_fn=)\n", + "38400 tensor(5.4205, device='cuda:0', grad_fn=)\n", + "38500 tensor(5.4753, device='cuda:0', grad_fn=)\n", + "38600 tensor(5.7140, device='cuda:0', grad_fn=)\n", + "38700 tensor(5.1620, device='cuda:0', grad_fn=)\n", + "38800 tensor(5.7779, device='cuda:0', grad_fn=)\n", + "38900 tensor(5.7251, device='cuda:0', grad_fn=)\n", + "39000 tensor(5.2911, device='cuda:0', grad_fn=)\n", + "39100 tensor(5.5352, device='cuda:0', grad_fn=)\n", + "39200 tensor(5.4496, device='cuda:0', grad_fn=)\n", + "39300 tensor(5.6162, device='cuda:0', grad_fn=)\n", + "39400 tensor(5.3706, device='cuda:0', grad_fn=)\n", + "39500 tensor(5.4793, device='cuda:0', grad_fn=)\n", + "39600 tensor(5.6467, device='cuda:0', grad_fn=)\n", + "39700 tensor(5.5026, device='cuda:0', grad_fn=)\n", + "39800 tensor(5.5383, device='cuda:0', grad_fn=)\n", + "39900 tensor(5.7251, device='cuda:0', grad_fn=)\n", + "40000 tensor(5.6711, device='cuda:0', grad_fn=)\n", + "40100 tensor(5.2390, device='cuda:0', grad_fn=)\n", + "40200 tensor(5.8806, device='cuda:0', grad_fn=)\n", + "40300 tensor(5.5156, device='cuda:0', grad_fn=)\n", + "40400 tensor(5.4422, device='cuda:0', grad_fn=)\n", + "40500 tensor(5.0654, device='cuda:0', grad_fn=)\n", + "40600 tensor(5.1406, device='cuda:0', grad_fn=)\n", + "40700 tensor(5.1605, device='cuda:0', grad_fn=)\n", + "40800 tensor(5.4224, device='cuda:0', grad_fn=)\n", + "40900 tensor(5.7263, device='cuda:0', grad_fn=)\n", + "41000 tensor(5.3028, device='cuda:0', grad_fn=)\n", + "41100 tensor(5.5133, device='cuda:0', grad_fn=)\n", + "41200 tensor(5.5235, device='cuda:0', grad_fn=)\n", + "41300 tensor(5.6779, device='cuda:0', grad_fn=)\n", + "41400 tensor(5.2931, device='cuda:0', grad_fn=)\n", + "41500 tensor(5.4840, device='cuda:0', grad_fn=)\n", + "41600 tensor(5.6798, device='cuda:0', grad_fn=)\n", + "41700 tensor(5.6758, device='cuda:0', grad_fn=)\n", + "41800 tensor(5.4050, device='cuda:0', grad_fn=)\n", + "41900 tensor(5.3941, device='cuda:0', grad_fn=)\n", + "42000 tensor(5.4517, device='cuda:0', grad_fn=)\n", + "42100 tensor(5.7511, device='cuda:0', grad_fn=)\n", + "42200 tensor(5.3883, device='cuda:0', grad_fn=)\n", + "42300 tensor(5.5133, device='cuda:0', grad_fn=)\n", + "42400 tensor(5.4339, device='cuda:0', grad_fn=)\n", + "42500 tensor(5.2217, device='cuda:0', grad_fn=)\n", + "42600 tensor(5.5284, device='cuda:0', grad_fn=)\n", + "42700 tensor(5.6355, device='cuda:0', grad_fn=)\n", + "42800 tensor(5.3591, device='cuda:0', grad_fn=)\n", + "42900 tensor(5.6862, device='cuda:0', grad_fn=)\n", + "43000 tensor(5.5197, device='cuda:0', grad_fn=)\n", + "43100 tensor(5.5059, device='cuda:0', grad_fn=)\n", + "43200 tensor(5.4304, device='cuda:0', grad_fn=)\n", + "43300 tensor(5.5360, device='cuda:0', grad_fn=)\n", + "43400 tensor(5.5912, device='cuda:0', grad_fn=)\n", + "43500 tensor(5.0673, device='cuda:0', grad_fn=)\n", + "43600 tensor(5.2675, device='cuda:0', grad_fn=)\n", + "43700 tensor(5.6098, device='cuda:0', grad_fn=)\n", + "43800 tensor(5.6455, device='cuda:0', grad_fn=)\n", + "43900 tensor(5.1850, device='cuda:0', grad_fn=)\n", + "44000 tensor(5.4424, device='cuda:0', grad_fn=)\n", + "44100 tensor(5.3879, device='cuda:0', grad_fn=)\n", + "44200 tensor(5.6207, device='cuda:0', grad_fn=)\n", + "44300 tensor(5.5708, device='cuda:0', grad_fn=)\n", + "44400 tensor(5.4816, device='cuda:0', grad_fn=)\n", + "44500 tensor(5.4233, device='cuda:0', grad_fn=)\n", + "44600 tensor(5.4220, device='cuda:0', grad_fn=)\n", + "44700 tensor(5.3554, device='cuda:0', grad_fn=)\n", + "44800 tensor(5.6895, device='cuda:0', grad_fn=)\n", + "44900 tensor(5.5479, device='cuda:0', grad_fn=)\n", + "45000 tensor(5.7825, device='cuda:0', grad_fn=)\n", + "45100 tensor(6.0535, device='cuda:0', grad_fn=)\n", + "45200 tensor(5.6742, device='cuda:0', grad_fn=)\n", + "45300 tensor(5.5086, device='cuda:0', grad_fn=)\n", + "45400 tensor(5.2236, device='cuda:0', grad_fn=)\n", + "45500 tensor(5.5635, device='cuda:0', grad_fn=)\n", + "45600 tensor(5.3598, device='cuda:0', grad_fn=)\n", + "45700 tensor(5.5559, device='cuda:0', grad_fn=)\n", + "45800 tensor(5.1779, device='cuda:0', grad_fn=)\n", + "45900 tensor(5.6889, device='cuda:0', grad_fn=)\n", + "46000 tensor(5.5789, device='cuda:0', grad_fn=)\n", + "46100 tensor(5.5884, device='cuda:0', grad_fn=)\n", + "46200 tensor(5.4840, device='cuda:0', grad_fn=)\n", + "46300 tensor(5.4857, device='cuda:0', grad_fn=)\n", + "46400 tensor(5.4710, device='cuda:0', grad_fn=)\n", + "46500 tensor(5.5077, device='cuda:0', grad_fn=)\n", + "46600 tensor(5.3485, device='cuda:0', grad_fn=)\n", + "46700 tensor(5.6360, device='cuda:0', grad_fn=)\n", + "46800 tensor(5.5857, device='cuda:0', grad_fn=)\n", + "46900 tensor(5.6094, device='cuda:0', grad_fn=)\n", + "47000 tensor(5.2005, device='cuda:0', grad_fn=)\n", + "47100 tensor(5.4915, device='cuda:0', grad_fn=)\n", + "47200 tensor(5.5273, device='cuda:0', grad_fn=)\n", + "47300 tensor(5.2416, device='cuda:0', grad_fn=)\n", + "47400 tensor(5.0383, device='cuda:0', grad_fn=)\n", + "47500 tensor(5.4398, device='cuda:0', grad_fn=)\n", + "47600 tensor(5.5409, device='cuda:0', grad_fn=)\n", + "47700 tensor(5.1199, device='cuda:0', grad_fn=)\n", + "47800 tensor(5.2883, device='cuda:0', grad_fn=)\n", + "47900 tensor(5.6183, device='cuda:0', grad_fn=)\n", + "48000 tensor(5.4894, device='cuda:0', grad_fn=)\n", + "48100 tensor(5.5641, device='cuda:0', grad_fn=)\n", + "48200 tensor(5.5838, device='cuda:0', grad_fn=)\n", + "48300 tensor(5.3944, device='cuda:0', grad_fn=)\n", + "48400 tensor(5.5825, device='cuda:0', grad_fn=)\n", + "48500 tensor(5.2525, device='cuda:0', grad_fn=)\n", + "48600 tensor(5.5420, device='cuda:0', grad_fn=)\n", + "48700 tensor(5.4007, device='cuda:0', grad_fn=)\n", + "48800 tensor(5.5499, device='cuda:0', grad_fn=)\n", + "48900 tensor(5.3335, device='cuda:0', grad_fn=)\n", + "49000 tensor(5.3047, device='cuda:0', grad_fn=)\n", + "49100 tensor(5.3311, device='cuda:0', grad_fn=)\n", + "49200 tensor(5.4564, device='cuda:0', grad_fn=)\n", + "49300 tensor(5.4846, device='cuda:0', grad_fn=)\n", + "49400 tensor(5.7114, device='cuda:0', grad_fn=)\n", + "49500 tensor(5.8193, device='cuda:0', grad_fn=)\n", + "49600 tensor(5.4885, device='cuda:0', grad_fn=)\n", + "49700 tensor(5.5634, device='cuda:0', grad_fn=)\n", + "49800 tensor(5.3464, device='cuda:0', grad_fn=)\n", + "49900 tensor(5.1725, device='cuda:0', grad_fn=)\n", + "50000 tensor(5.3154, device='cuda:0', grad_fn=)\n", + "50100 tensor(5.2345, device='cuda:0', grad_fn=)\n", + "50200 tensor(5.3813, device='cuda:0', grad_fn=)\n", + "50300 tensor(5.0840, device='cuda:0', grad_fn=)\n", + "50400 tensor(5.4767, device='cuda:0', grad_fn=)\n", + "50500 tensor(5.3601, device='cuda:0', grad_fn=)\n", + "50600 tensor(5.5570, device='cuda:0', grad_fn=)\n", + "50700 tensor(5.6957, device='cuda:0', grad_fn=)\n", + "50800 tensor(5.4284, device='cuda:0', grad_fn=)\n", + "50900 tensor(5.4656, device='cuda:0', grad_fn=)\n", + "51000 tensor(5.1827, device='cuda:0', grad_fn=)\n", + "51100 tensor(5.5059, device='cuda:0', grad_fn=)\n", + "51200 tensor(5.6127, device='cuda:0', grad_fn=)\n", + "51300 tensor(5.3371, device='cuda:0', grad_fn=)\n", + "51400 tensor(5.1373, device='cuda:0', grad_fn=)\n", + "51500 tensor(5.3643, device='cuda:0', grad_fn=)\n", + "51600 tensor(5.2310, device='cuda:0', grad_fn=)\n", + "51700 tensor(5.4668, device='cuda:0', grad_fn=)\n", + "51800 tensor(5.2777, device='cuda:0', grad_fn=)\n", + "51900 tensor(5.7900, device='cuda:0', grad_fn=)\n", + "52000 tensor(5.5456, device='cuda:0', grad_fn=)\n", + "52100 tensor(5.4024, device='cuda:0', grad_fn=)\n", + "52200 tensor(5.3733, device='cuda:0', grad_fn=)\n", + "52300 tensor(4.8890, device='cuda:0', grad_fn=)\n", + "52400 tensor(5.1543, device='cuda:0', grad_fn=)\n", + "52500 tensor(5.3708, device='cuda:0', grad_fn=)\n", + "52600 tensor(5.1343, device='cuda:0', grad_fn=)\n", + "52700 tensor(5.4964, device='cuda:0', grad_fn=)\n", + "52800 tensor(5.4933, device='cuda:0', grad_fn=)\n", + "52900 tensor(5.1695, device='cuda:0', grad_fn=)\n", + "53000 tensor(5.5038, device='cuda:0', grad_fn=)\n", + "53100 tensor(5.6919, device='cuda:0', grad_fn=)\n", + "53200 tensor(5.6779, device='cuda:0', grad_fn=)\n", + "53300 tensor(5.3429, device='cuda:0', grad_fn=)\n", + "53400 tensor(5.4038, device='cuda:0', grad_fn=)\n", + "53500 tensor(5.2995, device='cuda:0', grad_fn=)\n", + "53600 tensor(5.4649, device='cuda:0', grad_fn=)\n", + "53700 tensor(5.2961, device='cuda:0', grad_fn=)\n", + "53800 tensor(5.3088, device='cuda:0', grad_fn=)\n", + "53900 tensor(5.4162, device='cuda:0', grad_fn=)\n", + "54000 tensor(5.9259, device='cuda:0', grad_fn=)\n", + "54100 tensor(5.2742, device='cuda:0', grad_fn=)\n", + "54200 tensor(5.5820, device='cuda:0', grad_fn=)\n", + "54300 tensor(5.0661, device='cuda:0', grad_fn=)\n", + "54400 tensor(5.1934, device='cuda:0', grad_fn=)\n", + "54500 tensor(5.2265, device='cuda:0', grad_fn=)\n", + "54600 tensor(5.5509, device='cuda:0', grad_fn=)\n", + "54700 tensor(5.5712, device='cuda:0', grad_fn=)\n", + "54800 tensor(5.3762, device='cuda:0', grad_fn=)\n", + "54900 tensor(5.2392, device='cuda:0', grad_fn=)\n", + "55000 tensor(5.4364, device='cuda:0', grad_fn=)\n", + "55100 tensor(5.5409, device='cuda:0', grad_fn=)\n", + "55200 tensor(5.5735, device='cuda:0', grad_fn=)\n", + "55300 tensor(5.4363, device='cuda:0', grad_fn=)\n", + "55400 tensor(5.1247, device='cuda:0', grad_fn=)\n", + "55500 tensor(5.2063, device='cuda:0', grad_fn=)\n", + "55600 tensor(5.4948, device='cuda:0', grad_fn=)\n", + "55700 tensor(5.5324, device='cuda:0', grad_fn=)\n", + "55800 tensor(5.0667, device='cuda:0', grad_fn=)\n", + "55900 tensor(5.3209, device='cuda:0', grad_fn=)\n", + "56000 tensor(5.3632, device='cuda:0', grad_fn=)\n", + "56100 tensor(5.4861, device='cuda:0', grad_fn=)\n", + "56200 tensor(5.3914, device='cuda:0', grad_fn=)\n", + "56300 tensor(4.9190, device='cuda:0', grad_fn=)\n", + "56400 tensor(5.4619, device='cuda:0', grad_fn=)\n", + "56500 tensor(5.1961, device='cuda:0', grad_fn=)\n", + "56600 tensor(5.2067, device='cuda:0', grad_fn=)\n", + "56700 tensor(5.7416, device='cuda:0', grad_fn=)\n", + "56800 tensor(5.4107, device='cuda:0', grad_fn=)\n", + "56900 tensor(5.4789, device='cuda:0', grad_fn=)\n", + "57000 tensor(5.5753, device='cuda:0', grad_fn=)\n", + "57100 tensor(5.3689, device='cuda:0', grad_fn=)\n", + "57200 tensor(5.6297, device='cuda:0', grad_fn=)\n", + "57300 tensor(5.6960, device='cuda:0', grad_fn=)\n", + "57400 tensor(5.3610, device='cuda:0', grad_fn=)\n", + "57500 tensor(5.4340, device='cuda:0', grad_fn=)\n", + "57600 tensor(5.8130, device='cuda:0', grad_fn=)\n", + "57700 tensor(5.5437, device='cuda:0', grad_fn=)\n", + "57800 tensor(5.4003, device='cuda:0', grad_fn=)\n", + "57900 tensor(5.4354, device='cuda:0', grad_fn=)\n", + "58000 tensor(5.3039, device='cuda:0', grad_fn=)\n", + "58100 tensor(5.5298, device='cuda:0', grad_fn=)\n", + "58200 tensor(5.4036, device='cuda:0', grad_fn=)\n", + "58300 tensor(5.5035, device='cuda:0', grad_fn=)\n", + "58400 tensor(5.4694, device='cuda:0', grad_fn=)\n", + "58500 tensor(5.4644, device='cuda:0', grad_fn=)\n", + "58600 tensor(5.3628, device='cuda:0', grad_fn=)\n", + "58700 tensor(5.5305, device='cuda:0', grad_fn=)\n", + "58800 tensor(5.5496, device='cuda:0', grad_fn=)\n", + "58900 tensor(5.1605, device='cuda:0', grad_fn=)\n", + "59000 tensor(5.4481, device='cuda:0', grad_fn=)\n", + "59100 tensor(5.5008, device='cuda:0', grad_fn=)\n", + "59200 tensor(5.5580, device='cuda:0', grad_fn=)\n", + "59300 tensor(5.4181, device='cuda:0', grad_fn=)\n", + "59400 tensor(5.1767, device='cuda:0', grad_fn=)\n", + "59500 tensor(5.5949, device='cuda:0', grad_fn=)\n", + "59600 tensor(5.1543, device='cuda:0', grad_fn=)\n", + "59700 tensor(5.4442, device='cuda:0', grad_fn=)\n", + "59800 tensor(5.2701, device='cuda:0', grad_fn=)\n", + "59900 tensor(5.4101, device='cuda:0', grad_fn=)\n", + "60000 tensor(5.3686, device='cuda:0', grad_fn=)\n", + "60100 tensor(5.2843, device='cuda:0', grad_fn=)\n", + "60200 tensor(5.5036, device='cuda:0', grad_fn=)\n", + "60300 tensor(5.3552, device='cuda:0', grad_fn=)\n", + "60400 tensor(5.5374, device='cuda:0', grad_fn=)\n", + "60500 tensor(5.1537, device='cuda:0', grad_fn=)\n", + "60600 tensor(5.4950, device='cuda:0', grad_fn=)\n", + "60700 tensor(5.2628, device='cuda:0', grad_fn=)\n", + "60800 tensor(5.5945, device='cuda:0', grad_fn=)\n", + "60900 tensor(5.5902, device='cuda:0', grad_fn=)\n", + "61000 tensor(5.4887, device='cuda:0', grad_fn=)\n", + "61100 tensor(5.2792, device='cuda:0', grad_fn=)\n", + "61200 tensor(5.5803, device='cuda:0', grad_fn=)\n", + "61300 tensor(5.4461, device='cuda:0', grad_fn=)\n", + "61400 tensor(5.0183, device='cuda:0', grad_fn=)\n", + "61500 tensor(5.3240, device='cuda:0', grad_fn=)\n", + "61600 tensor(5.4643, device='cuda:0', grad_fn=)\n", + "61700 tensor(5.3920, device='cuda:0', grad_fn=)\n", + "61800 tensor(5.5427, device='cuda:0', grad_fn=)\n", + "61900 tensor(5.8412, device='cuda:0', grad_fn=)\n", + "62000 tensor(5.4249, device='cuda:0', grad_fn=)\n", + "62100 tensor(5.5865, device='cuda:0', grad_fn=)\n", + "62200 tensor(5.3857, device='cuda:0', grad_fn=)\n", + "62300 tensor(5.0211, device='cuda:0', grad_fn=)\n", + "62400 tensor(5.2934, device='cuda:0', grad_fn=)\n", + "62500 tensor(5.2083, device='cuda:0', grad_fn=)\n", + "62600 tensor(5.2642, device='cuda:0', grad_fn=)\n", + "62700 tensor(4.9303, device='cuda:0', grad_fn=)\n", + "62800 tensor(5.1333, device='cuda:0', grad_fn=)\n", + "62900 tensor(5.5126, device='cuda:0', grad_fn=)\n", + "63000 tensor(4.8968, device='cuda:0', grad_fn=)\n", + "63100 tensor(5.3211, device='cuda:0', grad_fn=)\n", + "63200 tensor(5.4832, device='cuda:0', grad_fn=)\n", + "63300 tensor(5.4616, device='cuda:0', grad_fn=)\n", + "63400 tensor(5.3212, device='cuda:0', grad_fn=)\n", + "63500 tensor(5.2929, device='cuda:0', grad_fn=)\n", + "63600 tensor(5.4305, device='cuda:0', grad_fn=)\n", + "63700 tensor(5.2080, device='cuda:0', grad_fn=)\n", + "63800 tensor(5.4208, device='cuda:0', grad_fn=)\n", + "63900 tensor(5.4145, device='cuda:0', grad_fn=)\n", + "64000 tensor(5.3525, device='cuda:0', grad_fn=)\n", + "64100 tensor(5.5111, device='cuda:0', grad_fn=)\n", + "64200 tensor(5.1437, device='cuda:0', grad_fn=)\n", + "64300 tensor(5.4269, device='cuda:0', grad_fn=)\n", + "64400 tensor(5.5086, device='cuda:0', grad_fn=)\n", + "64500 tensor(5.3559, device='cuda:0', grad_fn=)\n", + "64600 tensor(5.3799, device='cuda:0', grad_fn=)\n", + "64700 tensor(5.5940, device='cuda:0', grad_fn=)\n", + "64800 tensor(5.1958, device='cuda:0', grad_fn=)\n", + "64900 tensor(5.3498, device='cuda:0', grad_fn=)\n", + "65000 tensor(5.3998, device='cuda:0', grad_fn=)\n", + "65100 tensor(5.2237, device='cuda:0', grad_fn=)\n", + "65200 tensor(5.0362, device='cuda:0', grad_fn=)\n", + "65300 tensor(5.5109, device='cuda:0', grad_fn=)\n", + "65400 tensor(5.2673, device='cuda:0', grad_fn=)\n", + "65500 tensor(5.0693, device='cuda:0', grad_fn=)\n", + "65600 tensor(5.4907, device='cuda:0', grad_fn=)\n", + "65700 tensor(5.5288, device='cuda:0', grad_fn=)\n", + "65800 tensor(5.3971, device='cuda:0', grad_fn=)\n", + "65900 tensor(5.3500, device='cuda:0', grad_fn=)\n", + "66000 tensor(5.7787, device='cuda:0', grad_fn=)\n", + "66100 tensor(5.1555, device='cuda:0', grad_fn=)\n", + "66200 tensor(5.4229, device='cuda:0', grad_fn=)\n", + "66300 tensor(5.1499, device='cuda:0', grad_fn=)\n", + "66400 tensor(5.5168, device='cuda:0', grad_fn=)\n", + "66500 tensor(5.6282, device='cuda:0', grad_fn=)\n", + "66600 tensor(5.3283, device='cuda:0', grad_fn=)\n", + "66700 tensor(5.3960, device='cuda:0', grad_fn=)\n", + "66800 tensor(5.3382, device='cuda:0', grad_fn=)\n", + "66900 tensor(5.2665, device='cuda:0', grad_fn=)\n", + "67000 tensor(5.3828, device='cuda:0', grad_fn=)\n", + "67100 tensor(5.2455, device='cuda:0', grad_fn=)\n", + "67200 tensor(5.7224, device='cuda:0', grad_fn=)\n", + "67300 tensor(5.5869, device='cuda:0', grad_fn=)\n", + "67400 tensor(5.4242, device='cuda:0', grad_fn=)\n", + "67500 tensor(5.4228, device='cuda:0', grad_fn=)\n", + "67600 tensor(5.3538, device='cuda:0', grad_fn=)\n", + "67700 tensor(5.1782, device='cuda:0', grad_fn=)\n", + "67800 tensor(5.3206, device='cuda:0', grad_fn=)\n", + "67900 tensor(5.2828, device='cuda:0', grad_fn=)\n", + "68000 tensor(5.3962, device='cuda:0', grad_fn=)\n", + "68100 tensor(5.3605, device='cuda:0', grad_fn=)\n", + "68200 tensor(5.1993, device='cuda:0', grad_fn=)\n", + "68300 tensor(5.3261, device='cuda:0', grad_fn=)\n", + "68400 tensor(5.8642, device='cuda:0', grad_fn=)\n", + "68500 tensor(5.1566, device='cuda:0', grad_fn=)\n", + "68600 tensor(5.3310, device='cuda:0', grad_fn=)\n", + "68700 tensor(5.3318, device='cuda:0', grad_fn=)\n", + "68800 tensor(5.5199, device='cuda:0', grad_fn=)\n", + "68900 tensor(5.3169, device='cuda:0', grad_fn=)\n", + "69000 tensor(5.2783, device='cuda:0', grad_fn=)\n", + "69100 tensor(5.4604, device='cuda:0', grad_fn=)\n", + "69200 tensor(5.3401, device='cuda:0', grad_fn=)\n", + "69300 tensor(5.0342, device='cuda:0', grad_fn=)\n", + "69400 tensor(5.3514, device='cuda:0', grad_fn=)\n", + "69500 tensor(5.1504, device='cuda:0', grad_fn=)\n", + "Creating outputs in dev-0\n", + "Creating outputs in test-A\n", + "0 tensor(10.3829, device='cuda:0', grad_fn=)\n", + "100 tensor(8.0792, device='cuda:0', grad_fn=)\n", + "200 tensor(7.3059, device='cuda:0', grad_fn=)\n", + "300 tensor(6.8478, device='cuda:0', grad_fn=)\n", + "400 tensor(6.6292, device='cuda:0', grad_fn=)\n", + "500 tensor(6.6597, device='cuda:0', grad_fn=)\n", + "600 tensor(6.7076, device='cuda:0', grad_fn=)\n", + "700 tensor(6.4022, device='cuda:0', grad_fn=)\n", + "800 tensor(6.1865, device='cuda:0', grad_fn=)\n", + "900 tensor(6.3715, device='cuda:0', grad_fn=)\n", + "1000 tensor(6.2953, device='cuda:0', grad_fn=)\n", + "1100 tensor(5.8570, device='cuda:0', grad_fn=)\n", + "1200 tensor(6.3739, device='cuda:0', grad_fn=)\n", + "1300 tensor(6.4504, device='cuda:0', grad_fn=)\n", + "1400 tensor(6.1518, device='cuda:0', grad_fn=)\n", + "1500 tensor(5.9614, device='cuda:0', grad_fn=)\n", + "1600 tensor(6.0159, device='cuda:0', grad_fn=)\n", + "1700 tensor(6.3196, device='cuda:0', grad_fn=)\n", + "1800 tensor(6.3034, device='cuda:0', grad_fn=)\n", + "1900 tensor(6.1724, device='cuda:0', grad_fn=)\n", + "2000 tensor(6.1985, device='cuda:0', grad_fn=)\n", + "2100 tensor(6.0150, device='cuda:0', grad_fn=)\n", + "2200 tensor(6.2215, device='cuda:0', grad_fn=)\n", + "2300 tensor(6.1963, device='cuda:0', grad_fn=)\n", + "2400 tensor(6.1551, device='cuda:0', grad_fn=)\n", + "2500 tensor(6.1821, device='cuda:0', grad_fn=)\n", + "2600 tensor(6.1207, device='cuda:0', grad_fn=)\n", + "2700 tensor(6.2244, device='cuda:0', grad_fn=)\n", + "2800 tensor(6.1407, device='cuda:0', grad_fn=)\n", + "2900 tensor(6.0838, device='cuda:0', grad_fn=)\n", + "3000 tensor(6.0838, device='cuda:0', grad_fn=)\n", + "3100 tensor(5.8551, device='cuda:0', grad_fn=)\n", + "3200 tensor(6.4406, device='cuda:0', grad_fn=)\n", + "3300 tensor(6.1330, device='cuda:0', grad_fn=)\n", + "3400 tensor(5.9802, device='cuda:0', grad_fn=)\n", + "3500 tensor(5.9609, device='cuda:0', grad_fn=)\n", + "3600 tensor(6.2390, device='cuda:0', grad_fn=)\n", + "3700 tensor(6.0141, device='cuda:0', grad_fn=)\n", + "3800 tensor(6.1221, device='cuda:0', grad_fn=)\n", + "3900 tensor(6.0129, device='cuda:0', grad_fn=)\n", + "4000 tensor(5.9146, device='cuda:0', grad_fn=)\n", + "4100 tensor(6.0411, device='cuda:0', grad_fn=)\n", + "4200 tensor(5.9824, device='cuda:0', grad_fn=)\n", + "4300 tensor(5.8674, device='cuda:0', grad_fn=)\n", + "4400 tensor(5.6331, device='cuda:0', grad_fn=)\n", + "4500 tensor(5.9987, device='cuda:0', grad_fn=)\n", + "4600 tensor(5.8823, device='cuda:0', grad_fn=)\n", + "4700 tensor(5.7188, device='cuda:0', grad_fn=)\n", + "4800 tensor(5.8505, device='cuda:0', grad_fn=)\n", + "4900 tensor(5.9353, device='cuda:0', grad_fn=)\n", + "5000 tensor(6.0726, device='cuda:0', grad_fn=)\n", + "5100 tensor(5.9119, device='cuda:0', grad_fn=)\n", + "5200 tensor(6.1238, device='cuda:0', grad_fn=)\n", + "5300 tensor(6.0750, device='cuda:0', grad_fn=)\n", + "5400 tensor(5.9476, device='cuda:0', grad_fn=)\n", + "5500 tensor(5.9410, device='cuda:0', grad_fn=)\n", + "5600 tensor(5.9437, device='cuda:0', grad_fn=)\n", + "5700 tensor(6.0198, device='cuda:0', grad_fn=)\n", + "5800 tensor(5.9568, device='cuda:0', grad_fn=)\n", + "5900 tensor(5.9119, device='cuda:0', grad_fn=)\n", + "6000 tensor(5.8231, device='cuda:0', grad_fn=)\n", + "6100 tensor(5.8608, device='cuda:0', grad_fn=)\n", + "6200 tensor(5.9699, device='cuda:0', grad_fn=)\n", + "6300 tensor(5.8318, device='cuda:0', grad_fn=)\n", + "6400 tensor(6.1696, device='cuda:0', grad_fn=)\n", + "6500 tensor(5.7545, device='cuda:0', grad_fn=)\n", + "6600 tensor(6.0710, device='cuda:0', grad_fn=)\n", + "6700 tensor(5.9385, device='cuda:0', grad_fn=)\n", + "6800 tensor(5.8292, device='cuda:0', grad_fn=)\n", + "6900 tensor(5.7408, device='cuda:0', grad_fn=)\n", + "7000 tensor(5.9290, device='cuda:0', grad_fn=)\n", + "7100 tensor(5.7789, device='cuda:0', grad_fn=)\n", + "7200 tensor(5.8751, device='cuda:0', grad_fn=)\n", + "7300 tensor(6.0428, device='cuda:0', grad_fn=)\n", + "7400 tensor(5.7333, device='cuda:0', grad_fn=)\n", + "7500 tensor(5.9126, device='cuda:0', grad_fn=)\n", + "7600 tensor(5.9192, device='cuda:0', grad_fn=)\n", + "7700 tensor(5.7885, device='cuda:0', grad_fn=)\n", + "7800 tensor(5.8290, device='cuda:0', grad_fn=)\n", + "7900 tensor(5.9408, device='cuda:0', grad_fn=)\n", + "8000 tensor(5.6841, device='cuda:0', grad_fn=)\n", + "8100 tensor(6.0080, device='cuda:0', grad_fn=)\n", + "8200 tensor(5.9377, device='cuda:0', grad_fn=)\n", + "8300 tensor(5.8161, device='cuda:0', grad_fn=)\n", + "8400 tensor(5.9945, device='cuda:0', grad_fn=)\n", + "8500 tensor(5.2545, device='cuda:0', grad_fn=)\n", + "8600 tensor(5.7752, device='cuda:0', grad_fn=)\n", + "8700 tensor(5.4092, device='cuda:0', grad_fn=)\n", + "8800 tensor(5.8751, device='cuda:0', grad_fn=)\n", + "8900 tensor(5.8199, device='cuda:0', grad_fn=)\n", + "9000 tensor(5.7431, device='cuda:0', grad_fn=)\n", + "9100 tensor(5.7856, device='cuda:0', grad_fn=)\n", + "9200 tensor(5.8164, device='cuda:0', grad_fn=)\n", + "9300 tensor(5.7747, device='cuda:0', grad_fn=)\n", + "9400 tensor(5.9959, device='cuda:0', grad_fn=)\n", + "9500 tensor(5.6087, device='cuda:0', grad_fn=)\n", + "9600 tensor(5.8762, device='cuda:0', grad_fn=)\n", + "9700 tensor(5.7811, device='cuda:0', grad_fn=)\n", + "9800 tensor(5.9176, device='cuda:0', grad_fn=)\n", + "9900 tensor(5.8278, device='cuda:0', grad_fn=)\n", + "10000 tensor(5.8787, device='cuda:0', grad_fn=)\n", + "10100 tensor(5.8182, device='cuda:0', grad_fn=)\n", + "10200 tensor(5.6389, device='cuda:0', grad_fn=)\n", + "10300 tensor(5.8735, device='cuda:0', grad_fn=)\n", + "10400 tensor(5.8801, device='cuda:0', grad_fn=)\n", + "10500 tensor(5.8172, device='cuda:0', grad_fn=)\n", + "10600 tensor(5.6188, device='cuda:0', grad_fn=)\n", + "10700 tensor(5.6682, device='cuda:0', grad_fn=)\n", + "10800 tensor(5.7455, device='cuda:0', grad_fn=)\n", + "10900 tensor(5.7177, device='cuda:0', grad_fn=)\n", + "11000 tensor(5.7832, device='cuda:0', grad_fn=)\n", + "11100 tensor(5.8595, device='cuda:0', grad_fn=)\n", + "11200 tensor(5.6267, device='cuda:0', grad_fn=)\n", + "11300 tensor(5.9351, device='cuda:0', grad_fn=)\n", + "11400 tensor(5.7933, device='cuda:0', grad_fn=)\n", + "11500 tensor(5.8586, device='cuda:0', grad_fn=)\n", + "11600 tensor(5.9392, device='cuda:0', grad_fn=)\n", + "11700 tensor(5.8080, device='cuda:0', grad_fn=)\n", + "11800 tensor(5.4909, device='cuda:0', grad_fn=)\n", + "11900 tensor(6.0141, device='cuda:0', grad_fn=)\n", + "12000 tensor(5.7712, device='cuda:0', grad_fn=)\n", + "12100 tensor(5.7103, device='cuda:0', grad_fn=)\n", + "12200 tensor(5.7200, device='cuda:0', grad_fn=)\n", + "12300 tensor(5.6589, device='cuda:0', grad_fn=)\n", + "12400 tensor(5.6963, device='cuda:0', grad_fn=)\n", + "12500 tensor(5.8758, device='cuda:0', grad_fn=)\n", + "12600 tensor(5.6796, device='cuda:0', grad_fn=)\n", + "12700 tensor(5.7220, device='cuda:0', grad_fn=)\n", + "12800 tensor(5.8520, device='cuda:0', grad_fn=)\n", + "12900 tensor(5.6026, device='cuda:0', grad_fn=)\n", + "13000 tensor(5.7685, device='cuda:0', grad_fn=)\n", + "13100 tensor(5.5894, device='cuda:0', grad_fn=)\n", + "13200 tensor(5.6674, device='cuda:0', grad_fn=)\n", + "13300 tensor(5.9202, device='cuda:0', grad_fn=)\n", + "13400 tensor(5.6133, device='cuda:0', grad_fn=)\n", + "13500 tensor(5.6554, device='cuda:0', grad_fn=)\n", + "13600 tensor(5.6719, device='cuda:0', grad_fn=)\n", + "13700 tensor(5.5565, device='cuda:0', grad_fn=)\n", + "13800 tensor(5.6679, device='cuda:0', grad_fn=)\n", + "13900 tensor(5.4953, device='cuda:0', grad_fn=)\n", + "14000 tensor(5.6158, device='cuda:0', grad_fn=)\n", + "14100 tensor(5.6865, device='cuda:0', grad_fn=)\n", + "14200 tensor(5.6652, device='cuda:0', grad_fn=)\n", + "14300 tensor(5.6700, device='cuda:0', grad_fn=)\n", + "14400 tensor(5.8490, device='cuda:0', grad_fn=)\n", + "14500 tensor(5.8098, device='cuda:0', grad_fn=)\n", + "14600 tensor(5.6539, device='cuda:0', grad_fn=)\n", + "14700 tensor(5.6120, device='cuda:0', grad_fn=)\n", + "14800 tensor(5.5180, device='cuda:0', grad_fn=)\n", + "14900 tensor(5.8630, device='cuda:0', grad_fn=)\n", + "15000 tensor(5.7055, device='cuda:0', grad_fn=)\n", + "15100 tensor(5.3827, device='cuda:0', grad_fn=)\n", + "15200 tensor(5.4209, device='cuda:0', grad_fn=)\n", + "15300 tensor(5.7123, device='cuda:0', grad_fn=)\n", + "15400 tensor(5.6401, device='cuda:0', grad_fn=)\n", + "15500 tensor(5.8005, device='cuda:0', grad_fn=)\n", + "15600 tensor(5.4436, device='cuda:0', grad_fn=)\n", + "15700 tensor(5.4929, device='cuda:0', grad_fn=)\n", + "15800 tensor(5.7467, device='cuda:0', grad_fn=)\n", + "15900 tensor(5.3763, device='cuda:0', grad_fn=)\n", + "16000 tensor(5.6765, device='cuda:0', grad_fn=)\n", + "16100 tensor(5.5776, device='cuda:0', grad_fn=)\n", + "16200 tensor(5.4676, device='cuda:0', grad_fn=)\n", + "16300 tensor(5.5619, device='cuda:0', grad_fn=)\n", + "16400 tensor(5.6907, device='cuda:0', grad_fn=)\n", + "16500 tensor(5.7781, device='cuda:0', grad_fn=)\n", + "16600 tensor(5.5893, device='cuda:0', grad_fn=)\n", + "16700 tensor(5.5361, device='cuda:0', grad_fn=)\n", + "16800 tensor(5.7160, device='cuda:0', grad_fn=)\n", + "16900 tensor(5.3933, device='cuda:0', grad_fn=)\n", + "17000 tensor(5.4054, device='cuda:0', grad_fn=)\n", + "17100 tensor(5.5994, device='cuda:0', grad_fn=)\n", + "17200 tensor(5.3656, device='cuda:0', grad_fn=)\n", + "17300 tensor(5.7566, device='cuda:0', grad_fn=)\n", + "17400 tensor(5.6035, device='cuda:0', grad_fn=)\n", + "17500 tensor(5.6668, device='cuda:0', grad_fn=)\n", + "17600 tensor(5.3555, device='cuda:0', grad_fn=)\n", + "17700 tensor(5.5672, device='cuda:0', grad_fn=)\n", + "17800 tensor(5.5827, device='cuda:0', grad_fn=)\n", + "17900 tensor(5.5903, device='cuda:0', grad_fn=)\n", + "18000 tensor(5.6060, device='cuda:0', grad_fn=)\n", + "18100 tensor(5.6405, device='cuda:0', grad_fn=)\n", + "18200 tensor(5.4958, device='cuda:0', grad_fn=)\n", + "18300 tensor(5.2324, device='cuda:0', grad_fn=)\n", + "18400 tensor(5.3555, device='cuda:0', grad_fn=)\n", + "18500 tensor(5.5815, device='cuda:0', grad_fn=)\n", + "18600 tensor(5.6378, device='cuda:0', grad_fn=)\n", + "18700 tensor(5.3458, device='cuda:0', grad_fn=)\n", + "18800 tensor(5.6449, device='cuda:0', grad_fn=)\n", + "18900 tensor(5.5306, device='cuda:0', grad_fn=)\n", + "19000 tensor(5.6871, device='cuda:0', grad_fn=)\n", + "19100 tensor(5.6413, device='cuda:0', grad_fn=)\n", + "19200 tensor(5.6387, device='cuda:0', grad_fn=)\n", + "19300 tensor(5.4920, device='cuda:0', grad_fn=)\n", + "19400 tensor(5.7697, device='cuda:0', grad_fn=)\n", + "19500 tensor(5.4714, device='cuda:0', grad_fn=)\n", + "19600 tensor(5.5866, device='cuda:0', grad_fn=)\n", + "19700 tensor(5.7188, device='cuda:0', grad_fn=)\n", + "19800 tensor(5.4867, device='cuda:0', grad_fn=)\n", + "19900 tensor(5.6336, device='cuda:0', grad_fn=)\n", + "20000 tensor(5.5252, device='cuda:0', grad_fn=)\n", + "20100 tensor(5.6138, device='cuda:0', grad_fn=)\n", + "20200 tensor(5.7048, device='cuda:0', grad_fn=)\n", + "20300 tensor(5.7691, device='cuda:0', grad_fn=)\n", + "20400 tensor(5.7719, device='cuda:0', grad_fn=)\n", + "20500 tensor(5.3333, device='cuda:0', grad_fn=)\n", + "20600 tensor(5.5016, device='cuda:0', grad_fn=)\n", + "20700 tensor(5.5524, device='cuda:0', grad_fn=)\n", + "20800 tensor(5.6603, device='cuda:0', grad_fn=)\n", + "20900 tensor(5.3222, device='cuda:0', grad_fn=)\n", + "21000 tensor(5.7462, device='cuda:0', grad_fn=)\n", + "21100 tensor(5.7560, device='cuda:0', grad_fn=)\n", + "21200 tensor(5.4045, device='cuda:0', grad_fn=)\n", + "21300 tensor(5.4788, device='cuda:0', grad_fn=)\n", + "21400 tensor(5.4997, device='cuda:0', grad_fn=)\n", + "21500 tensor(5.6626, device='cuda:0', grad_fn=)\n", + "21600 tensor(5.2733, device='cuda:0', grad_fn=)\n", + "21700 tensor(5.6584, device='cuda:0', grad_fn=)\n", + "21800 tensor(5.3026, device='cuda:0', grad_fn=)\n", + "21900 tensor(5.3130, device='cuda:0', grad_fn=)\n", + "22000 tensor(5.3371, device='cuda:0', grad_fn=)\n", + "22100 tensor(5.6646, device='cuda:0', grad_fn=)\n", + "22200 tensor(5.5399, device='cuda:0', grad_fn=)\n", + "22300 tensor(5.6702, device='cuda:0', grad_fn=)\n", + "22400 tensor(5.5326, device='cuda:0', grad_fn=)\n", + "22500 tensor(5.4171, device='cuda:0', grad_fn=)\n", + "22600 tensor(5.4595, device='cuda:0', grad_fn=)\n", + "22700 tensor(5.4478, device='cuda:0', grad_fn=)\n", + "22800 tensor(5.8301, device='cuda:0', grad_fn=)\n", + "22900 tensor(5.2727, device='cuda:0', grad_fn=)\n", + "23000 tensor(5.3594, device='cuda:0', grad_fn=)\n", + "23100 tensor(5.6449, device='cuda:0', grad_fn=)\n", + "23200 tensor(5.4501, device='cuda:0', grad_fn=)\n", + "23300 tensor(5.6312, device='cuda:0', grad_fn=)\n", + "23400 tensor(5.7245, device='cuda:0', grad_fn=)\n", + "23500 tensor(5.5550, device='cuda:0', grad_fn=)\n", + "23600 tensor(5.5470, device='cuda:0', grad_fn=)\n", + "23700 tensor(5.5733, device='cuda:0', grad_fn=)\n", + "23800 tensor(5.5759, device='cuda:0', grad_fn=)\n", + "23900 tensor(5.3364, device='cuda:0', grad_fn=)\n", + "24000 tensor(5.5402, device='cuda:0', grad_fn=)\n", + "24100 tensor(5.4736, device='cuda:0', grad_fn=)\n", + "24200 tensor(5.6618, device='cuda:0', grad_fn=)\n", + "24300 tensor(5.5311, device='cuda:0', grad_fn=)\n", + "24400 tensor(5.6479, device='cuda:0', grad_fn=)\n", + "24500 tensor(5.4648, device='cuda:0', grad_fn=)\n", + "24600 tensor(5.4389, device='cuda:0', grad_fn=)\n", + "24700 tensor(5.1825, device='cuda:0', grad_fn=)\n", + "24800 tensor(5.7271, device='cuda:0', grad_fn=)\n", + "24900 tensor(5.5942, device='cuda:0', grad_fn=)\n", + "25000 tensor(5.1371, device='cuda:0', grad_fn=)\n", + "25100 tensor(5.4313, device='cuda:0', grad_fn=)\n", + "25200 tensor(5.5351, device='cuda:0', grad_fn=)\n", + "25300 tensor(5.3760, device='cuda:0', grad_fn=)\n", + "25400 tensor(5.5145, device='cuda:0', grad_fn=)\n", + "25500 tensor(5.3892, device='cuda:0', grad_fn=)\n", + "25600 tensor(5.5116, device='cuda:0', grad_fn=)\n", + "25700 tensor(5.3212, device='cuda:0', grad_fn=)\n", + "25800 tensor(5.5078, device='cuda:0', grad_fn=)\n", + "25900 tensor(5.2154, device='cuda:0', grad_fn=)\n", + "26000 tensor(5.2552, device='cuda:0', grad_fn=)\n", + "26100 tensor(5.5090, device='cuda:0', grad_fn=)\n", + "26200 tensor(5.4643, device='cuda:0', grad_fn=)\n", + "26300 tensor(5.3142, device='cuda:0', grad_fn=)\n", + "26400 tensor(5.4627, device='cuda:0', grad_fn=)\n", + "26500 tensor(5.6144, device='cuda:0', grad_fn=)\n", + "26600 tensor(5.5456, device='cuda:0', grad_fn=)\n", + "26700 tensor(5.2616, device='cuda:0', grad_fn=)\n", + "26800 tensor(5.4525, device='cuda:0', grad_fn=)\n", + "26900 tensor(5.6226, device='cuda:0', grad_fn=)\n", + "27000 tensor(5.6647, device='cuda:0', grad_fn=)\n", + "27100 tensor(5.5854, device='cuda:0', grad_fn=)\n", + "27200 tensor(5.3022, device='cuda:0', grad_fn=)\n", + "27300 tensor(5.2084, device='cuda:0', grad_fn=)\n", + "27400 tensor(5.3328, device='cuda:0', grad_fn=)\n", + "27500 tensor(5.6698, device='cuda:0', grad_fn=)\n", + "27600 tensor(5.4509, device='cuda:0', grad_fn=)\n", + "27700 tensor(5.5263, device='cuda:0', grad_fn=)\n", + "27800 tensor(5.6357, device='cuda:0', grad_fn=)\n", + "27900 tensor(5.6767, device='cuda:0', grad_fn=)\n", + "28000 tensor(5.1947, device='cuda:0', grad_fn=)\n", + "28100 tensor(5.4909, device='cuda:0', grad_fn=)\n", + "28200 tensor(5.5209, device='cuda:0', grad_fn=)\n", + "28300 tensor(5.7142, device='cuda:0', grad_fn=)\n", + "28400 tensor(5.5413, device='cuda:0', grad_fn=)\n", + "28500 tensor(5.7023, device='cuda:0', grad_fn=)\n", + "28600 tensor(5.4238, device='cuda:0', grad_fn=)\n", + "28700 tensor(5.7370, device='cuda:0', grad_fn=)\n", + "28800 tensor(5.3878, device='cuda:0', grad_fn=)\n", + "28900 tensor(5.4996, device='cuda:0', grad_fn=)\n", + "29000 tensor(5.3866, device='cuda:0', grad_fn=)\n", + "29100 tensor(5.7307, device='cuda:0', grad_fn=)\n", + "29200 tensor(5.4229, device='cuda:0', grad_fn=)\n", + "29300 tensor(5.4146, device='cuda:0', grad_fn=)\n", + "29400 tensor(5.3214, device='cuda:0', grad_fn=)\n", + "29500 tensor(5.5662, device='cuda:0', grad_fn=)\n", + "29600 tensor(5.3077, device='cuda:0', grad_fn=)\n", + "29700 tensor(5.5429, device='cuda:0', grad_fn=)\n", + "29800 tensor(5.3651, device='cuda:0', grad_fn=)\n", + "29900 tensor(5.2223, device='cuda:0', grad_fn=)\n", + "30000 tensor(5.6396, device='cuda:0', grad_fn=)\n", + "30100 tensor(5.5396, device='cuda:0', grad_fn=)\n", + "30200 tensor(5.5409, device='cuda:0', grad_fn=)\n", + "30300 tensor(5.3376, device='cuda:0', grad_fn=)\n", + "30400 tensor(5.3402, device='cuda:0', grad_fn=)\n", + "30500 tensor(5.3920, device='cuda:0', grad_fn=)\n", + "30600 tensor(5.7303, device='cuda:0', grad_fn=)\n", + "30700 tensor(5.3695, device='cuda:0', grad_fn=)\n", + "30800 tensor(5.5152, device='cuda:0', grad_fn=)\n", + "30900 tensor(5.6292, device='cuda:0', grad_fn=)\n", + "31000 tensor(5.4888, device='cuda:0', grad_fn=)\n", + "31100 tensor(5.3020, device='cuda:0', grad_fn=)\n", + "31200 tensor(5.5003, device='cuda:0', grad_fn=)\n", + "31300 tensor(5.4990, device='cuda:0', grad_fn=)\n", + "31400 tensor(5.4505, device='cuda:0', grad_fn=)\n", + "31500 tensor(5.3103, device='cuda:0', grad_fn=)\n", + "31600 tensor(5.3098, device='cuda:0', grad_fn=)\n", + "31700 tensor(5.2497, device='cuda:0', grad_fn=)\n", + "31800 tensor(5.3974, device='cuda:0', grad_fn=)\n", + "31900 tensor(5.4272, device='cuda:0', grad_fn=)\n", + "32000 tensor(5.4688, device='cuda:0', grad_fn=)\n", + "32100 tensor(5.4062, device='cuda:0', grad_fn=)\n", + "32200 tensor(5.5946, device='cuda:0', grad_fn=)\n", + "32300 tensor(5.5689, device='cuda:0', grad_fn=)\n", + "32400 tensor(5.4197, device='cuda:0', grad_fn=)\n", + "32500 tensor(5.5644, device='cuda:0', grad_fn=)\n", + "32600 tensor(5.4227, device='cuda:0', grad_fn=)\n", + "32700 tensor(5.6018, device='cuda:0', grad_fn=)\n", + "32800 tensor(5.3377, device='cuda:0', grad_fn=)\n", + "32900 tensor(5.4129, device='cuda:0', grad_fn=)\n", + "33000 tensor(5.2989, device='cuda:0', grad_fn=)\n", + "33100 tensor(5.5125, device='cuda:0', grad_fn=)\n", + "33200 tensor(5.4998, device='cuda:0', grad_fn=)\n", + "33300 tensor(5.5507, device='cuda:0', grad_fn=)\n", + "33400 tensor(5.5466, device='cuda:0', grad_fn=)\n", + "33500 tensor(5.5674, device='cuda:0', grad_fn=)\n", + "33600 tensor(5.4285, device='cuda:0', grad_fn=)\n", + "33700 tensor(5.5488, device='cuda:0', grad_fn=)\n", + "33800 tensor(5.4235, device='cuda:0', grad_fn=)\n", + "33900 tensor(5.5880, device='cuda:0', grad_fn=)\n", + "34000 tensor(5.3808, device='cuda:0', grad_fn=)\n", + "34100 tensor(5.4820, device='cuda:0', grad_fn=)\n", + "34200 tensor(5.5643, device='cuda:0', grad_fn=)\n", + "34300 tensor(5.6326, device='cuda:0', grad_fn=)\n", + "34400 tensor(5.5655, device='cuda:0', grad_fn=)\n", + "34500 tensor(5.5510, device='cuda:0', grad_fn=)\n", + "34600 tensor(5.3132, device='cuda:0', grad_fn=)\n", + "34700 tensor(5.5549, device='cuda:0', grad_fn=)\n", + "34800 tensor(5.6462, device='cuda:0', grad_fn=)\n", + "34900 tensor(5.4557, device='cuda:0', grad_fn=)\n", + "35000 tensor(5.3862, device='cuda:0', grad_fn=)\n", + "35100 tensor(5.6366, device='cuda:0', grad_fn=)\n", + "35200 tensor(5.1840, device='cuda:0', grad_fn=)\n", + "35300 tensor(5.6500, device='cuda:0', grad_fn=)\n", + "35400 tensor(5.5314, device='cuda:0', grad_fn=)\n", + "35500 tensor(5.5081, device='cuda:0', grad_fn=)\n", + "35600 tensor(5.2896, device='cuda:0', grad_fn=)\n", + "35700 tensor(5.2241, device='cuda:0', grad_fn=)\n", + "35800 tensor(5.4910, device='cuda:0', grad_fn=)\n", + "35900 tensor(5.6407, device='cuda:0', grad_fn=)\n", + "36000 tensor(5.5259, device='cuda:0', grad_fn=)\n", + "36100 tensor(5.3138, device='cuda:0', grad_fn=)\n", + "36200 tensor(5.4283, device='cuda:0', grad_fn=)\n", + "36300 tensor(5.5557, device='cuda:0', grad_fn=)\n", + "36400 tensor(5.2560, device='cuda:0', grad_fn=)\n", + "36500 tensor(5.3602, device='cuda:0', grad_fn=)\n", + "36600 tensor(5.5200, device='cuda:0', grad_fn=)\n", + "36700 tensor(5.3699, device='cuda:0', grad_fn=)\n", + "36800 tensor(5.4089, device='cuda:0', grad_fn=)\n", + "36900 tensor(5.1299, device='cuda:0', grad_fn=)\n", + "37000 tensor(5.3995, device='cuda:0', grad_fn=)\n", + "37100 tensor(5.6096, device='cuda:0', grad_fn=)\n", + "37200 tensor(5.6665, device='cuda:0', grad_fn=)\n", + "37300 tensor(5.2652, device='cuda:0', grad_fn=)\n", + "37400 tensor(5.4732, device='cuda:0', grad_fn=)\n", + "37500 tensor(5.4002, device='cuda:0', grad_fn=)\n", + "37600 tensor(5.3519, device='cuda:0', grad_fn=)\n", + "37700 tensor(5.3819, device='cuda:0', grad_fn=)\n", + "37800 tensor(4.9806, device='cuda:0', grad_fn=)\n", + "37900 tensor(5.5038, device='cuda:0', grad_fn=)\n", + "38000 tensor(5.3507, device='cuda:0', grad_fn=)\n", + "38100 tensor(5.5620, device='cuda:0', grad_fn=)\n", + "38200 tensor(5.4836, device='cuda:0', grad_fn=)\n", + "38300 tensor(5.5453, device='cuda:0', grad_fn=)\n", + "38400 tensor(5.3681, device='cuda:0', grad_fn=)\n", + "38500 tensor(5.3924, device='cuda:0', grad_fn=)\n", + "38600 tensor(5.6353, device='cuda:0', grad_fn=)\n", + "38700 tensor(5.1102, device='cuda:0', grad_fn=)\n", + "38800 tensor(5.7265, device='cuda:0', grad_fn=)\n", + "38900 tensor(5.6808, device='cuda:0', grad_fn=)\n", + "39000 tensor(5.2638, device='cuda:0', grad_fn=)\n", + "39100 tensor(5.5242, device='cuda:0', grad_fn=)\n", + "39200 tensor(5.3986, device='cuda:0', grad_fn=)\n", + "39300 tensor(5.6094, device='cuda:0', grad_fn=)\n", + "39400 tensor(5.3515, device='cuda:0', grad_fn=)\n", + "39500 tensor(5.4291, device='cuda:0', grad_fn=)\n", + "39600 tensor(5.6096, device='cuda:0', grad_fn=)\n", + "39700 tensor(5.4467, device='cuda:0', grad_fn=)\n", + "39800 tensor(5.4881, device='cuda:0', grad_fn=)\n", + "39900 tensor(5.6645, device='cuda:0', grad_fn=)\n", + "40000 tensor(5.6015, device='cuda:0', grad_fn=)\n", + "40100 tensor(5.1822, device='cuda:0', grad_fn=)\n", + "40200 tensor(5.8679, device='cuda:0', grad_fn=)\n", + "40300 tensor(5.4774, device='cuda:0', grad_fn=)\n", + "40400 tensor(5.3750, device='cuda:0', grad_fn=)\n", + "40500 tensor(4.9790, device='cuda:0', grad_fn=)\n", + "40600 tensor(5.0726, device='cuda:0', grad_fn=)\n", + "40700 tensor(5.1360, device='cuda:0', grad_fn=)\n", + "40800 tensor(5.3735, device='cuda:0', grad_fn=)\n", + "40900 tensor(5.6424, device='cuda:0', grad_fn=)\n", + "41000 tensor(5.2857, device='cuda:0', grad_fn=)\n", + "41100 tensor(5.4865, device='cuda:0', grad_fn=)\n", + "41200 tensor(5.4941, device='cuda:0', grad_fn=)\n", + "41300 tensor(5.6159, device='cuda:0', grad_fn=)\n", + "41400 tensor(5.2841, device='cuda:0', grad_fn=)\n", + "41500 tensor(5.4356, device='cuda:0', grad_fn=)\n", + "41600 tensor(5.6352, device='cuda:0', grad_fn=)\n", + "41700 tensor(5.6359, device='cuda:0', grad_fn=)\n", + "41800 tensor(5.3582, device='cuda:0', grad_fn=)\n", + "41900 tensor(5.3467, device='cuda:0', grad_fn=)\n", + "42000 tensor(5.4138, device='cuda:0', grad_fn=)\n", + "42100 tensor(5.6829, device='cuda:0', grad_fn=)\n", + "42200 tensor(5.3340, device='cuda:0', grad_fn=)\n", + "42300 tensor(5.4833, device='cuda:0', grad_fn=)\n", + "42400 tensor(5.3624, device='cuda:0', grad_fn=)\n", + "42500 tensor(5.1591, device='cuda:0', grad_fn=)\n", + "42600 tensor(5.4823, device='cuda:0', grad_fn=)\n", + "42700 tensor(5.5607, device='cuda:0', grad_fn=)\n", + "42800 tensor(5.3179, device='cuda:0', grad_fn=)\n", + "42900 tensor(5.6652, device='cuda:0', grad_fn=)\n", + "43000 tensor(5.4773, device='cuda:0', grad_fn=)\n", + "43100 tensor(5.4712, device='cuda:0', grad_fn=)\n", + "43200 tensor(5.3888, device='cuda:0', grad_fn=)\n", + "43300 tensor(5.4873, device='cuda:0', grad_fn=)\n", + "43400 tensor(5.5605, device='cuda:0', grad_fn=)\n", + "43500 tensor(5.0506, device='cuda:0', grad_fn=)\n", + "43600 tensor(5.2291, device='cuda:0', grad_fn=)\n", + "43700 tensor(5.5935, device='cuda:0', grad_fn=)\n", + "43800 tensor(5.6132, device='cuda:0', grad_fn=)\n", + "43900 tensor(5.1779, device='cuda:0', grad_fn=)\n", + "44000 tensor(5.4096, device='cuda:0', grad_fn=)\n", + "44100 tensor(5.3552, device='cuda:0', grad_fn=)\n", + "44200 tensor(5.6069, device='cuda:0', grad_fn=)\n", + "44300 tensor(5.5439, device='cuda:0', grad_fn=)\n", + "44400 tensor(5.4566, device='cuda:0', grad_fn=)\n", + "44500 tensor(5.3627, device='cuda:0', grad_fn=)\n", + "44600 tensor(5.4104, device='cuda:0', grad_fn=)\n", + "44700 tensor(5.3048, device='cuda:0', grad_fn=)\n", + "44800 tensor(5.6430, device='cuda:0', grad_fn=)\n", + "44900 tensor(5.5011, device='cuda:0', grad_fn=)\n", + "45000 tensor(5.7368, device='cuda:0', grad_fn=)\n", + "45100 tensor(5.9795, device='cuda:0', grad_fn=)\n", + "45200 tensor(5.6402, device='cuda:0', grad_fn=)\n", + "45300 tensor(5.4850, device='cuda:0', grad_fn=)\n", + "45400 tensor(5.1489, device='cuda:0', grad_fn=)\n", + "45500 tensor(5.4990, device='cuda:0', grad_fn=)\n", + "45600 tensor(5.3364, device='cuda:0', grad_fn=)\n", + "45700 tensor(5.5120, device='cuda:0', grad_fn=)\n", + "45800 tensor(5.1639, device='cuda:0', grad_fn=)\n", + "45900 tensor(5.6573, device='cuda:0', grad_fn=)\n", + "46000 tensor(5.5571, device='cuda:0', grad_fn=)\n", + "46100 tensor(5.5569, device='cuda:0', grad_fn=)\n", + "46200 tensor(5.4238, device='cuda:0', grad_fn=)\n", + "46300 tensor(5.4504, device='cuda:0', grad_fn=)\n", + "46400 tensor(5.4324, device='cuda:0', grad_fn=)\n", + "46500 tensor(5.4736, device='cuda:0', grad_fn=)\n", + "46600 tensor(5.3256, device='cuda:0', grad_fn=)\n", + "46700 tensor(5.6117, device='cuda:0', grad_fn=)\n", + "46800 tensor(5.5294, device='cuda:0', grad_fn=)\n", + "46900 tensor(5.5854, device='cuda:0', grad_fn=)\n", + "47000 tensor(5.1722, device='cuda:0', grad_fn=)\n", + "47100 tensor(5.4549, device='cuda:0', grad_fn=)\n", + "47200 tensor(5.4592, device='cuda:0', grad_fn=)\n", + "47300 tensor(5.1804, device='cuda:0', grad_fn=)\n", + "47400 tensor(5.0046, device='cuda:0', grad_fn=)\n", + "47500 tensor(5.3751, device='cuda:0', grad_fn=)\n", + "47600 tensor(5.4936, device='cuda:0', grad_fn=)\n", + "47700 tensor(5.0625, device='cuda:0', grad_fn=)\n", + "47800 tensor(5.2671, device='cuda:0', grad_fn=)\n", + "47900 tensor(5.5870, device='cuda:0', grad_fn=)\n", + "48000 tensor(5.4502, device='cuda:0', grad_fn=)\n", + "48100 tensor(5.5542, device='cuda:0', grad_fn=)\n", + "48200 tensor(5.5443, device='cuda:0', grad_fn=)\n", + "48300 tensor(5.3492, device='cuda:0', grad_fn=)\n", + "48400 tensor(5.5446, device='cuda:0', grad_fn=)\n", + "48500 tensor(5.2361, device='cuda:0', grad_fn=)\n", + "48600 tensor(5.4970, device='cuda:0', grad_fn=)\n", + "48700 tensor(5.3725, device='cuda:0', grad_fn=)\n", + "48800 tensor(5.5009, device='cuda:0', grad_fn=)\n", + "48900 tensor(5.2975, device='cuda:0', grad_fn=)\n", + "49000 tensor(5.2698, device='cuda:0', grad_fn=)\n", + "49100 tensor(5.2921, device='cuda:0', grad_fn=)\n", + "49200 tensor(5.4100, device='cuda:0', grad_fn=)\n", + "49300 tensor(5.4580, device='cuda:0', grad_fn=)\n", + "49400 tensor(5.6814, device='cuda:0', grad_fn=)\n", + "49500 tensor(5.7361, device='cuda:0', grad_fn=)\n", + "49600 tensor(5.4763, device='cuda:0', grad_fn=)\n", + "49700 tensor(5.5044, device='cuda:0', grad_fn=)\n", + "49800 tensor(5.3052, device='cuda:0', grad_fn=)\n", + "49900 tensor(5.1156, device='cuda:0', grad_fn=)\n", + "50000 tensor(5.2878, device='cuda:0', grad_fn=)\n", + "50100 tensor(5.1773, device='cuda:0', grad_fn=)\n", + "50200 tensor(5.3206, device='cuda:0', grad_fn=)\n", + "50300 tensor(5.0576, device='cuda:0', grad_fn=)\n", + "50400 tensor(5.4642, device='cuda:0', grad_fn=)\n", + "50500 tensor(5.3201, device='cuda:0', grad_fn=)\n", + "50600 tensor(5.5055, device='cuda:0', grad_fn=)\n", + "50700 tensor(5.6773, device='cuda:0', grad_fn=)\n", + "50800 tensor(5.4019, device='cuda:0', grad_fn=)\n", + "50900 tensor(5.4287, device='cuda:0', grad_fn=)\n", + "51000 tensor(5.1547, device='cuda:0', grad_fn=)\n", + "51100 tensor(5.4438, device='cuda:0', grad_fn=)\n", + "51200 tensor(5.5913, device='cuda:0', grad_fn=)\n", + "51300 tensor(5.3043, device='cuda:0', grad_fn=)\n", + "51400 tensor(5.0821, device='cuda:0', grad_fn=)\n", + "51500 tensor(5.3216, device='cuda:0', grad_fn=)\n", + "51600 tensor(5.1779, device='cuda:0', grad_fn=)\n", + "51700 tensor(5.4302, device='cuda:0', grad_fn=)\n", + "51800 tensor(5.2330, device='cuda:0', grad_fn=)\n", + "51900 tensor(5.7322, device='cuda:0', grad_fn=)\n", + "52000 tensor(5.4942, device='cuda:0', grad_fn=)\n", + "52100 tensor(5.3446, device='cuda:0', grad_fn=)\n", + "52200 tensor(5.3254, device='cuda:0', grad_fn=)\n", + "52300 tensor(4.8182, device='cuda:0', grad_fn=)\n", + "52400 tensor(5.1112, device='cuda:0', grad_fn=)\n", + "52500 tensor(5.3418, device='cuda:0', grad_fn=)\n", + "52600 tensor(5.0819, device='cuda:0', grad_fn=)\n", + "52700 tensor(5.4554, device='cuda:0', grad_fn=)\n", + "52800 tensor(5.4346, device='cuda:0', grad_fn=)\n", + "52900 tensor(5.1054, device='cuda:0', grad_fn=)\n", + "53000 tensor(5.4626, device='cuda:0', grad_fn=)\n", + "53100 tensor(5.6832, device='cuda:0', grad_fn=)\n", + "53200 tensor(5.6572, device='cuda:0', grad_fn=)\n", + "53300 tensor(5.3073, device='cuda:0', grad_fn=)\n", + "53400 tensor(5.3687, device='cuda:0', grad_fn=)\n", + "53500 tensor(5.2752, device='cuda:0', grad_fn=)\n", + "53600 tensor(5.4406, device='cuda:0', grad_fn=)\n", + "53700 tensor(5.2555, device='cuda:0', grad_fn=)\n", + "53800 tensor(5.2572, device='cuda:0', grad_fn=)\n", + "53900 tensor(5.4017, device='cuda:0', grad_fn=)\n", + "54000 tensor(5.8149, device='cuda:0', grad_fn=)\n", + "54100 tensor(5.2257, device='cuda:0', grad_fn=)\n", + "54200 tensor(5.5447, device='cuda:0', grad_fn=)\n", + "54300 tensor(5.0417, device='cuda:0', grad_fn=)\n", + "54400 tensor(5.1764, device='cuda:0', grad_fn=)\n", + "54500 tensor(5.1911, device='cuda:0', grad_fn=)\n", + "54600 tensor(5.5048, device='cuda:0', grad_fn=)\n", + "54700 tensor(5.5409, device='cuda:0', grad_fn=)\n", + "54800 tensor(5.3411, device='cuda:0', grad_fn=)\n", + "54900 tensor(5.1817, device='cuda:0', grad_fn=)\n", + "55000 tensor(5.3889, device='cuda:0', grad_fn=)\n", + "55100 tensor(5.4876, device='cuda:0', grad_fn=)\n", + "55200 tensor(5.5456, device='cuda:0', grad_fn=)\n", + "55300 tensor(5.4154, device='cuda:0', grad_fn=)\n", + "55400 tensor(5.0857, device='cuda:0', grad_fn=)\n", + "55500 tensor(5.1714, device='cuda:0', grad_fn=)\n", + "55600 tensor(5.4615, device='cuda:0', grad_fn=)\n", + "55700 tensor(5.4912, device='cuda:0', grad_fn=)\n", + "55800 tensor(5.0137, device='cuda:0', grad_fn=)\n", + "55900 tensor(5.2807, device='cuda:0', grad_fn=)\n", + "56000 tensor(5.3310, device='cuda:0', grad_fn=)\n", + "56100 tensor(5.4461, device='cuda:0', grad_fn=)\n", + "56200 tensor(5.3564, device='cuda:0', grad_fn=)\n", + "56300 tensor(4.8913, device='cuda:0', grad_fn=)\n", + "56400 tensor(5.4289, device='cuda:0', grad_fn=)\n", + "56500 tensor(5.1546, device='cuda:0', grad_fn=)\n", + "56600 tensor(5.1825, device='cuda:0', grad_fn=)\n", + "56700 tensor(5.7089, device='cuda:0', grad_fn=)\n", + "56800 tensor(5.3728, device='cuda:0', grad_fn=)\n", + "56900 tensor(5.4364, device='cuda:0', grad_fn=)\n", + "57000 tensor(5.5370, device='cuda:0', grad_fn=)\n", + "57100 tensor(5.2860, device='cuda:0', grad_fn=)\n", + "57200 tensor(5.5949, device='cuda:0', grad_fn=)\n", + "57300 tensor(5.6466, device='cuda:0', grad_fn=)\n", + "57400 tensor(5.3175, device='cuda:0', grad_fn=)\n", + "57500 tensor(5.4093, device='cuda:0', grad_fn=)\n", + "57600 tensor(5.7817, device='cuda:0', grad_fn=)\n", + "57700 tensor(5.5003, device='cuda:0', grad_fn=)\n", + "57800 tensor(5.3439, device='cuda:0', grad_fn=)\n", + "57900 tensor(5.4006, device='cuda:0', grad_fn=)\n", + "58000 tensor(5.2684, device='cuda:0', grad_fn=)\n", + "58100 tensor(5.4849, device='cuda:0', grad_fn=)\n", + "58200 tensor(5.3593, device='cuda:0', grad_fn=)\n", + "58300 tensor(5.4589, device='cuda:0', grad_fn=)\n", + "58400 tensor(5.4310, device='cuda:0', grad_fn=)\n", + "58500 tensor(5.4389, device='cuda:0', grad_fn=)\n", + "58600 tensor(5.3162, device='cuda:0', grad_fn=)\n", + "58700 tensor(5.4941, device='cuda:0', grad_fn=)\n", + "58800 tensor(5.5161, device='cuda:0', grad_fn=)\n", + "58900 tensor(5.1200, device='cuda:0', grad_fn=)\n", + "59000 tensor(5.4373, device='cuda:0', grad_fn=)\n", + "59100 tensor(5.4599, device='cuda:0', grad_fn=)\n", + "59200 tensor(5.4921, device='cuda:0', grad_fn=)\n", + "59300 tensor(5.3883, device='cuda:0', grad_fn=)\n", + "59400 tensor(5.1357, device='cuda:0', grad_fn=)\n", + "59500 tensor(5.5514, device='cuda:0', grad_fn=)\n", + "59600 tensor(5.1275, device='cuda:0', grad_fn=)\n", + "59700 tensor(5.4095, device='cuda:0', grad_fn=)\n", + "59800 tensor(5.2168, device='cuda:0', grad_fn=)\n", + "59900 tensor(5.3622, device='cuda:0', grad_fn=)\n", + "60000 tensor(5.3232, device='cuda:0', grad_fn=)\n", + "60100 tensor(5.2477, device='cuda:0', grad_fn=)\n", + "60200 tensor(5.4876, device='cuda:0', grad_fn=)\n", + "60300 tensor(5.3204, device='cuda:0', grad_fn=)\n", + "60400 tensor(5.5030, device='cuda:0', grad_fn=)\n", + "60500 tensor(5.1152, device='cuda:0', grad_fn=)\n", + "60600 tensor(5.4408, device='cuda:0', grad_fn=)\n", + "60700 tensor(5.2033, device='cuda:0', grad_fn=)\n", + "60800 tensor(5.5601, device='cuda:0', grad_fn=)\n", + "60900 tensor(5.5461, device='cuda:0', grad_fn=)\n", + "61000 tensor(5.4563, device='cuda:0', grad_fn=)\n", + "61100 tensor(5.2254, device='cuda:0', grad_fn=)\n", + "61200 tensor(5.5692, device='cuda:0', grad_fn=)\n", + "61300 tensor(5.4247, device='cuda:0', grad_fn=)\n", + "61400 tensor(4.9635, device='cuda:0', grad_fn=)\n", + "61500 tensor(5.2972, device='cuda:0', grad_fn=)\n", + "61600 tensor(5.4258, device='cuda:0', grad_fn=)\n", + "61700 tensor(5.3653, device='cuda:0', grad_fn=)\n", + "61800 tensor(5.5186, device='cuda:0', grad_fn=)\n", + "61900 tensor(5.8254, device='cuda:0', grad_fn=)\n", + "62000 tensor(5.3711, device='cuda:0', grad_fn=)\n", + "62100 tensor(5.5506, device='cuda:0', grad_fn=)\n", + "62200 tensor(5.3525, device='cuda:0', grad_fn=)\n", + "62300 tensor(4.9781, device='cuda:0', grad_fn=)\n", + "62400 tensor(5.2654, device='cuda:0', grad_fn=)\n", + "62500 tensor(5.1860, device='cuda:0', grad_fn=)\n", + "62600 tensor(5.2197, device='cuda:0', grad_fn=)\n", + "62700 tensor(4.8901, device='cuda:0', grad_fn=)\n", + "62800 tensor(5.0782, device='cuda:0', grad_fn=)\n", + "62900 tensor(5.4533, device='cuda:0', grad_fn=)\n", + "63000 tensor(4.8650, device='cuda:0', grad_fn=)\n", + "63100 tensor(5.2813, device='cuda:0', grad_fn=)\n", + "63200 tensor(5.4397, device='cuda:0', grad_fn=)\n", + "63300 tensor(5.4245, device='cuda:0', grad_fn=)\n", + "63400 tensor(5.2748, device='cuda:0', grad_fn=)\n", + "63500 tensor(5.2523, device='cuda:0', grad_fn=)\n", + "63600 tensor(5.3960, device='cuda:0', grad_fn=)\n", + "63700 tensor(5.1610, device='cuda:0', grad_fn=)\n", + "63800 tensor(5.3532, device='cuda:0', grad_fn=)\n", + "63900 tensor(5.3806, device='cuda:0', grad_fn=)\n", + "64000 tensor(5.3295, device='cuda:0', grad_fn=)\n", + "64100 tensor(5.4567, device='cuda:0', grad_fn=)\n", + "64200 tensor(5.1251, device='cuda:0', grad_fn=)\n", + "64300 tensor(5.3982, device='cuda:0', grad_fn=)\n", + "64400 tensor(5.4605, device='cuda:0', grad_fn=)\n", + "64500 tensor(5.3091, device='cuda:0', grad_fn=)\n", + "64600 tensor(5.3547, device='cuda:0', grad_fn=)\n", + "64700 tensor(5.5553, device='cuda:0', grad_fn=)\n", + "64800 tensor(5.1512, device='cuda:0', grad_fn=)\n", + "64900 tensor(5.3059, device='cuda:0', grad_fn=)\n", + "65000 tensor(5.3715, device='cuda:0', grad_fn=)\n", + "65100 tensor(5.1765, device='cuda:0', grad_fn=)\n", + "65200 tensor(4.9975, device='cuda:0', grad_fn=)\n", + "65300 tensor(5.4619, device='cuda:0', grad_fn=)\n", + "65400 tensor(5.2211, device='cuda:0', grad_fn=)\n", + "65500 tensor(5.0544, device='cuda:0', grad_fn=)\n", + "65600 tensor(5.4778, device='cuda:0', grad_fn=)\n", + "65700 tensor(5.4886, device='cuda:0', grad_fn=)\n", + "65800 tensor(5.3707, device='cuda:0', grad_fn=)\n", + "65900 tensor(5.3304, device='cuda:0', grad_fn=)\n", + "66000 tensor(5.7419, device='cuda:0', grad_fn=)\n", + "66100 tensor(5.1063, device='cuda:0', grad_fn=)\n", + "66200 tensor(5.3704, device='cuda:0', grad_fn=)\n", + "66300 tensor(5.1073, device='cuda:0', grad_fn=)\n", + "66400 tensor(5.4869, device='cuda:0', grad_fn=)\n", + "66500 tensor(5.6025, device='cuda:0', grad_fn=)\n", + "66600 tensor(5.3030, device='cuda:0', grad_fn=)\n", + "66700 tensor(5.3760, device='cuda:0', grad_fn=)\n", + "66800 tensor(5.3238, device='cuda:0', grad_fn=)\n", + "66900 tensor(5.2442, device='cuda:0', grad_fn=)\n", + "67000 tensor(5.3488, device='cuda:0', grad_fn=)\n", + "67100 tensor(5.2200, device='cuda:0', grad_fn=)\n", + "67200 tensor(5.6754, device='cuda:0', grad_fn=)\n", + "67300 tensor(5.5589, device='cuda:0', grad_fn=)\n", + "67400 tensor(5.3765, device='cuda:0', grad_fn=)\n", + "67500 tensor(5.3911, device='cuda:0', grad_fn=)\n", + "67600 tensor(5.3410, device='cuda:0', grad_fn=)\n", + "67700 tensor(5.1323, device='cuda:0', grad_fn=)\n", + "67800 tensor(5.2726, device='cuda:0', grad_fn=)\n", + "67900 tensor(5.2314, device='cuda:0', grad_fn=)\n", + "68000 tensor(5.3615, device='cuda:0', grad_fn=)\n", + "68100 tensor(5.3275, device='cuda:0', grad_fn=)\n", + "68200 tensor(5.1481, device='cuda:0', grad_fn=)\n", + "68300 tensor(5.2834, device='cuda:0', grad_fn=)\n", + "68400 tensor(5.8378, device='cuda:0', grad_fn=)\n", + "68500 tensor(5.0982, device='cuda:0', grad_fn=)\n", + "68600 tensor(5.2805, device='cuda:0', grad_fn=)\n", + "68700 tensor(5.2916, device='cuda:0', grad_fn=)\n", + "68800 tensor(5.4921, device='cuda:0', grad_fn=)\n", + "68900 tensor(5.2871, device='cuda:0', grad_fn=)\n", + "69000 tensor(5.2191, device='cuda:0', grad_fn=)\n", + "69100 tensor(5.4146, device='cuda:0', grad_fn=)\n", + "69200 tensor(5.3098, device='cuda:0', grad_fn=)\n", + "69300 tensor(4.9947, device='cuda:0', grad_fn=)\n", + "69400 tensor(5.3038, device='cuda:0', grad_fn=)\n", + "69500 tensor(5.1063, device='cuda:0', grad_fn=)\n", + "Creating outputs in dev-0\n", + "Creating outputs in test-A\n", + "0 tensor(10.3276, device='cuda:0', grad_fn=)\n", + "100 tensor(7.9401, device='cuda:0', grad_fn=)\n", + "200 tensor(7.2381, device='cuda:0', grad_fn=)\n", + "300 tensor(6.8126, device='cuda:0', grad_fn=)\n", + "400 tensor(6.6045, device='cuda:0', grad_fn=)\n", + "500 tensor(6.6184, device='cuda:0', grad_fn=)\n", + "600 tensor(6.6869, device='cuda:0', grad_fn=)\n", + "700 tensor(6.3630, device='cuda:0', grad_fn=)\n", + "800 tensor(6.1966, device='cuda:0', grad_fn=)\n", + "900 tensor(6.3506, device='cuda:0', grad_fn=)\n", + "1000 tensor(6.2652, device='cuda:0', grad_fn=)\n", + "1100 tensor(5.8459, device='cuda:0', grad_fn=)\n", + "1200 tensor(6.3685, device='cuda:0', grad_fn=)\n", + "1300 tensor(6.4105, device='cuda:0', grad_fn=)\n", + "1400 tensor(6.1318, device='cuda:0', grad_fn=)\n", + "1500 tensor(5.9373, device='cuda:0', grad_fn=)\n", + "1600 tensor(5.9996, device='cuda:0', grad_fn=)\n", + "1700 tensor(6.2852, device='cuda:0', grad_fn=)\n", + "1800 tensor(6.2778, device='cuda:0', grad_fn=)\n", + "1900 tensor(6.1339, device='cuda:0', grad_fn=)\n", + "2000 tensor(6.1958, device='cuda:0', grad_fn=)\n", + "2100 tensor(5.9972, device='cuda:0', grad_fn=)\n", + "2200 tensor(6.2078, device='cuda:0', grad_fn=)\n", + "2300 tensor(6.1827, device='cuda:0', grad_fn=)\n", + "2400 tensor(6.1275, device='cuda:0', grad_fn=)\n", + "2500 tensor(6.1562, device='cuda:0', grad_fn=)\n", + "2600 tensor(6.0775, device='cuda:0', grad_fn=)\n", + "2700 tensor(6.2004, device='cuda:0', grad_fn=)\n", + "2800 tensor(6.1155, device='cuda:0', grad_fn=)\n", + "2900 tensor(6.0537, device='cuda:0', grad_fn=)\n", + "3000 tensor(6.0540, device='cuda:0', grad_fn=)\n", + "3100 tensor(5.8310, device='cuda:0', grad_fn=)\n", + "3200 tensor(6.3952, device='cuda:0', grad_fn=)\n", + "3300 tensor(6.1059, device='cuda:0', grad_fn=)\n", + "3400 tensor(5.9665, device='cuda:0', grad_fn=)\n", + "3500 tensor(5.9202, device='cuda:0', grad_fn=)\n", + "3600 tensor(6.2096, device='cuda:0', grad_fn=)\n", + "3700 tensor(5.9983, device='cuda:0', grad_fn=)\n", + "3800 tensor(6.0919, device='cuda:0', grad_fn=)\n", + "3900 tensor(6.0015, device='cuda:0', grad_fn=)\n", + "4000 tensor(5.8796, device='cuda:0', grad_fn=)\n", + "4100 tensor(6.0101, device='cuda:0', grad_fn=)\n", + "4200 tensor(5.9665, device='cuda:0', grad_fn=)\n", + "4300 tensor(5.8365, device='cuda:0', grad_fn=)\n", + "4400 tensor(5.6078, device='cuda:0', grad_fn=)\n", + "4500 tensor(5.9602, device='cuda:0', grad_fn=)\n", + "4600 tensor(5.8495, device='cuda:0', grad_fn=)\n", + "4700 tensor(5.6834, device='cuda:0', grad_fn=)\n", + "4800 tensor(5.8261, device='cuda:0', grad_fn=)\n", + "4900 tensor(5.9137, device='cuda:0', grad_fn=)\n", + "5000 tensor(6.0360, device='cuda:0', grad_fn=)\n", + "5100 tensor(5.8791, device='cuda:0', grad_fn=)\n", + "5200 tensor(6.1084, device='cuda:0', grad_fn=)\n", + "5300 tensor(6.0378, device='cuda:0', grad_fn=)\n", + "5400 tensor(5.9057, device='cuda:0', grad_fn=)\n", + "5500 tensor(5.9146, device='cuda:0', grad_fn=)\n", + "5600 tensor(5.9022, device='cuda:0', grad_fn=)\n", + "5700 tensor(5.9767, device='cuda:0', grad_fn=)\n", + "5800 tensor(5.9410, device='cuda:0', grad_fn=)\n", + "5900 tensor(5.8609, device='cuda:0', grad_fn=)\n", + "6000 tensor(5.8036, device='cuda:0', grad_fn=)\n", + "6100 tensor(5.8270, device='cuda:0', grad_fn=)\n", + "6200 tensor(5.9282, device='cuda:0', grad_fn=)\n", + "6300 tensor(5.7968, device='cuda:0', grad_fn=)\n", + "6400 tensor(6.1270, device='cuda:0', grad_fn=)\n", + "6500 tensor(5.7318, device='cuda:0', grad_fn=)\n", + "6600 tensor(6.0448, device='cuda:0', grad_fn=)\n", + "6700 tensor(5.9031, device='cuda:0', grad_fn=)\n", + "6800 tensor(5.7908, device='cuda:0', grad_fn=)\n", + "6900 tensor(5.7183, device='cuda:0', grad_fn=)\n", + "7000 tensor(5.8839, device='cuda:0', grad_fn=)\n", + "7100 tensor(5.7365, device='cuda:0', grad_fn=)\n", + "7200 tensor(5.8651, device='cuda:0', grad_fn=)\n", + "7300 tensor(6.0091, device='cuda:0', grad_fn=)\n", + "7400 tensor(5.7031, device='cuda:0', grad_fn=)\n", + "7500 tensor(5.8671, device='cuda:0', grad_fn=)\n", + "7600 tensor(5.8997, device='cuda:0', grad_fn=)\n", + "7700 tensor(5.7679, device='cuda:0', grad_fn=)\n", + "7800 tensor(5.7867, device='cuda:0', grad_fn=)\n", + "7900 tensor(5.9113, device='cuda:0', grad_fn=)\n", + "8000 tensor(5.6723, device='cuda:0', grad_fn=)\n", + "8100 tensor(5.9791, device='cuda:0', grad_fn=)\n", + "8200 tensor(5.8998, device='cuda:0', grad_fn=)\n", + "8300 tensor(5.8103, device='cuda:0', grad_fn=)\n", + "8400 tensor(5.9573, device='cuda:0', grad_fn=)\n", + "8500 tensor(5.2251, device='cuda:0', grad_fn=)\n", + "8600 tensor(5.7472, device='cuda:0', grad_fn=)\n", + "8700 tensor(5.3789, device='cuda:0', grad_fn=)\n", + "8800 tensor(5.8526, device='cuda:0', grad_fn=)\n", + "8900 tensor(5.7923, device='cuda:0', grad_fn=)\n", + "9000 tensor(5.7036, device='cuda:0', grad_fn=)\n", + "9100 tensor(5.7377, device='cuda:0', grad_fn=)\n", + "9200 tensor(5.7688, device='cuda:0', grad_fn=)\n", + "9300 tensor(5.7391, device='cuda:0', grad_fn=)\n", + "9400 tensor(5.9497, device='cuda:0', grad_fn=)\n", + "9500 tensor(5.5777, device='cuda:0', grad_fn=)\n", + "9600 tensor(5.8298, device='cuda:0', grad_fn=)\n", + "9700 tensor(5.7534, device='cuda:0', grad_fn=)\n", + "9800 tensor(5.9139, device='cuda:0', grad_fn=)\n", + "9900 tensor(5.7988, device='cuda:0', grad_fn=)\n", + "10000 tensor(5.8364, device='cuda:0', grad_fn=)\n", + "10100 tensor(5.7934, device='cuda:0', grad_fn=)\n", + "10200 tensor(5.5965, device='cuda:0', grad_fn=)\n", + "10300 tensor(5.8358, device='cuda:0', grad_fn=)\n", + "10400 tensor(5.8457, device='cuda:0', grad_fn=)\n", + "10500 tensor(5.7757, device='cuda:0', grad_fn=)\n", + "10600 tensor(5.5855, device='cuda:0', grad_fn=)\n", + "10700 tensor(5.6421, device='cuda:0', grad_fn=)\n", + "10800 tensor(5.7135, device='cuda:0', grad_fn=)\n", + "10900 tensor(5.6907, device='cuda:0', grad_fn=)\n", + "11000 tensor(5.7571, device='cuda:0', grad_fn=)\n", + "11100 tensor(5.8093, device='cuda:0', grad_fn=)\n", + "11200 tensor(5.5920, device='cuda:0', grad_fn=)\n", + "11300 tensor(5.8946, device='cuda:0', grad_fn=)\n", + "11400 tensor(5.7888, device='cuda:0', grad_fn=)\n", + "11500 tensor(5.8484, device='cuda:0', grad_fn=)\n", + "11600 tensor(5.9122, device='cuda:0', grad_fn=)\n", + "11700 tensor(5.7712, device='cuda:0', grad_fn=)\n", + "11800 tensor(5.4625, device='cuda:0', grad_fn=)\n", + "11900 tensor(5.9522, device='cuda:0', grad_fn=)\n", + "12000 tensor(5.7293, device='cuda:0', grad_fn=)\n", + "12100 tensor(5.6809, device='cuda:0', grad_fn=)\n", + "12200 tensor(5.6963, device='cuda:0', grad_fn=)\n", + "12300 tensor(5.5903, device='cuda:0', grad_fn=)\n", + "12400 tensor(5.6758, device='cuda:0', grad_fn=)\n", + "12500 tensor(5.8388, device='cuda:0', grad_fn=)\n", + "12600 tensor(5.6493, device='cuda:0', grad_fn=)\n", + "12700 tensor(5.7067, device='cuda:0', grad_fn=)\n", + "12800 tensor(5.8122, device='cuda:0', grad_fn=)\n", + "12900 tensor(5.5808, device='cuda:0', grad_fn=)\n", + "13000 tensor(5.7339, device='cuda:0', grad_fn=)\n", + "13100 tensor(5.5628, device='cuda:0', grad_fn=)\n", + "13200 tensor(5.6367, device='cuda:0', grad_fn=)\n", + "13300 tensor(5.8845, device='cuda:0', grad_fn=)\n", + "13400 tensor(5.5808, device='cuda:0', grad_fn=)\n", + "13500 tensor(5.6065, device='cuda:0', grad_fn=)\n", + "13600 tensor(5.6312, device='cuda:0', grad_fn=)\n", + "13700 tensor(5.5297, device='cuda:0', grad_fn=)\n", + "13800 tensor(5.6371, device='cuda:0', grad_fn=)\n", + "13900 tensor(5.4678, device='cuda:0', grad_fn=)\n", + "14000 tensor(5.5841, device='cuda:0', grad_fn=)\n", + "14100 tensor(5.6667, device='cuda:0', grad_fn=)\n", + "14200 tensor(5.6490, device='cuda:0', grad_fn=)\n", + "14300 tensor(5.6490, device='cuda:0', grad_fn=)\n", + "14400 tensor(5.8014, device='cuda:0', grad_fn=)\n", + "14500 tensor(5.7761, device='cuda:0', grad_fn=)\n", + "14600 tensor(5.6229, device='cuda:0', grad_fn=)\n", + "14700 tensor(5.5781, device='cuda:0', grad_fn=)\n", + "14800 tensor(5.5083, device='cuda:0', grad_fn=)\n", + "14900 tensor(5.8224, device='cuda:0', grad_fn=)\n", + "15000 tensor(5.6680, device='cuda:0', grad_fn=)\n", + "15100 tensor(5.3498, device='cuda:0', grad_fn=)\n", + "15200 tensor(5.3971, device='cuda:0', grad_fn=)\n", + "15300 tensor(5.6708, device='cuda:0', grad_fn=)\n", + "15400 tensor(5.6057, device='cuda:0', grad_fn=)\n", + "15500 tensor(5.7612, device='cuda:0', grad_fn=)\n", + "15600 tensor(5.3966, device='cuda:0', grad_fn=)\n", + "15700 tensor(5.4845, device='cuda:0', grad_fn=)\n", + "15800 tensor(5.6853, device='cuda:0', grad_fn=)\n", + "15900 tensor(5.3362, device='cuda:0', grad_fn=)\n", + "16000 tensor(5.6539, device='cuda:0', grad_fn=)\n", + "16100 tensor(5.5410, device='cuda:0', grad_fn=)\n", + "16200 tensor(5.4011, device='cuda:0', grad_fn=)\n", + "16300 tensor(5.5504, device='cuda:0', grad_fn=)\n", + "16400 tensor(5.6887, device='cuda:0', grad_fn=)\n", + "16500 tensor(5.7357, device='cuda:0', grad_fn=)\n", + "16600 tensor(5.5474, device='cuda:0', grad_fn=)\n", + "16700 tensor(5.4877, device='cuda:0', grad_fn=)\n", + "16800 tensor(5.6792, device='cuda:0', grad_fn=)\n", + "16900 tensor(5.3604, device='cuda:0', grad_fn=)\n", + "17000 tensor(5.3803, device='cuda:0', grad_fn=)\n", + "17100 tensor(5.5635, device='cuda:0', grad_fn=)\n", + "17200 tensor(5.3282, device='cuda:0', grad_fn=)\n", + "17300 tensor(5.7271, device='cuda:0', grad_fn=)\n", + "17400 tensor(5.5405, device='cuda:0', grad_fn=)\n", + "17500 tensor(5.6601, device='cuda:0', grad_fn=)\n", + "17600 tensor(5.3243, device='cuda:0', grad_fn=)\n", + "17700 tensor(5.5445, device='cuda:0', grad_fn=)\n", + "17800 tensor(5.5560, device='cuda:0', grad_fn=)\n", + "17900 tensor(5.5542, device='cuda:0', grad_fn=)\n", + "18000 tensor(5.5684, device='cuda:0', grad_fn=)\n", + "18100 tensor(5.6245, device='cuda:0', grad_fn=)\n", + "18200 tensor(5.4738, device='cuda:0', grad_fn=)\n", + "18300 tensor(5.2101, device='cuda:0', grad_fn=)\n", + "18400 tensor(5.3317, device='cuda:0', grad_fn=)\n", + "18500 tensor(5.5373, device='cuda:0', grad_fn=)\n", + "18600 tensor(5.5806, device='cuda:0', grad_fn=)\n", + "18700 tensor(5.3268, device='cuda:0', grad_fn=)\n", + "18800 tensor(5.5929, device='cuda:0', grad_fn=)\n", + "18900 tensor(5.4883, device='cuda:0', grad_fn=)\n", + "19000 tensor(5.6732, device='cuda:0', grad_fn=)\n", + "19100 tensor(5.6076, device='cuda:0', grad_fn=)\n", + "19200 tensor(5.6036, device='cuda:0', grad_fn=)\n", + "19300 tensor(5.4558, device='cuda:0', grad_fn=)\n", + "19400 tensor(5.7300, device='cuda:0', grad_fn=)\n", + "19500 tensor(5.4478, device='cuda:0', grad_fn=)\n", + "19600 tensor(5.5504, device='cuda:0', grad_fn=)\n", + "19700 tensor(5.6629, device='cuda:0', grad_fn=)\n", + "19800 tensor(5.4606, device='cuda:0', grad_fn=)\n", + "19900 tensor(5.5990, device='cuda:0', grad_fn=)\n", + "20000 tensor(5.4913, device='cuda:0', grad_fn=)\n", + "20100 tensor(5.5838, device='cuda:0', grad_fn=)\n", + "20200 tensor(5.6306, device='cuda:0', grad_fn=)\n", + "20300 tensor(5.7517, device='cuda:0', grad_fn=)\n", + "20400 tensor(5.7437, device='cuda:0', grad_fn=)\n", + "20500 tensor(5.2876, device='cuda:0', grad_fn=)\n", + "20600 tensor(5.4658, device='cuda:0', grad_fn=)\n", + "20700 tensor(5.5432, device='cuda:0', grad_fn=)\n", + "20800 tensor(5.6153, device='cuda:0', grad_fn=)\n", + "20900 tensor(5.3012, device='cuda:0', grad_fn=)\n", + "21000 tensor(5.7174, device='cuda:0', grad_fn=)\n", + "21100 tensor(5.7087, device='cuda:0', grad_fn=)\n", + "21200 tensor(5.4054, device='cuda:0', grad_fn=)\n", + "21300 tensor(5.4343, device='cuda:0', grad_fn=)\n", + "21400 tensor(5.4821, device='cuda:0', grad_fn=)\n", + "21500 tensor(5.6225, device='cuda:0', grad_fn=)\n", + "21600 tensor(5.2409, device='cuda:0', grad_fn=)\n", + "21700 tensor(5.6401, device='cuda:0', grad_fn=)\n", + "21800 tensor(5.2731, device='cuda:0', grad_fn=)\n", + "21900 tensor(5.2805, device='cuda:0', grad_fn=)\n", + "22000 tensor(5.2720, device='cuda:0', grad_fn=)\n", + "22100 tensor(5.6463, device='cuda:0', grad_fn=)\n", + "22200 tensor(5.4828, device='cuda:0', grad_fn=)\n", + "22300 tensor(5.6261, device='cuda:0', grad_fn=)\n", + "22400 tensor(5.5138, device='cuda:0', grad_fn=)\n", + "22500 tensor(5.3706, device='cuda:0', grad_fn=)\n", + "22600 tensor(5.4354, device='cuda:0', grad_fn=)\n", + "22700 tensor(5.4202, device='cuda:0', grad_fn=)\n", + "22800 tensor(5.7905, device='cuda:0', grad_fn=)\n", + "22900 tensor(5.2294, device='cuda:0', grad_fn=)\n", + "23000 tensor(5.3182, device='cuda:0', grad_fn=)\n", + "23100 tensor(5.5862, device='cuda:0', grad_fn=)\n", + "23200 tensor(5.3990, device='cuda:0', grad_fn=)\n", + "23300 tensor(5.6126, device='cuda:0', grad_fn=)\n", + "23400 tensor(5.7029, device='cuda:0', grad_fn=)\n", + "23500 tensor(5.4930, device='cuda:0', grad_fn=)\n", + "23600 tensor(5.5215, device='cuda:0', grad_fn=)\n", + "23700 tensor(5.5489, device='cuda:0', grad_fn=)\n", + "23800 tensor(5.5511, device='cuda:0', grad_fn=)\n", + "23900 tensor(5.3016, device='cuda:0', grad_fn=)\n", + "24000 tensor(5.4924, device='cuda:0', grad_fn=)\n", + "24100 tensor(5.4329, device='cuda:0', grad_fn=)\n", + "24200 tensor(5.6289, device='cuda:0', grad_fn=)\n", + "24300 tensor(5.5047, device='cuda:0', grad_fn=)\n", + "24400 tensor(5.6027, device='cuda:0', grad_fn=)\n", + "24500 tensor(5.4396, device='cuda:0', grad_fn=)\n", + "24600 tensor(5.4280, device='cuda:0', grad_fn=)\n", + "24700 tensor(5.1445, device='cuda:0', grad_fn=)\n", + "24800 tensor(5.6998, device='cuda:0', grad_fn=)\n", + "24900 tensor(5.5898, device='cuda:0', grad_fn=)\n", + "25000 tensor(5.0798, device='cuda:0', grad_fn=)\n", + "25100 tensor(5.4058, device='cuda:0', grad_fn=)\n", + "25200 tensor(5.5027, device='cuda:0', grad_fn=)\n", + "25300 tensor(5.3597, device='cuda:0', grad_fn=)\n", + "25400 tensor(5.4767, device='cuda:0', grad_fn=)\n", + "25500 tensor(5.3743, device='cuda:0', grad_fn=)\n", + "25600 tensor(5.4663, device='cuda:0', grad_fn=)\n", + "25700 tensor(5.3030, device='cuda:0', grad_fn=)\n", + "25800 tensor(5.4715, device='cuda:0', grad_fn=)\n", + "25900 tensor(5.2035, device='cuda:0', grad_fn=)\n", + "26000 tensor(5.2225, device='cuda:0', grad_fn=)\n", + "26100 tensor(5.4799, device='cuda:0', grad_fn=)\n", + "26200 tensor(5.4450, device='cuda:0', grad_fn=)\n", + "26300 tensor(5.2706, device='cuda:0', grad_fn=)\n", + "26400 tensor(5.4454, device='cuda:0', grad_fn=)\n", + "26500 tensor(5.5807, device='cuda:0', grad_fn=)\n", + "26600 tensor(5.5342, device='cuda:0', grad_fn=)\n", + "26700 tensor(5.2518, device='cuda:0', grad_fn=)\n", + "26800 tensor(5.4177, device='cuda:0', grad_fn=)\n", + "26900 tensor(5.5794, device='cuda:0', grad_fn=)\n", + "27000 tensor(5.6461, device='cuda:0', grad_fn=)\n", + "27100 tensor(5.5408, device='cuda:0', grad_fn=)\n", + "27200 tensor(5.2936, device='cuda:0', grad_fn=)\n", + "27300 tensor(5.2004, device='cuda:0', grad_fn=)\n", + "27400 tensor(5.3138, device='cuda:0', grad_fn=)\n", + "27500 tensor(5.6336, device='cuda:0', grad_fn=)\n", + "27600 tensor(5.4203, device='cuda:0', grad_fn=)\n", + "27700 tensor(5.4721, device='cuda:0', grad_fn=)\n", + "27800 tensor(5.5921, device='cuda:0', grad_fn=)\n", + "27900 tensor(5.6373, device='cuda:0', grad_fn=)\n", + "28000 tensor(5.1662, device='cuda:0', grad_fn=)\n", + "28100 tensor(5.4787, device='cuda:0', grad_fn=)\n", + "28200 tensor(5.4856, device='cuda:0', grad_fn=)\n", + "28300 tensor(5.6498, device='cuda:0', grad_fn=)\n", + "28400 tensor(5.5388, device='cuda:0', grad_fn=)\n", + "28500 tensor(5.6319, device='cuda:0', grad_fn=)\n", + "28600 tensor(5.3903, device='cuda:0', grad_fn=)\n", + "28700 tensor(5.6825, device='cuda:0', grad_fn=)\n", + "28800 tensor(5.3621, device='cuda:0', grad_fn=)\n", + "28900 tensor(5.4746, device='cuda:0', grad_fn=)\n", + "29000 tensor(5.3626, device='cuda:0', grad_fn=)\n", + "29100 tensor(5.7126, device='cuda:0', grad_fn=)\n", + "29200 tensor(5.4012, device='cuda:0', grad_fn=)\n", + "29300 tensor(5.4157, device='cuda:0', grad_fn=)\n", + "29400 tensor(5.2930, device='cuda:0', grad_fn=)\n", + "29500 tensor(5.5337, device='cuda:0', grad_fn=)\n", + "29600 tensor(5.2934, device='cuda:0', grad_fn=)\n", + "29700 tensor(5.5155, device='cuda:0', grad_fn=)\n", + "29800 tensor(5.3146, device='cuda:0', grad_fn=)\n", + "29900 tensor(5.1791, device='cuda:0', grad_fn=)\n", + "30000 tensor(5.6208, device='cuda:0', grad_fn=)\n", + "30100 tensor(5.5001, device='cuda:0', grad_fn=)\n", + "30200 tensor(5.5309, device='cuda:0', grad_fn=)\n", + "30300 tensor(5.3248, device='cuda:0', grad_fn=)\n", + "30400 tensor(5.3206, device='cuda:0', grad_fn=)\n", + "30500 tensor(5.3548, device='cuda:0', grad_fn=)\n", + "30600 tensor(5.6949, device='cuda:0', grad_fn=)\n", + "30700 tensor(5.3516, device='cuda:0', grad_fn=)\n", + "30800 tensor(5.4787, device='cuda:0', grad_fn=)\n", + "30900 tensor(5.6210, device='cuda:0', grad_fn=)\n", + "31000 tensor(5.4579, device='cuda:0', grad_fn=)\n", + "31100 tensor(5.2580, device='cuda:0', grad_fn=)\n", + "31200 tensor(5.4551, device='cuda:0', grad_fn=)\n", + "31300 tensor(5.4752, device='cuda:0', grad_fn=)\n", + "31400 tensor(5.4314, device='cuda:0', grad_fn=)\n", + "31500 tensor(5.3100, device='cuda:0', grad_fn=)\n", + "31600 tensor(5.2698, device='cuda:0', grad_fn=)\n", + "31700 tensor(5.2381, device='cuda:0', grad_fn=)\n", + "31800 tensor(5.3748, device='cuda:0', grad_fn=)\n", + "31900 tensor(5.3878, device='cuda:0', grad_fn=)\n", + "32000 tensor(5.4416, device='cuda:0', grad_fn=)\n", + "32100 tensor(5.3698, device='cuda:0', grad_fn=)\n", + "32200 tensor(5.5601, device='cuda:0', grad_fn=)\n", + "32300 tensor(5.5495, device='cuda:0', grad_fn=)\n", + "32400 tensor(5.3757, device='cuda:0', grad_fn=)\n", + "32500 tensor(5.5115, device='cuda:0', grad_fn=)\n", + "32600 tensor(5.3601, device='cuda:0', grad_fn=)\n", + "32700 tensor(5.5613, device='cuda:0', grad_fn=)\n", + "32800 tensor(5.2945, device='cuda:0', grad_fn=)\n", + "32900 tensor(5.3886, device='cuda:0', grad_fn=)\n", + "33000 tensor(5.2523, device='cuda:0', grad_fn=)\n", + "33100 tensor(5.4927, device='cuda:0', grad_fn=)\n", + "33200 tensor(5.4861, device='cuda:0', grad_fn=)\n", + "33300 tensor(5.5200, device='cuda:0', grad_fn=)\n", + "33400 tensor(5.5081, device='cuda:0', grad_fn=)\n", + "33500 tensor(5.5283, device='cuda:0', grad_fn=)\n", + "33600 tensor(5.3827, device='cuda:0', grad_fn=)\n", + "33700 tensor(5.5134, device='cuda:0', grad_fn=)\n", + "33800 tensor(5.3997, device='cuda:0', grad_fn=)\n", + "33900 tensor(5.5564, device='cuda:0', grad_fn=)\n", + "34000 tensor(5.3547, device='cuda:0', grad_fn=)\n", + "34100 tensor(5.4632, device='cuda:0', grad_fn=)\n", + "34200 tensor(5.5208, device='cuda:0', grad_fn=)\n", + "34300 tensor(5.6178, device='cuda:0', grad_fn=)\n", + "34400 tensor(5.5390, device='cuda:0', grad_fn=)\n", + "34500 tensor(5.5230, device='cuda:0', grad_fn=)\n", + "34600 tensor(5.2856, device='cuda:0', grad_fn=)\n", + "34700 tensor(5.5216, device='cuda:0', grad_fn=)\n", + "34800 tensor(5.6223, device='cuda:0', grad_fn=)\n", + "34900 tensor(5.4347, device='cuda:0', grad_fn=)\n", + "35000 tensor(5.3685, device='cuda:0', grad_fn=)\n", + "35100 tensor(5.6175, device='cuda:0', grad_fn=)\n", + "35200 tensor(5.1688, device='cuda:0', grad_fn=)\n", + "35300 tensor(5.6261, device='cuda:0', grad_fn=)\n", + "35400 tensor(5.4833, device='cuda:0', grad_fn=)\n", + "35500 tensor(5.4700, device='cuda:0', grad_fn=)\n", + "35600 tensor(5.2563, device='cuda:0', grad_fn=)\n", + "35700 tensor(5.2064, device='cuda:0', grad_fn=)\n", + "35800 tensor(5.4680, device='cuda:0', grad_fn=)\n", + "35900 tensor(5.6014, device='cuda:0', grad_fn=)\n", + "36000 tensor(5.4883, device='cuda:0', grad_fn=)\n", + "36100 tensor(5.2570, device='cuda:0', grad_fn=)\n", + "36200 tensor(5.3962, device='cuda:0', grad_fn=)\n", + "36300 tensor(5.5247, device='cuda:0', grad_fn=)\n", + "36400 tensor(5.2112, device='cuda:0', grad_fn=)\n", + "36500 tensor(5.3234, device='cuda:0', grad_fn=)\n", + "36600 tensor(5.5071, device='cuda:0', grad_fn=)\n", + "36700 tensor(5.3253, device='cuda:0', grad_fn=)\n", + "36800 tensor(5.3684, device='cuda:0', grad_fn=)\n", + "36900 tensor(5.0774, device='cuda:0', grad_fn=)\n", + "37000 tensor(5.3978, device='cuda:0', grad_fn=)\n", + "37100 tensor(5.6002, device='cuda:0', grad_fn=)\n", + "37200 tensor(5.6449, device='cuda:0', grad_fn=)\n", + "37300 tensor(5.2599, device='cuda:0', grad_fn=)\n", + "37400 tensor(5.4391, device='cuda:0', grad_fn=)\n", + "37500 tensor(5.3502, device='cuda:0', grad_fn=)\n", + "37600 tensor(5.3132, device='cuda:0', grad_fn=)\n", + "37700 tensor(5.3429, device='cuda:0', grad_fn=)\n", + "37800 tensor(4.9427, device='cuda:0', grad_fn=)\n", + "37900 tensor(5.4605, device='cuda:0', grad_fn=)\n", + "38000 tensor(5.3125, device='cuda:0', grad_fn=)\n", + "38100 tensor(5.5187, device='cuda:0', grad_fn=)\n", + "38200 tensor(5.4637, device='cuda:0', grad_fn=)\n", + "38300 tensor(5.5189, device='cuda:0', grad_fn=)\n", + "38400 tensor(5.3396, device='cuda:0', grad_fn=)\n", + "38500 tensor(5.3783, device='cuda:0', grad_fn=)\n", + "38600 tensor(5.6370, device='cuda:0', grad_fn=)\n", + "38700 tensor(5.0776, device='cuda:0', grad_fn=)\n", + "38800 tensor(5.7006, device='cuda:0', grad_fn=)\n", + "38900 tensor(5.6551, device='cuda:0', grad_fn=)\n", + "39000 tensor(5.2109, device='cuda:0', grad_fn=)\n", + "39100 tensor(5.4889, device='cuda:0', grad_fn=)\n", + "39200 tensor(5.3823, device='cuda:0', grad_fn=)\n", + "39300 tensor(5.5725, device='cuda:0', grad_fn=)\n", + "39400 tensor(5.3371, device='cuda:0', grad_fn=)\n", + "39500 tensor(5.4112, device='cuda:0', grad_fn=)\n", + "39600 tensor(5.5873, device='cuda:0', grad_fn=)\n", + "39700 tensor(5.4387, device='cuda:0', grad_fn=)\n", + "39800 tensor(5.4497, device='cuda:0', grad_fn=)\n", + "39900 tensor(5.6464, device='cuda:0', grad_fn=)\n", + "40000 tensor(5.5926, device='cuda:0', grad_fn=)\n", + "40100 tensor(5.1534, device='cuda:0', grad_fn=)\n", + "40200 tensor(5.8767, device='cuda:0', grad_fn=)\n", + "40300 tensor(5.4455, device='cuda:0', grad_fn=)\n", + "40400 tensor(5.3962, device='cuda:0', grad_fn=)\n", + "40500 tensor(4.9197, device='cuda:0', grad_fn=)\n", + "40600 tensor(5.0485, device='cuda:0', grad_fn=)\n", + "40700 tensor(5.1019, device='cuda:0', grad_fn=)\n", + "40800 tensor(5.3692, device='cuda:0', grad_fn=)\n", + "40900 tensor(5.6301, device='cuda:0', grad_fn=)\n", + "41000 tensor(5.2511, device='cuda:0', grad_fn=)\n", + "41100 tensor(5.4671, device='cuda:0', grad_fn=)\n", + "41200 tensor(5.4743, device='cuda:0', grad_fn=)\n", + "41300 tensor(5.6129, device='cuda:0', grad_fn=)\n", + "41400 tensor(5.2319, device='cuda:0', grad_fn=)\n", + "41500 tensor(5.3899, device='cuda:0', grad_fn=)\n", + "41600 tensor(5.6341, device='cuda:0', grad_fn=)\n", + "41700 tensor(5.5941, device='cuda:0', grad_fn=)\n", + "41800 tensor(5.3167, device='cuda:0', grad_fn=)\n", + "41900 tensor(5.3089, device='cuda:0', grad_fn=)\n", + "42000 tensor(5.3910, device='cuda:0', grad_fn=)\n", + "42100 tensor(5.6637, device='cuda:0', grad_fn=)\n", + "42200 tensor(5.2946, device='cuda:0', grad_fn=)\n", + "42300 tensor(5.4249, device='cuda:0', grad_fn=)\n", + "42400 tensor(5.3262, device='cuda:0', grad_fn=)\n", + "42500 tensor(5.1252, device='cuda:0', grad_fn=)\n", + "42600 tensor(5.4621, device='cuda:0', grad_fn=)\n", + "42700 tensor(5.5288, device='cuda:0', grad_fn=)\n", + "42800 tensor(5.2758, device='cuda:0', grad_fn=)\n", + "42900 tensor(5.6473, device='cuda:0', grad_fn=)\n", + "43000 tensor(5.4428, device='cuda:0', grad_fn=)\n", + "43100 tensor(5.4562, device='cuda:0', grad_fn=)\n", + "43200 tensor(5.3921, device='cuda:0', grad_fn=)\n", + "43300 tensor(5.4735, device='cuda:0', grad_fn=)\n", + "43400 tensor(5.5331, device='cuda:0', grad_fn=)\n", + "43500 tensor(4.9956, device='cuda:0', grad_fn=)\n", + "43600 tensor(5.2006, device='cuda:0', grad_fn=)\n", + "43700 tensor(5.5567, device='cuda:0', grad_fn=)\n", + "43800 tensor(5.5986, device='cuda:0', grad_fn=)\n", + "43900 tensor(5.1323, device='cuda:0', grad_fn=)\n", + "44000 tensor(5.3828, device='cuda:0', grad_fn=)\n", + "44100 tensor(5.3313, device='cuda:0', grad_fn=)\n", + "44200 tensor(5.5437, device='cuda:0', grad_fn=)\n", + "44300 tensor(5.5079, device='cuda:0', grad_fn=)\n", + "44400 tensor(5.4263, device='cuda:0', grad_fn=)\n", + "44500 tensor(5.3386, device='cuda:0', grad_fn=)\n", + "44600 tensor(5.3766, device='cuda:0', grad_fn=)\n", + "44700 tensor(5.2765, device='cuda:0', grad_fn=)\n", + "44800 tensor(5.6416, device='cuda:0', grad_fn=)\n", + "44900 tensor(5.4684, device='cuda:0', grad_fn=)\n", + "45000 tensor(5.7105, device='cuda:0', grad_fn=)\n", + "45100 tensor(5.9781, device='cuda:0', grad_fn=)\n", + "45200 tensor(5.6102, device='cuda:0', grad_fn=)\n", + "45300 tensor(5.4588, device='cuda:0', grad_fn=)\n", + "45400 tensor(5.1382, device='cuda:0', grad_fn=)\n", + "45500 tensor(5.4659, device='cuda:0', grad_fn=)\n", + "45600 tensor(5.3157, device='cuda:0', grad_fn=)\n", + "45700 tensor(5.5013, device='cuda:0', grad_fn=)\n", + "45800 tensor(5.1393, device='cuda:0', grad_fn=)\n", + "45900 tensor(5.6307, device='cuda:0', grad_fn=)\n", + "46000 tensor(5.4809, device='cuda:0', grad_fn=)\n", + "46100 tensor(5.5311, device='cuda:0', grad_fn=)\n", + "46200 tensor(5.3966, device='cuda:0', grad_fn=)\n", + "46300 tensor(5.4425, device='cuda:0', grad_fn=)\n", + "46400 tensor(5.3952, device='cuda:0', grad_fn=)\n", + "46500 tensor(5.4507, device='cuda:0', grad_fn=)\n", + "46600 tensor(5.3220, device='cuda:0', grad_fn=)\n", + "46700 tensor(5.5834, device='cuda:0', grad_fn=)\n", + "46800 tensor(5.5264, device='cuda:0', grad_fn=)\n", + "46900 tensor(5.5439, device='cuda:0', grad_fn=)\n", + "47000 tensor(5.1701, device='cuda:0', grad_fn=)\n", + "47100 tensor(5.4302, device='cuda:0', grad_fn=)\n", + "47200 tensor(5.4573, device='cuda:0', grad_fn=)\n", + "47300 tensor(5.1537, device='cuda:0', grad_fn=)\n", + "47400 tensor(4.9836, device='cuda:0', grad_fn=)\n", + "47500 tensor(5.3374, device='cuda:0', grad_fn=)\n", + "47600 tensor(5.4498, device='cuda:0', grad_fn=)\n", + "47700 tensor(5.0327, device='cuda:0', grad_fn=)\n", + "47800 tensor(5.2124, device='cuda:0', grad_fn=)\n", + "47900 tensor(5.5325, device='cuda:0', grad_fn=)\n", + "48000 tensor(5.4256, device='cuda:0', grad_fn=)\n", + "48100 tensor(5.5188, device='cuda:0', grad_fn=)\n", + "48200 tensor(5.5047, device='cuda:0', grad_fn=)\n", + "48300 tensor(5.3391, device='cuda:0', grad_fn=)\n", + "48400 tensor(5.5253, device='cuda:0', grad_fn=)\n", + "48500 tensor(5.2091, device='cuda:0', grad_fn=)\n", + "48600 tensor(5.4978, device='cuda:0', grad_fn=)\n", + "48700 tensor(5.3515, device='cuda:0', grad_fn=)\n", + "48800 tensor(5.4734, device='cuda:0', grad_fn=)\n", + "48900 tensor(5.2812, device='cuda:0', grad_fn=)\n", + "49000 tensor(5.2445, device='cuda:0', grad_fn=)\n", + "49100 tensor(5.2629, device='cuda:0', grad_fn=)\n", + "49200 tensor(5.3669, device='cuda:0', grad_fn=)\n", + "49300 tensor(5.4387, device='cuda:0', grad_fn=)\n", + "49400 tensor(5.6468, device='cuda:0', grad_fn=)\n", + "49500 tensor(5.7605, device='cuda:0', grad_fn=)\n", + "49600 tensor(5.4225, device='cuda:0', grad_fn=)\n", + "49700 tensor(5.4494, device='cuda:0', grad_fn=)\n", + "49800 tensor(5.2603, device='cuda:0', grad_fn=)\n", + "49900 tensor(5.1167, device='cuda:0', grad_fn=)\n", + "50000 tensor(5.2515, device='cuda:0', grad_fn=)\n", + "50100 tensor(5.1459, device='cuda:0', grad_fn=)\n", + "50200 tensor(5.2789, device='cuda:0', grad_fn=)\n", + "50300 tensor(5.0216, device='cuda:0', grad_fn=)\n", + "50400 tensor(5.4154, device='cuda:0', grad_fn=)\n", + "50500 tensor(5.2915, device='cuda:0', grad_fn=)\n", + "50600 tensor(5.4725, device='cuda:0', grad_fn=)\n", + "50700 tensor(5.6681, device='cuda:0', grad_fn=)\n", + "50800 tensor(5.3461, device='cuda:0', grad_fn=)\n", + "50900 tensor(5.3979, device='cuda:0', grad_fn=)\n", + "51000 tensor(5.1288, device='cuda:0', grad_fn=)\n", + "51100 tensor(5.4455, device='cuda:0', grad_fn=)\n", + "51200 tensor(5.5755, device='cuda:0', grad_fn=)\n", + "51300 tensor(5.2842, device='cuda:0', grad_fn=)\n", + "51400 tensor(5.0205, device='cuda:0', grad_fn=)\n", + "51500 tensor(5.2638, device='cuda:0', grad_fn=)\n", + "51600 tensor(5.1125, device='cuda:0', grad_fn=)\n", + "51700 tensor(5.3903, device='cuda:0', grad_fn=)\n", + "51800 tensor(5.2160, device='cuda:0', grad_fn=)\n", + "51900 tensor(5.7133, device='cuda:0', grad_fn=)\n", + "52000 tensor(5.4849, device='cuda:0', grad_fn=)\n", + "52100 tensor(5.3322, device='cuda:0', grad_fn=)\n", + "52200 tensor(5.3071, device='cuda:0', grad_fn=)\n", + "52300 tensor(4.7687, device='cuda:0', grad_fn=)\n", + "52400 tensor(5.0729, device='cuda:0', grad_fn=)\n", + "52500 tensor(5.3039, device='cuda:0', grad_fn=)\n", + "52600 tensor(5.0601, device='cuda:0', grad_fn=)\n", + "52700 tensor(5.4496, device='cuda:0', grad_fn=)\n", + "52800 tensor(5.4187, device='cuda:0', grad_fn=)\n", + "52900 tensor(5.0658, device='cuda:0', grad_fn=)\n", + "53000 tensor(5.4404, device='cuda:0', grad_fn=)\n", + "53100 tensor(5.6516, device='cuda:0', grad_fn=)\n", + "53200 tensor(5.6010, device='cuda:0', grad_fn=)\n", + "53300 tensor(5.2748, device='cuda:0', grad_fn=)\n", + "53400 tensor(5.3141, device='cuda:0', grad_fn=)\n", + "53500 tensor(5.2417, device='cuda:0', grad_fn=)\n", + "53600 tensor(5.4364, device='cuda:0', grad_fn=)\n", + "53700 tensor(5.2321, device='cuda:0', grad_fn=)\n", + "53800 tensor(5.2500, device='cuda:0', grad_fn=)\n", + "53900 tensor(5.3960, device='cuda:0', grad_fn=)\n", + "54000 tensor(5.7953, device='cuda:0', grad_fn=)\n", + "54100 tensor(5.1936, device='cuda:0', grad_fn=)\n", + "54200 tensor(5.5038, device='cuda:0', grad_fn=)\n", + "54300 tensor(4.9996, device='cuda:0', grad_fn=)\n", + "54400 tensor(5.1299, device='cuda:0', grad_fn=)\n", + "54500 tensor(5.1535, device='cuda:0', grad_fn=)\n", + "54600 tensor(5.4767, device='cuda:0', grad_fn=)\n", + "54700 tensor(5.5341, device='cuda:0', grad_fn=)\n", + "54800 tensor(5.3310, device='cuda:0', grad_fn=)\n", + "54900 tensor(5.1655, device='cuda:0', grad_fn=)\n", + "55000 tensor(5.3738, device='cuda:0', grad_fn=)\n", + "55100 tensor(5.4636, device='cuda:0', grad_fn=)\n", + "55200 tensor(5.5103, device='cuda:0', grad_fn=)\n", + "55300 tensor(5.4209, device='cuda:0', grad_fn=)\n", + "55400 tensor(5.0698, device='cuda:0', grad_fn=)\n", + "55500 tensor(5.1336, device='cuda:0', grad_fn=)\n", + "55600 tensor(5.4264, device='cuda:0', grad_fn=)\n", + "55700 tensor(5.4730, device='cuda:0', grad_fn=)\n", + "55800 tensor(4.9611, device='cuda:0', grad_fn=)\n", + "55900 tensor(5.2723, device='cuda:0', grad_fn=)\n", + "56000 tensor(5.3002, device='cuda:0', grad_fn=)\n", + "56100 tensor(5.4212, device='cuda:0', grad_fn=)\n", + "56200 tensor(5.3240, device='cuda:0', grad_fn=)\n", + "56300 tensor(4.8831, device='cuda:0', grad_fn=)\n", + "56400 tensor(5.3978, device='cuda:0', grad_fn=)\n", + "56500 tensor(5.1121, device='cuda:0', grad_fn=)\n", + "56600 tensor(5.1803, device='cuda:0', grad_fn=)\n", + "56700 tensor(5.6812, device='cuda:0', grad_fn=)\n", + "56800 tensor(5.3351, device='cuda:0', grad_fn=)\n", + "56900 tensor(5.3909, device='cuda:0', grad_fn=)\n", + "57000 tensor(5.5231, device='cuda:0', grad_fn=)\n", + "57100 tensor(5.2635, device='cuda:0', grad_fn=)\n", + "57200 tensor(5.5820, device='cuda:0', grad_fn=)\n", + "57300 tensor(5.6190, device='cuda:0', grad_fn=)\n", + "57400 tensor(5.3154, device='cuda:0', grad_fn=)\n", + "57500 tensor(5.3776, device='cuda:0', grad_fn=)\n", + "57600 tensor(5.7486, device='cuda:0', grad_fn=)\n", + "57700 tensor(5.4974, device='cuda:0', grad_fn=)\n", + "57800 tensor(5.3434, device='cuda:0', grad_fn=)\n", + "57900 tensor(5.3827, device='cuda:0', grad_fn=)\n", + "58000 tensor(5.2429, device='cuda:0', grad_fn=)\n", + "58100 tensor(5.4746, device='cuda:0', grad_fn=)\n", + "58200 tensor(5.3179, device='cuda:0', grad_fn=)\n", + "58300 tensor(5.4343, device='cuda:0', grad_fn=)\n", + "58400 tensor(5.4178, device='cuda:0', grad_fn=)\n", + "58500 tensor(5.4002, device='cuda:0', grad_fn=)\n", + "58600 tensor(5.2959, device='cuda:0', grad_fn=)\n" + ] + } + ], + "source": [ + "with_hyperparams()" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "9gg3bNu5dzWZ", + "outputId": "b6b6e6dd-d764-411a-c781-dd1442bd6dbd" + } + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 2 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython2", + "version": "2.7.6" + }, + "colab": { + "provenance": [], + "gpuType": "T4" + }, + "accelerator": "GPU", + "gpuClass": "standard" + }, + "nbformat": 4, + "nbformat_minor": 0 +} diff --git a/dev-0/out-EMBED_SIZE=200.tsv b/dev-0/out-EMBED_SIZE=200.tsv new file mode 100644 index 0000000..7f2d1b4 --- /dev/null +++ b/dev-0/out-EMBED_SIZE=200.tsv @@ -0,0 +1,10519 @@ +the:0.2558519244194031 a:0.0407363697886467 which:0.02373986691236496 tho:0.01943916641175747 :0.15491294860839844 +own:0.02477879449725151 power:0.009541771374642849 way:0.00704596471041441 place:0.006143053527921438 :0.22215010225772858 +the:0.23379367589950562 a:0.06109657138586044 his:0.03497796505689621 tho:0.01908472739160061 :0.12527009844779968 +of:0.0694957822561264 and:0.056204281747341156 The:0.02241251803934574 to:0.01892140693962574 :0.16552092134952545 +mittee:0.1429271399974823 pany:0.07802831381559372 missioners:0.05642550066113472 mercial:0.04834708571434021 :0.3009391725063324 +the:0.19829174876213074 a:0.11363717913627625 his:0.020226314663887024 which:0.017271677032113075 :0.1459406316280365 +and:0.1475583016872406 of:0.09579484164714813 in:0.03833705559372902 is:0.027297571301460266 :0.09742531925439835 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.04274663329124451 the:0.03262805566191673 and:0.025916414335370064 was:0.015449377708137035 :0.17246495187282562 +that:0.11745011061429977 the:0.07665131986141205 a:0.059992410242557526 sure:0.03444111719727516 :0.05183907225728035 +two:0.01797132007777691 men:0.01618107035756111 are:0.01221987884491682 things:0.012179072014987469 :0.20211383700370789 +the:0.33242714405059814 a:0.03378099575638771 diligent:0.03338189050555229 tho:0.014092606492340565 :0.13372109830379486 +much:0.09096363931894302 long:0.0368938185274601 late:0.02628154121339321 many:0.02510591223835945 :0.22162078320980072 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +that:0.10104334354400635 to:0.06384003162384033 and:0.057953499257564545 in:0.03763097524642944 :0.07238984853029251 +The:0.12149807065725327 It:0.05347995460033417 In:0.03846928849816322 He:0.03661389648914337 :0.08405548334121704 +to:0.1617780327796936 and:0.15906262397766113 for:0.05712517723441124 as:0.034710198640823364 :0.06030799075961113 +to:0.07238201051950455 known:0.030567703768610954 as:0.027462908998131752 in:0.02697131223976612 :0.12344127893447876 +and:0.07010689377784729 of:0.04808766022324562 to:0.03416164964437485 the:0.02671908028423786 :0.16365015506744385 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.0626525804400444 and:0.041544679552316666 to:0.021938279271125793 the:0.017946692183613777 :0.20584799349308014 +and:0.08795086294412613 to:0.04289303719997406 of:0.03381010517477989 is:0.03245929256081581 :0.05199700966477394 +to:0.14082880318164825 for:0.1349540799856186 the:0.029487378895282745 that:0.02149074524641037 :0.0784064531326294 +and:0.08724210411310196 Sun.:0.04197470471262932 to:0.03899615630507469 at:0.03586185723543167 :0.1808953881263733 +a:0.030458763241767883 made:0.023928897455334663 the:0.018045801669359207 in:0.017870217561721802 :0.16152282059192657 +towns:0.16801030933856964 the:0.07852055132389069 towns,:0.040806252509355545 to:0.018400171771645546 :0.11074382066726685 +the:0.11705239862203598 a:0.08471564948558807 their:0.026964332908391953 from:0.02156222052872181 :0.07662232220172882 +of:0.06337069720029831 and:0.05606074631214142 to:0.021610714495182037 The:0.02122456394135952 :0.16025196015834808 +the:0.42962646484375 which:0.0734768882393837 a:0.03474010154604912 such:0.02185051143169403 :0.05228177830576897 +ranged:0.25904712080955505 rested:0.20221823453903198 rived:0.0998157411813736 rival:0.013063427992165089 :0.262158066034317 +of:0.218780517578125 was:0.07778754830360413 is:0.061753977090120316 has:0.04164328798651695 :0.042988236993551254 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +day:0.0399806909263134 and:0.009862943552434444 thing:0.009543347172439098 number:0.00764078926295042 :0.13638876378536224 +a:0.10933484137058258 the:0.05550305172801018 to:0.03924337774515152 only:0.03406539931893349 :0.09984607994556427 +and:0.06365352123975754 in:0.019373297691345215 at:0.014211807399988174 the:0.011895520612597466 :0.35227158665657043 +the:0.045313816517591476 a:0.01876194030046463 in:0.00758505379781127 to:0.006756959017366171 :0.16640430688858032 +was:0.06665445864200592 have:0.05467773601412773 would:0.041177816689014435 had:0.03999202325940132 :0.1083441898226738 +and:0.026979872956871986 of:0.025568392127752304 chains:0.017651109024882317 feet:0.017410673201084137 :0.2982257604598999 +thence:0.0749741867184639 U.:0.030451282858848572 of:0.028173860162496567 at:0.02806187979876995 :0.17304497957229614 +by:0.3104842007160187 with:0.14712408185005188 to:0.06259585171937943 at:0.03885858505964279 :0.03714778646826744 +the:0.02915702760219574 of:0.0270449947565794 and:0.026315025985240936 to:0.022691696882247925 :0.18344801664352417 +the:0.362218976020813 said:0.047332245856523514 a:0.017538370564579964 this:0.01714625023305416 :0.12056507170200348 +of:0.48252180218696594 in:0.0796331837773323 by:0.024090120568871498 and:0.023423468694090843 :0.03787617012858391 +the:0.18234282732009888 a:0.0400046780705452 and:0.028300680220127106 his:0.013708198443055153 :0.15080949664115906 +same:0.010415895842015743 other:0.006870749406516552 old:0.0062294150702655315 way:0.0061750030145049095 :0.22789719700813293 +was:0.08452901989221573 had:0.0665435642004013 has:0.04154520854353905 would:0.038740769028663635 :0.10184478759765625 +the:0.33143168687820435 a:0.031501416116952896 said:0.022650346159934998 tho:0.012200413271784782 :0.12572123110294342 +in:0.08763085305690765 to:0.06392491608858109 as:0.03514537587761879 described:0.030936354771256447 :0.10204280912876129 +and:0.06071404367685318 to:0.04165780171751976 the:0.03852322697639465 by:0.021669378504157066 :0.18471910059452057 +the:0.37713703513145447 a:0.03609686344861984 their:0.02853907085955143 his:0.024423427879810333 :0.04910833388566971 +and:0.02415914088487625 nation:0.008434275165200233 many:0.008393912576138973 work:0.00807163491845131 :0.17118127644062042 +and:0.1428607702255249 to:0.05394574627280235 throat,:0.04578232765197754 at:0.024592900648713112 :0.09559161216020584 +to:0.02179582789540291 in:0.011926948092877865 a:0.011884602718055248 power:0.009970876388251781 :0.32517093420028687 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +of:0.7610248923301697 and:0.014958595857024193 ot:0.01489467453211546 ol:0.005897770635783672 :0.03615638241171837 +up:0.1080077737569809 the:0.09109329432249069 them:0.06501170992851257 him:0.06058083102107048 :0.03914499282836914 +to:0.16176478564739227 and:0.07997702807188034 of:0.0683416947722435 that:0.06634265929460526 :0.033941566944122314 +the:0.03766348958015442 and:0.034138258546590805 of:0.027318427339196205 to:0.02233888767659664 :0.1504039317369461 +same:0.006855979096144438 time:0.006110872607678175 best:0.005833905655890703 people:0.0049067335203289986 :0.1657439023256302 +people:0.0172645952552557 man:0.009093722328543663 same:0.008015154860913754 said:0.007493630517274141 :0.1611209660768509 +necessary:0.06500273197889328 to:0.04376774653792381 in:0.03806021437048912 impossible:0.033200621604919434 :0.10802984237670898 +election:0.06527788192033768 election.:0.04580768570303917 election,:0.024673257023096085 campaign:0.007582917343825102 :0.15256977081298828 +the:0.5001670718193054 a:0.028337137773633003 tho:0.02706165984272957 his:0.019986135885119438 :0.07176409661769867 +the:0.11319691687822342 be:0.04889216646552086 make:0.020917076617479324 have:0.01678311452269554 :0.10854537785053253 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.023089803755283356 The:0.019549768418073654 and:0.016421763226389885 .:0.013371205888688564 :0.2764965295791626 +policy:0.029473500326275826 condition:0.015995370224118233 interests:0.014094717800617218 system:0.012508462183177471 :0.19948171079158783 +and:0.0535421259701252 of:0.032683294266462326 or:0.008518373593688011 was:0.007173603866249323 :0.197839617729187 +few:0.042630698531866074 very:0.015618205070495605 short:0.015611534006893635 large:0.011541273444890976 :0.17077979445457458 +wife:0.037885311990976334 friends:0.015915535390377045 wife,:0.012564652599394321 own:0.01101132482290268 :0.1507597267627716 +to:0.023223228752613068 with:0.01680423505604267 and:0.01679559051990509 own:0.015495320782065392 :0.13281241059303284 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +creased:0.06786258518695831 troduced:0.032264236360788345 tended:0.027778955176472664 structed:0.02734184078872204 :0.3664447069168091 +of:0.04783662036061287 or:0.013693033717572689 more:0.012941686436533928 to:0.012161096557974815 :0.17711664736270905 +the:0.2875301241874695 said:0.06391450762748718 this:0.040198467671871185 such:0.03414550796151161 :0.08952660858631134 +been:0.2043883502483368 in:0.020121311768889427 become:0.01581413857638836 reached:0.014493914321064949 :0.09621764719486237 +same:0.09627175331115723 same.:0.04217565804719925 time:0.01328055839985609 best:0.010979819111526012 :0.13641861081123352 +the:0.16167724132537842 a:0.054961998015642166 to:0.04242778569459915 him:0.03893424570560455 :0.06726698577404022 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +result:0.030811160802841187 matter:0.01572415605187416 man:0.013221099972724915 rule,:0.011220080778002739 :0.19510146975517273 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +the:0.19666719436645508 a:0.06235776096582413 favor:0.0417703352868557 this:0.017739884555339813 :0.07492289692163467 +mands:0.03512214124202728 mand:0.020697247236967087 partment:0.02059056982398033 scribed:0.01851048693060875 :0.4959699809551239 +in:0.09083673357963562 the:0.0903896689414978 to:0.05021011084318161 and:0.04198688268661499 :0.11005741357803345 +a:0.16542766988277435 the:0.14517031610012054 to:0.05232682824134827 that:0.04203552380204201 :0.13535504043102264 +and:0.09053290635347366 the:0.05887148901820183 with:0.026920897886157036 in:0.02472158707678318 :0.06370967626571655 +the:0.16656513512134552 a:0.024124760180711746 in:0.011307069100439548 that:0.010491258464753628 :0.1494154930114746 +of:0.058942969888448715 and:0.04625009000301361 the:0.02601558342576027 in:0.023173797875642776 :0.1743248701095581 +own:0.03856855258345604 husband:0.010474715381860733 husband,:0.010044042952358723 life:0.008669380098581314 :0.18111631274223328 +been:0.3179137408733368 ever:0.04529006779193878 not:0.0350240021944046 a:0.03300787881016731 :0.0483224093914032 +and:0.12252847105264664 to:0.05562920123338699 for:0.043354421854019165 in:0.041328661143779755 :0.038502275943756104 +of:0.7723012566566467 ot:0.016354693099856377 the:0.013423802331089973 in:0.010443203151226044 :0.01375946868211031 +not:0.051040880382061005 to:0.04683675989508629 the:0.037914082407951355 hereby:0.027437515556812286 :0.10896118730306625 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +a:0.1536780744791031 the:0.13763345777988434 it:0.06374909728765488 no:0.030506644397974014 :0.07287010550498962 +in:0.1372261643409729 by:0.09499212354421616 that:0.07916738837957382 to:0.07701295614242554 :0.075525663793087 +the:0.25143158435821533 a:0.0700053796172142 for:0.06919898837804794 said:0.03564268723130226 :0.06468712538480759 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +of:0.6259182095527649 and:0.02124825306236744 in:0.01857694983482361 ot:0.01333637349307537 :0.01904413290321827 +to:0.026271343231201172 husband,:0.018083052709698677 in:0.014517085626721382 own:0.01379569061100483 :0.2160612940788269 +to:0.06596129387617111 the:0.05714833736419678 a:0.04310133680701256 in:0.03369841352105141 :0.09116359055042267 +in:0.03892187401652336 was:0.036553483456373215 who:0.03053591400384903 is:0.029206885024905205 :0.09661604464054108 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.2489510327577591 a:0.06252668052911758 tho:0.014882502146065235 his:0.012036056257784367 :0.1503141075372696 +to:0.160772904753685 in:0.06588222831487656 out:0.047077033668756485 from:0.04299300163984299 :0.04782171547412872 +the:0.42618528008461 a:0.0822165235877037 his:0.018159527331590652 their:0.015630383044481277 :0.057066354900598526 +adhered:0.04385608807206154 to:0.028437452390789986 in:0.02238461561501026 the:0.015482060611248016 :0.16900242865085602 +not:0.2910524308681488 see:0.061012621968984604 have:0.031129300594329834 do:0.02496311068534851 :0.05402182415127754 +the:0.07879573851823807 a:0.037072520703077316 of:0.02185925282537937 to:0.015032988972961903 :0.0825013667345047 +the:0.0865783765912056 it:0.07222390919923782 that:0.03595732897520065 if:0.035607218742370605 :0.03584367036819458 +ty:0.07161178439855576 ticular:0.051412515342235565 ticle:0.05107811465859413 ticularly:0.0475112721323967 :0.3571595847606659 +the:0.27909427881240845 said:0.03797552362084389 a:0.027028314769268036 his:0.02221602015197277 :0.10742118209600449 +to:0.4888710081577301 for:0.06217591464519501 and:0.0317823551595211 the:0.0272211953997612 :0.0301759485155344 +the:0.07010731846094131 be:0.05694694072008133 a:0.020208586007356644 say:0.018276089802384377 :0.13373428583145142 +good:0.025210192427039146 right:0.02119189128279686 great:0.01621919497847557 very:0.01614796742796898 :0.13909828662872314 +vance:0.15468637645244598 ditional:0.0681939646601677 vantage:0.0643276646733284 dress:0.060078855603933334 :0.3713791072368622 +points:0.019528605043888092 states:0.012941960245370865 forms:0.012484416365623474 departments:0.011642083525657654 :0.19854219257831573 +The:0.15492963790893555 It:0.06807629764080048 I:0.03283717483282089 He:0.03147508203983307 :0.1608782410621643 +with:0.1457049399614334 and:0.10787007957696915 at:0.04310945048928261 in:0.03937549516558647 :0.03298788145184517 +of:0.04146432504057884 and:0.02614356391131878 the:0.019872114062309265 to:0.01503713894635439 :0.27687859535217285 +and:0.0515202097594738 to:0.033098023384809494 in:0.014409925788640976 way:0.009851157665252686 :0.2946019470691681 +wife:0.020770587027072906 head:0.012840120121836662 wife,:0.012639431282877922 name:0.011746718548238277 :0.1382223665714264 +the:0.1061636283993721 and:0.07454867660999298 that:0.03255094960331917 a:0.028782963752746582 :0.04548923671245575 +ure:0.5019697546958923 ant:0.036492422223091125 ures:0.03350486606359482 ure,:0.027090677991509438 :0.0813729390501976 +and:0.14193587005138397 of:0.09787071496248245 for:0.026970241218805313 is:0.026845987886190414 :0.046329010277986526 +which:0.08529727905988693 and:0.07144345343112946 of:0.055855996906757355 that:0.052812475711107254 :0.04036189243197441 +of:0.8656125664710999 and:0.019861852750182152 ot:0.00759399076923728 in:0.006030444521456957 :0.005453253630548716 +the:0.16521033644676208 be:0.06290458887815475 a:0.022078467532992363 have:0.016636712476611137 :0.10703084617853165 +had:0.028292519971728325 found:0.026027437299489975 made:0.024098673835396767 be:0.021653279662132263 :0.14532870054244995 +and:0.0979337990283966 years:0.04649557173252106 or:0.038815878331661224 hundred:0.02650286816060543 :0.2564395070075989 +the:0.050306547433137894 and:0.029196875169873238 of:0.02265666238963604 a:0.01316986232995987 :0.18211326003074646 +the:0.39820313453674316 a:0.032257482409477234 this:0.027420898899435997 tho:0.019786197692155838 :0.06622695922851562 +of:0.08542925864458084 the:0.06214630603790283 and:0.0621107742190361 to:0.05035274475812912 :0.119370236992836 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +said:0.008643832989037037 first:0.007496763486415148 same:0.006640583276748657 most:0.005446983501315117 :0.1691630482673645 +you:0.08302944153547287 the:0.07669314742088318 I:0.0675659328699112 they:0.04968666285276413 :0.07982230931520462 +the:0.37223753333091736 a:0.042700670659542084 this:0.03651685267686844 their:0.020193565636873245 :0.06561432778835297 +is:0.10350757092237473 was:0.06615744531154633 has:0.05664625018835068 will:0.05479401350021362 :0.08107341080904007 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.11227115988731384 Block:0.08979617804288864 to:0.07614132016897202 from:0.01742384396493435 :0.16969580948352814 +is:0.2047586441040039 was:0.1869451254606247 would:0.04832257702946663 has:0.03929721936583519 :0.046806901693344116 +Dominion:0.008040706627070904 Point:0.007189145777374506 World:0.005726452451199293 and:0.005689145997166634 :0.646568238735199 +of:0.06844200193881989 and:0.043265201151371 The:0.022686287760734558 the:0.018043076619505882 :0.12686362862586975 +of:0.07409214228391647 and:0.055944498628377914 to:0.042400769889354706 that:0.041671574115753174 :0.13343563675880432 +the:0.32916170358657837 a:0.043075211346149445 by:0.0279355701059103 which:0.027353333309292793 :0.05666399747133255 +the:0.2768569588661194 a:0.05747999995946884 this:0.02603016421198845 all:0.02160021848976612 :0.15168169140815735 +and:0.02658291719853878 breath,:0.025915876030921936 vote:0.010602504946291447 play.:0.009752880781888962 :0.3304483890533447 +the:0.13970309495925903 he:0.11149375885725021 it:0.06504703313112259 they:0.04794919118285179 :0.09366564452648163 +the:0.06917717307806015 a:0.041797615587711334 that:0.009083904325962067 all:0.00822131521999836 :0.12221185117959976 +few:0.034086067229509354 little:0.022050514817237854 good:0.021086009219288826 large:0.0203071441501379 :0.11954645067453384 +The:0.1315271109342575 It:0.03915554657578468 A:0.03368495777249336 He:0.025469902902841568 :0.20701834559440613 +country:0.021445252001285553 city,:0.017442379146814346 act,:0.016137536615133286 city:0.015404942445456982 :0.14275318384170532 +own:0.029616672545671463 wife:0.022226395085453987 family:0.013158579356968403 head:0.010521413758397102 :0.2062380015850067 +and:0.12312068045139313 in:0.07413848489522934 to:0.04915095865726471 by:0.04385889694094658 :0.09385896474123001 +by:0.07093804329633713 in:0.06418216973543167 the:0.05932363122701645 at:0.050024084746837616 :0.06378334760665894 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +The:0.032851338386535645 .:0.026836039498448372 and:0.01711110770702362 the:0.012540537863969803 :0.2852705717086792 +to:0.5125293135643005 a:0.08878419548273087 no:0.0330754891037941 more:0.018634196370840073 :0.04701882600784302 +own:0.024627650156617165 home:0.01347780879586935 head:0.00892707146704197 face:0.0080548245459795 :0.2449549287557602 +the:0.23606403172016144 a:0.0571989044547081 this:0.02744051069021225 said:0.022052491083741188 :0.14572975039482117 +the:0.3079441785812378 this:0.04266153275966644 which:0.036989450454711914 a:0.035433441400527954 :0.07230278849601746 +in:0.13279949128627777 to:0.09919328987598419 by:0.07608167827129364 at:0.04764013737440109 :0.04490697383880615 +the:0.09238482266664505 a:0.02013269066810608 in:0.011290363036096096 other:0.010336237959563732 :0.22168122231960297 +A.:0.2226497232913971 and:0.025827091187238693 1910,:0.01787647232413292 1909,:0.013433003798127174 :0.20868128538131714 +that:0.4042454957962036 the:0.09212038666009903 it:0.05580497160553932 in:0.03696807101368904 :0.02807166427373886 +of:0.23067712783813477 and:0.05997006967663765 that:0.02792303077876568 to:0.021648725494742393 :0.04059283435344696 +street:0.012929912656545639 way:0.00956478901207447 terms:0.009032510221004486 street,:0.006562520284205675 :0.3936046361923218 +hundred:0.22647488117218018 mile:0.06412514299154282 of:0.04986666515469551 year:0.049801625311374664 :0.056044839322566986 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.2914923131465912 to:0.04286828637123108 but:0.03384958580136299 the:0.033459387719631195 :0.04731460288167 +the:0.13551506400108337 a:0.06606397032737732 this:0.031387992203235626 said:0.01700805127620697 :0.12592080235481262 +the:0.27430441975593567 a:0.04839706793427467 this:0.026605404913425446 tho:0.016567246988415718 :0.13530930876731873 +the:0.11403482407331467 their:0.06414807587862015 a:0.05272657796740532 sight:0.029140135273337364 :0.10139204561710358 +and:0.04858991876244545 the:0.028440915048122406 to:0.015441478230059147 in:0.014916985295712948 :0.11144334077835083 +the:0.25414788722991943 that:0.10693369060754776 then:0.05796269699931145 a:0.04593564197421074 :0.06798222661018372 +of:0.29934176802635193 by:0.06338044255971909 to:0.04763989523053169 in:0.03569337725639343 :0.04231492057442665 +and:0.027664227411150932 of:0.01944839581847191 the:0.012646765448153019 to:0.011061086319386959 :0.2918311059474945 +and:0.1446056365966797 in:0.09206756949424744 as:0.04187238588929176 is:0.03764777630567551 :0.057099826633930206 +and:0.04194687306880951 the:0.028104642406105995 of:0.024526912719011307 to:0.020710231736302376 :0.25027868151664734 +man:0.05471738800406456 and:0.027259469032287598 men:0.023858923465013504 man's:0.021214574575424194 :0.2686613202095032 +the:0.3506670892238617 this:0.041066695004701614 a:0.03184373676776886 which:0.027341745793819427 :0.09157102555036545 +the:0.37402427196502686 this:0.04575127735733986 a:0.029377155005931854 tho:0.024905992671847343 :0.0687323808670044 +the:0.23256199061870575 a:0.04588703066110611 this:0.015103301964700222 tho:0.01405534241348505 :0.22837327420711517 +the:0.31066641211509705 this:0.03502508997917175 a:0.03457034379243851 his:0.019368713721632957 :0.05599907413125038 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +to:0.08191033452749252 by:0.07091639190912247 the:0.0581132136285305 in:0.04761660844087601 :0.0809488371014595 +J:0.02845611236989498 H.:0.021283619105815887 W:0.021047376096248627 M:0.019939033314585686 :0.29457512497901917 +the:0.3554421663284302 a:0.07345917820930481 his:0.01756179891526699 tho:0.016901809722185135 :0.09025105088949203 +who:0.2779625952243805 of:0.057916298508644104 in:0.020745405927300453 that:0.016766196116805077 :0.12053651362657547 +and:0.05817899480462074 of:0.058169007301330566 to:0.023881565779447556 The:0.021276377141475677 :0.19855201244354248 +date:0.008526808582246304 United:0.007610153406858444 fact:0.006294529885053635 first:0.006063907407224178 :0.19325482845306396 +the:0.1349126100540161 a:0.030434831976890564 and:0.021908992901444435 that:0.012437297962605953 :0.13968361914157867 +per:0.08800149708986282 o'clock:0.03605040907859802 and:0.023111337795853615 cents:0.021054254844784737 :0.2192385196685791 +by:0.14090919494628906 of:0.12502729892730713 that:0.12465063482522964 in:0.049936842173337936 :0.054373372346162796 +and:0.0309589970856905 the:0.014351170510053635 ple:0.00974165741354227 The:0.008529030717909336 :0.28735920786857605 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +tory:0.4577766954898834 tory.:0.08222275227308273 tory,:0.06105875223875046 and:0.01702406257390976 :0.18844549357891083 +have:0.1620764136314392 be:0.14171449840068817 not:0.10471740365028381 also:0.01738857664167881 :0.08105465024709702 +per:0.07173233479261398 feet:0.05029322952032089 miles:0.037477318197488785 acres:0.03676978126168251 :0.17105235159397125 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.06333638727664948 a:0.020061833783984184 other:0.00965509656816721 all:0.008738577365875244 :0.2130851447582245 +H.:0.026166368275880814 C:0.0217734407633543 B:0.019201509654521942 B.:0.01887681521475315 :0.341648668050766 +the:0.03992094472050667 more:0.024526000022888184 any:0.022580644115805626 a:0.0207500159740448 :0.21107275784015656 +and:0.09363655745983124 as:0.043880999088287354 but:0.040807295590639114 the:0.0343211367726326 :0.029460502788424492 +Beginning:0.2016945481300354 Lots:0.09677036851644516 Lot:0.09318450838327408 The:0.07595281302928925 :0.14288194477558136 +a:0.12428712099790573 the:0.06983490288257599 to:0.04259141534566879 well:0.04240413010120392 :0.06840314716100693 +the:0.028074663132429123 of:0.022995296865701675 and:0.017612656578421593 to:0.013071713969111443 :0.36350783705711365 +be:0.3466893136501312 not:0.06942093372344971 have:0.044844478368759155 bo:0.03156762942671776 :0.07793445140123367 +and:0.13125163316726685 to:0.023330114781856537 was:0.02263433113694191 of:0.019780466333031654 :0.20219667255878448 +and:0.029566660523414612 the:0.024300329387187958 The:0.02183309942483902 I:0.018260547891259193 :0.2836642563343048 +and:0.053255051374435425 the:0.041123297065496445 to:0.03670207038521767 of:0.02582601085305214 :0.17653174698352814 +and:0.08747165650129318 to:0.02489342913031578 of:0.021503906697034836 or:0.017625778913497925 :0.16362422704696655 +be:0.16379015147686005 the:0.029316507279872894 make:0.02657593972980976 have:0.02445872500538826 :0.07229489088058472 +same:0.01405967865139246 said:0.007844813168048859 amount:0.007215598132461309 sum:0.006542091257870197 :0.22167789936065674 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +of:0.08362366259098053 and:0.043254006654024124 the:0.02921438030898571 to:0.02710004895925522 :0.1679827719926834 +of:0.07269559055566788 and:0.05330449342727661 the:0.027203062549233437 to:0.023764122277498245 :0.18785814940929413 +The:0.17818163335323334 It:0.06172149255871773 A:0.03128843382000923 This:0.025492602959275246 :0.11863598972558975 +who:0.3025262951850891 of:0.17734330892562866 and:0.08007356524467468 in:0.02976972609758377 :0.044521789997816086 +is:0.07484179735183716 was:0.03279593214392662 will:0.012481746263802052 Is:0.010048060677945614 :0.14144301414489746 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +of:0.3027588129043579 and:0.053817469626665115 that:0.0441572442650795 to:0.028332524001598358 :0.036683738231658936 +and:0.08068320900201797 in:0.04463490471243858 of:0.04068106412887573 to:0.03774769976735115 :0.07723304629325867 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +hands:0.02848820947110653 house:0.007608848158270121 city:0.007087763864547014 water:0.006508998107165098 :0.2009238600730896 +said:0.334043949842453 the:0.2673957049846649 a:0.03798180818557739 this:0.023393776267766953 :0.06419886648654938 +copy:0.019240081310272217 large:0.018224086612462997 man:0.014913594350218773 law:0.0108414888381958 :0.1413429081439972 +the:0.3636167645454407 this:0.044017963111400604 a:0.04083207994699478 his:0.017397720366716385 :0.10606469959020615 +by:0.17223000526428223 in:0.15055981278419495 at:0.046834006905555725 the:0.04440345615148544 :0.0375855527818203 +the:0.08462810516357422 a:0.02700636349618435 other:0.01466559898108244 in:0.01399202924221754 :0.22380614280700684 +own:0.04373522102832794 duty:0.01017557643353939 attention:0.009273764677345753 children:0.008243837393820286 :0.16223981976509094 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +in:0.05271679162979126 if:0.04629405587911606 as:0.04094813019037247 therefore,:0.022554410621523857 :0.07834812998771667 +of:0.23896735906600952 was:0.0813162624835968 is:0.05375922471284866 will:0.03636502847075462 :0.03936394304037094 +the:0.22532284259796143 a:0.02601582556962967 this:0.01490449532866478 tho:0.014376671984791756 :0.17076529562473297 +estate:0.3127075731754303 estate,:0.06466491520404816 estate.:0.02716659940779209 and:0.013964776881039143 :0.21692468225955963 +health.:0.029834195971488953 and:0.011481688357889652 harmony:0.011289499700069427 the:0.00927974283695221 :0.2790825068950653 +the:0.06648668646812439 and:0.047532424330711365 to:0.03620310500264168 that:0.02580861747264862 :0.11604981869459152 +first:0.011114881373941898 only:0.010560642927885056 following:0.008402702398598194 next:0.008105562068521976 :0.10541486740112305 +and:0.07123184949159622 of:0.0258583165705204 who:0.021862665191292763 the:0.01528149377554655 :0.24119503796100616 +the:0.19512830674648285 a:0.06444485485553741 his:0.023258542641997337 their:0.02304445393383503 :0.10118699818849564 +was:0.1668880134820938 has:0.06998857855796814 had:0.06940402835607529 is:0.06416335701942444 :0.0372651107609272 +the:0.24850469827651978 said:0.06295336782932281 a:0.04789988696575165 this:0.037804849445819855 :0.11484938114881516 +the:0.021847153082489967 of:0.019465899094939232 and:0.015222085639834404 to:0.011198261752724648 :0.23376917839050293 +State:0.005484339315444231 United:0.005306567996740341 order:0.0038501243107020855 city:0.003420221619307995 :0.3985251188278198 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +name:0.016388459131121635 way:0.011410390958189964 mind:0.009175382554531097 head:0.007968490943312645 :0.13485760986804962 +to:0.11148171126842499 and:0.08319493383169174 or:0.026651782914996147 in:0.01614932157099247 :0.1362983137369156 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.3710779845714569 a:0.02499544434249401 his:0.024177394807338715 this:0.022214772179722786 :0.09275838732719421 +the:0.3228864371776581 a:0.0636446624994278 their:0.028551146388053894 this:0.024866577237844467 :0.08992046862840652 +the:0.25841212272644043 a:0.027197813615202904 his:0.01820521615445614 tho:0.017678044736385345 :0.09357372671365738 +the:0.031501784920692444 of:0.027689442038536072 or:0.019696438685059547 and:0.01942576840519905 :0.26490873098373413 +in:0.147475004196167 that:0.1424199342727661 to:0.12127011269330978 on:0.03878665342926979 :0.04421583563089371 +side:0.16513587534427643 line:0.1629037857055664 of:0.07413312792778015 half:0.05804550647735596 :0.050693970173597336 +that:0.35582607984542847 the:0.04246307164430618 nothing:0.03627556934952736 to:0.03615584596991539 :0.05452505871653557 +the:0.21284843981266022 they:0.05858087167143822 he:0.044335514307022095 it:0.039159420877695084 :0.045274414122104645 +the:0.21207375824451447 a:0.07538852840662003 them:0.02220749482512474 it:0.020022563636302948 :0.0630621388554573 +the:0.33251580595970154 a:0.0536874383687973 his:0.019311511889100075 tho:0.018219901248812675 :0.12983687222003937 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +been:0.14760366082191467 a:0.05584808811545372 the:0.02858027257025242 to:0.025686929002404213 :0.11843021959066391 +and:0.1713772416114807 of:0.1348613202571869 to:0.035597022622823715 or:0.034808386117219925 :0.03100111149251461 +the:0.47669246792793274 a:0.0443364642560482 tho:0.024980874732136726 his:0.02024136669933796 :0.08284129202365875 +of:0.09746534377336502 to:0.088295117020607 and:0.08401092141866684 is:0.04334419220685959 :0.05930095165967941 +and:0.10576086491346359 the:0.05668320879340172 but:0.040265776216983795 to:0.02827126532793045 :0.08667722344398499 +a:0.13926386833190918 to:0.11674012988805771 of:0.09443967789411545 the:0.06569946557283401 :0.04304227977991104 +the:0.10789856314659119 not:0.0733368843793869 any:0.03507175296545029 it:0.030490795150399208 :0.11608201265335083 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +of:0.24199289083480835 and:0.12890948355197906 the:0.06320249289274216 in:0.04262207821011543 :0.050284817814826965 +assembly:0.0348401814699173 and:0.017950307577848434 bodies:0.009531845338642597 power:0.008840342983603477 :0.2415073812007904 +as:0.22276169061660767 and:0.1072438508272171 the:0.036558136343955994 that:0.020429391413927078 :0.07156366854906082 +of:0.0845407247543335 and:0.058788955211639404 the:0.03602536395192146 The:0.020601367577910423 :0.1467747986316681 +first:0.012548456899821758 man:0.00912711676210165 party:0.0073366728611290455 only:0.005657804664224386 :0.3127133250236511 +of:0.36746281385421753 and:0.07322002947330475 paid:0.02698539011180401 in:0.02650412544608116 :0.037703901529312134 +the:0.4048159420490265 a:0.033603716641664505 this:0.021406205371022224 tho:0.016924716532230377 :0.09376691281795502 +not:0.05731182545423508 in:0.022747188806533813 to:0.02129989117383957 at:0.017983177676796913 :0.13988740742206573 +and:0.061846308410167694 of:0.04364396259188652 to:0.0319296196103096 in:0.02370316907763481 :0.1544613540172577 +the:0.05351223424077034 a:0.017191795632243156 and:0.016184426844120026 be:0.015529864467680454 :0.15820106863975525 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.11487800627946854 they:0.04199168458580971 he:0.03517759218811989 is:0.031547848135232925 :0.059422314167022705 +great:0.021101590245962143 very:0.02097199857234955 good:0.01712547056376934 little:0.016681402921676636 :0.2487918734550476 +to:0.05013381317257881 year:0.030059684067964554 day:0.029864950105547905 year.:0.029474876821041107 :0.12277138233184814 +to:0.37357667088508606 for:0.19214974343776703 and:0.017197296023368835 a:0.009910996071994305 :0.05175626277923584 +the:0.2294442355632782 tho:0.024488968774676323 to:0.022400811314582825 this:0.01526571623980999 :0.13038991391658783 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.38716942071914673 a:0.026740841567516327 said:0.017810795456171036 tho:0.017598751932382584 :0.11575721949338913 +that:0.18410983681678772 to:0.1672634333372116 with:0.13099248707294464 upon:0.05057172104716301 :0.03167660906910896 +the:0.03350747004151344 not:0.028016487136483192 to:0.020646313205361366 in:0.019667135551571846 :0.16373488306999207 +own:0.016283176839351654 home:0.010402947664260864 great:0.006508008576929569 life:0.005911353975534439 :0.19168850779533386 +of:0.07372712343931198 and:0.037025485187768936 the:0.019960492849349976 at:0.013317875564098358 :0.24494417011737823 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +is:0.15090972185134888 was:0.06509057432413101 Is:0.021907487884163857 will:0.015802711248397827 :0.09255565702915192 +cided:0.04281692951917648 scribed:0.030990034341812134 clared:0.02223457768559456 voted:0.018533596768975258 :0.40457215905189514 +of:0.04753230884671211 and:0.04448626562952995 the:0.02620518207550049 to:0.022926922887563705 :0.18987388908863068 +man:0.08546777814626694 person:0.017803462222218513 few:0.015990296378731728 great:0.013743508607149124 :0.14727221429347992 +was:0.08666101843118668 have:0.04334159195423126 had:0.03099052794277668 am:0.026750294491648674 :0.14977779984474182 +and:0.1623138189315796 that:0.06284523010253906 the:0.05720823258161545 in:0.03932281583547592 :0.0367700532078743 +the:0.3328709900379181 a:0.058879535645246506 this:0.016779549419879913 tho:0.01629914902150631 :0.11522151529788971 +the:0.08150101453065872 by:0.0720900297164917 a:0.07104264944791794 at:0.06981018930673599 :0.057064611464738846 +the:0.07748319953680038 North:0.049295131117105484 Minnesota,:0.04875544086098671 affairs:0.04848531633615494 :0.12016335874795914 +the:0.2260926067829132 a:0.0646844357252121 his:0.013966448605060577 tho:0.013471468351781368 :0.15081572532653809 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +said:0.006462940946221352 first:0.005820181220769882 most:0.005778154358267784 whole:0.005734175909310579 :0.19455057382583618 +the:0.19107292592525482 a:0.048426225781440735 his:0.019902203232049942 their:0.012361619621515274 :0.26266714930534363 +that:0.17089717090129852 of:0.1018657460808754 is:0.061010975390672684 in:0.04019660875201225 :0.05139392986893654 +The:0.09582508355379105 A:0.04313434287905693 In:0.024894287809729576 It:0.017662914469838142 :0.29116684198379517 +and:0.04891691356897354 of:0.04706745222210884 The:0.026522859930992126 to:0.024518650025129318 :0.17782624065876007 +the:0.054607897996902466 to:0.030370326712727547 a:0.028333432972431183 that:0.021163655444979668 :0.11103100329637527 +of:0.04657106474041939 and:0.04626628756523132 to:0.02463877573609352 in:0.022660091519355774 :0.2538382411003113 +the:0.021599750965833664 and:0.009930930100381374 a:0.00947550032287836 which:0.005609157960861921 :0.34921181201934814 +the:0.08188895881175995 a:0.016432279720902443 Mrs.:0.015357096679508686 that:0.00940420851111412 :0.2493962049484253 +the:0.09674995392560959 a:0.0673285722732544 to:0.05065947771072388 not:0.04800371453166008 :0.10668034106492996 +and:0.04881379008293152 in:0.01074597891420126 to:0.010411273688077927 of:0.008714614436030388 :0.2885816991329193 +cent:0.29824990034103394 cent,:0.13346260786056519 cent.:0.07540915906429291 centum:0.015136878937482834 :0.13047009706497192 +and:0.04744626581668854 to:0.046333592385053635 the:0.037764981389045715 in:0.021579336374998093 :0.12827634811401367 +of:0.4625021517276764 and:0.05714621767401695 or:0.01513596810400486 was:0.011396216228604317 :0.15915271639823914 +the:0.19484329223632812 of:0.06429792195558548 a:0.03844594210386276 and:0.036547109484672546 :0.0920843854546547 +not:0.06150586158037186 to:0.02884296141564846 now:0.021289000287652016 in:0.018715757876634598 :0.12344684451818466 +and:0.13402403891086578 to:0.06302005797624588 of:0.04654273763298988 in:0.04616032913327217 :0.07762216776609421 +the:0.2153308093547821 he:0.07868462800979614 I:0.05218669772148132 a:0.04891938343644142 :0.09484414756298065 +by:0.1459728479385376 a:0.12054265290498734 the:0.06898465752601624 in:0.06863299012184143 :0.04636925831437111 +that:0.5380411148071289 with:0.045510392636060715 to:0.03998203203082085 the:0.03497585281729698 :0.03416682407259941 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +best:0.058959633111953735 few:0.017481833696365356 little:0.01510459091514349 large:0.00852876901626587 :0.1567545235157013 +be:0.1612926721572876 have:0.10657168924808502 not:0.07854504138231277 make:0.01510535180568695 :0.10844597220420837 +to:0.17685507237911224 a:0.04883207380771637 by:0.04101695865392685 that:0.040393050760030746 :0.09097611159086227 +and:0.052137963473796844 the:0.051469337195158005 to:0.03679360821843147 in:0.023059796541929245 :0.17262299358844757 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.3209618031978607 and:0.05881329998373985 in:0.042598143219947815 or:0.029021497815847397 :0.036099549382925034 +and:0.07776334881782532 the:0.03890272229909897 to:0.025739548727869987 a:0.021673088893294334 :0.16216333210468292 +a:0.13403676450252533 the:0.06944283097982407 not:0.04981841892004013 an:0.016019992530345917 :0.07908862084150314 +condition:0.022815534844994545 and:0.020465439185500145 time:0.01646541617810726 the:0.012254380621016026 :0.18247076869010925 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +been:0.27324727177619934 a:0.03935253247618675 to:0.02544485218822956 not:0.024235635995864868 :0.05303929001092911 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +son:0.037386760115623474 son,:0.019500967115163803 and:0.01844659075140953 man:0.007443447597324848 :0.4089711606502533 +are:0.09708436578512192 were:0.07343904674053192 will:0.06335995346307755 have:0.05376990884542465 :0.11596156656742096 +side:0.08278434723615646 the:0.015620020218193531 in:0.01358006987720728 to:0.011539283208549023 :0.17876426875591278 +the:0.25395092368125916 a:0.07115215808153152 his:0.029621131718158722 their:0.019195379689335823 :0.13663791120052338 +large:0.014897149056196213 few:0.0123921949416399 distance:0.0095216678455472 new:0.00897421408444643 :0.11185773462057114 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +thing:0.23967711627483368 of:0.02756047621369362 and:0.025325380265712738 years:0.021118879318237305 :0.1312832534313202 +United:0.004499293863773346 city:0.004470613785088062 water:0.004321064800024033 most:0.0036316721234470606 :0.22493284940719604 +part:0.08715242147445679 end:0.06498812139034271 portion:0.026969032362103462 and:0.013327652588486671 :0.161490336060524 +the:0.05066439136862755 not:0.04477516934275627 in:0.025629116222262383 to:0.016797175630927086 :0.21126173436641693 +the:0.27170148491859436 a:0.02555079758167267 tho:0.022082295268774033 said:0.01409485936164856 :0.18503299355506897 +ture:0.35149306058883667 tures:0.18017221987247467 tures,:0.02984657511115074 and:0.021316831931471825 :0.14328256249427795 +the:0.22984537482261658 a:0.08837276697158813 which:0.04237513989210129 his:0.018127795308828354 :0.0652879998087883 +much:0.036994945257902145 well:0.024007363244891167 little:0.019115010276436806 few:0.01814143918454647 :0.1819884479045868 +lions:0.5011880993843079 lion:0.21926690638065338 lions,:0.019081633538007736 itary:0.007633257657289505 :0.12401299178600311 +of:0.37423253059387207 and:0.13819700479507446 to:0.04455689713358879 in:0.04188516363501549 :0.03491199389100075 +and:0.1953810304403305 but:0.0750630795955658 the:0.027417028322815895 in:0.017426852136850357 :0.05011517181992531 +the:0.0922403484582901 a:0.061267293989658356 in:0.02627769485116005 made:0.019144268706440926 :0.17513373494148254 +tween:0.322829931974411 fore:0.2628532946109772 ing:0.10935948044061661 cause:0.043042346835136414 :0.03525196760892868 +ones:0.014554295688867569 and:0.009152155369520187 town:0.007527025416493416 to:0.006669169757515192 :0.2576543986797333 +the:0.2829527258872986 a:0.03816298395395279 this:0.02931550331413746 his:0.017443984746932983 :0.16162614524364471 +tween:0.1925511360168457 fore:0.17840485274791718 cause:0.1322934925556183 yond:0.052572622895240784 :0.1271880567073822 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +property:0.011620713397860527 subject:0.010696952231228352 said:0.009446420706808567 following:0.008107030764222145 :0.180214062333107 +own:0.037691764533519745 life:0.009400890208780766 family:0.005222564563155174 friends:0.004922314081341028 :0.19804032146930695 +.:0.7618262767791748 .,:0.020322810858488083 .;:0.011423406191170216 ..:0.004103423561900854 :0.11997700482606888 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +R:0.024469619616866112 W:0.017414087429642677 B.:0.015532727353274822 J:0.01455213874578476 :0.4198182225227356 +and:0.17464105784893036 the:0.023677794262766838 which:0.01941654644906521 was:0.015298791229724884 :0.17229436337947845 +of:0.0877135619521141 and:0.06987272948026657 The:0.028695279732346535 to:0.02515532821416855 :0.15527641773223877 +been:0.11318463832139969 a:0.07119865715503693 the:0.03662871569395065 not:0.02876369096338749 :0.0679386556148529 +the:0.3836822211742401 a:0.031279657036066055 his:0.01812976412475109 this:0.017175916582345963 :0.09277334809303284 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +night:0.0672844722867012 year,:0.04708921164274216 year:0.0465783029794693 week:0.04373732581734657 :0.11608171463012695 +been:0.25431954860687256 a:0.04456973448395729 to:0.041748177260160446 the:0.036433301866054535 :0.07476737350225449 +Union:0.13956066966056824 States:0.028135422617197037 and:0.02483123540878296 Canada:0.02053557150065899 :0.18031923472881317 +and:0.12127867341041565 The:0.03103310614824295 to:0.022950926795601845 but:0.02226000837981701 :0.1365952491760254 +a:0.027739496901631355 able:0.021260572597384453 made:0.015108373947441578 allowed:0.014467816799879074 :0.19205524027347565 +and:0.1831914484500885 but:0.06946714222431183 the:0.05058743432164192 it:0.024691864848136902 :0.03755871579051018 +in:0.08740732073783875 to:0.06717134267091751 and:0.048499591648578644 is:0.030332040041685104 :0.05170026421546936 +of:0.14915060997009277 the:0.11485191434621811 that:0.07202702015638351 a:0.05913987383246422 :0.055804189294576645 +in:0.0936872586607933 at:0.03212353214621544 and:0.0321214534342289 to:0.018969643861055374 :0.1177750900387764 +of:0.05448062717914581 years:0.02152348682284355 hundred:0.02120622992515564 times:0.019686106592416763 :0.1933903843164444 +ingly:0.5118018984794617 ing:0.10712620615959167 The:0.039136044681072235 and:0.01169858779758215 :0.06751933693885803 +not:0.2910524308681488 see:0.061012621968984604 have:0.031129300594329834 do:0.02496311068534851 :0.05402182415127754 +.:0.04358811676502228 s:0.027769263833761215 r:0.019710702821612358 d:0.019402217119932175 :0.35210853815078735 +not:0.31284740567207336 be:0.06498240679502487 have:0.057866908609867096 see:0.05364881828427315 :0.05408083647489548 +own:0.043685365468263626 city:0.015831315889954567 midst:0.014396331273019314 country:0.013552178628742695 :0.14713987708091736 +that:0.27400505542755127 to:0.15622320771217346 the:0.04246601089835167 by:0.041703902184963226 :0.03921438008546829 +and:0.12800560891628265 H.:0.02164711244404316 of:0.020493971183896065 was:0.017587751150131226 :0.36797380447387695 +down:0.16807612776756287 out:0.05891729146242142 the:0.051204387098550797 a:0.02866208180785179 :0.049687955528497696 +the:0.11140764504671097 he:0.053234878927469254 they:0.04452584683895111 it:0.032843418419361115 :0.07154574245214462 +the:0.22182537615299225 it:0.03777766600251198 they:0.030882062390446663 a:0.030770454555749893 :0.0758824348449707 +is:0.12990278005599976 was:0.07981537282466888 would:0.046584662050008774 will:0.04147158935666084 :0.05260208621621132 +.:0.011259595863521099 Donald:0.003786690067499876 A:0.002050405368208885 A.:0.00202940683811903 :0.8586459755897522 +the:0.36678460240364075 a:0.05896871164441109 all:0.023923860862851143 tho:0.019889064133167267 :0.0751459002494812 +in:0.08599338680505753 of:0.08028167486190796 to:0.06750273704528809 by:0.06690692156553268 :0.04845406487584114 +of:0.05199601128697395 and:0.04444624111056328 the:0.03899258375167847 to:0.02459898218512535 :0.14612042903900146 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +been:0.3101468086242676 to:0.04016352817416191 a:0.03392929211258888 not:0.02043142542243004 :0.05964816361665726 +and:0.038374606519937515 the:0.026962783187627792 of:0.013910729438066483 Mr.:0.012005954049527645 :0.21496723592281342 +and:0.0628194659948349 the:0.028831815347075462 of:0.02844935655593872 ing:0.021624157205224037 :0.22745244204998016 +of:0.4558126926422119 and:0.07923324406147003 to:0.03485729172825813 for:0.027500173076987267 :0.0218612439930439 +and:0.05556177720427513 the:0.05317806452512741 to:0.024600688368082047 in:0.017125330865383148 :0.18086156249046326 +the:0.18494178354740143 a:0.05862949416041374 what:0.033881839364767075 his:0.03132922947406769 :0.11287791281938553 +W.:0.028524275869131088 and:0.028135541826486588 D.:0.02629818022251129 O.:0.02021026611328125 :0.20840789377689362 +and:0.25686562061309814 but:0.05818761885166168 the:0.043930407613515854 as:0.04321807622909546 :0.028771478682756424 +of:0.6205538511276245 and:0.031061621382832527 in:0.021369237452745438 to:0.016050400212407112 :0.016025882214307785 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.06516405940055847 the:0.04065908119082451 to:0.03292330354452133 of:0.025877760723233223 :0.13666559755802155 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +and:0.0901605412364006 of:0.02149888314306736 who:0.015096781775355339 a:0.01241111010313034 :0.3516515791416168 +the:0.06547290831804276 to:0.021405469626188278 and:0.015803638845682144 a:0.015205594711005688 :0.17950701713562012 +be:0.3378838300704956 not:0.28484416007995605 bo:0.02289350889623165 have:0.01505105197429657 :0.03838367760181427 +the:0.12316770106554031 in:0.07714329659938812 and:0.042148422449827194 by:0.041791096329689026 :0.08065815269947052 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.02695062942802906 a:0.026171116158366203 had:0.016709085553884506 was:0.014437089674174786 :0.1886017918586731 +is:0.0862489566206932 was:0.07648362219333649 the:0.07317018508911133 a:0.055605508387088776 :0.05768537521362305 +and:0.0608426071703434 school:0.05337977409362793 prices:0.027662748470902443 purposes:0.02094423770904541 :0.13928911089897156 +are:0.08947300165891647 have:0.08025211840867996 were:0.06541584432125092 will:0.05804857611656189 :0.0493411049246788 +a:0.19193926453590393 the:0.186025470495224 an:0.02968977764248848 that:0.028654390946030617 :0.0840822085738182 +the:0.25087302923202515 a:0.06369895488023758 which:0.020025189965963364 their:0.015885623171925545 :0.11622678488492966 +was:0.1353166550397873 had:0.11032532900571823 would:0.06432236731052399 has:0.05246366187930107 :0.06731374561786652 +of:0.14229322969913483 and:0.06250465661287308 in:0.023446790874004364 to:0.018289927393198013 :0.13166172802448273 +two:0.034951966255903244 are:0.029055627062916756 were:0.016068898141384125 things:0.011983984149992466 :0.14931613206863403 +few:0.013842773623764515 little:0.009611808694899082 the:0.009408579207956791 line:0.008154017850756645 :0.360519677400589 +of:0.1566508710384369 the:0.13069571554660797 they:0.10654424130916595 it:0.0798129215836525 :0.06925918906927109 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +and:0.16888722777366638 in:0.04589971899986267 with:0.04114704579114914 at:0.03044859692454338 :0.05080901458859444 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +same:0.014753886498510838 most:0.01127790566533804 first:0.009057826362550259 time:0.007559257093816996 :0.12689979374408722 +the:0.12731698155403137 a:0.052671320736408234 to:0.028855763375759125 and:0.021054083481431007 :0.0579921118915081 +of:0.24859824776649475 men:0.06099559739232063 and:0.04253830015659332 is:0.026095591485500336 :0.045633215457201004 +should:0.0965120866894722 did:0.09470126032829285 is:0.057091422379016876 was:0.0335957296192646 :0.06817801296710968 +and:0.17182238399982452 of:0.028093473985791206 in:0.018789539113640785 but:0.01640813983976841 :0.16951680183410645 +and:0.14632752537727356 in:0.05366205424070358 with:0.050583742558956146 thence:0.0402970053255558 :0.06157679483294487 +of:0.44718775153160095 and:0.12845240533351898 in:0.03977123647928238 to:0.03012860007584095 :0.027810880914330482 +of:0.14217835664749146 and:0.07091158628463745 in:0.05826018005609512 to:0.028825314715504646 :0.05001407489180565 +of:0.08599074184894562 and:0.07138220220804214 the:0.021684378385543823 in:0.016898183152079582 :0.1341555118560791 +been:0.4891800284385681 not:0.029129162430763245 a:0.020192714408040047 become:0.009147834964096546 :0.04695526883006096 +and:0.017924033105373383 the:0.017894672229886055 of:0.013885687105357647 to:0.013486717827618122 :0.2522287368774414 +and:0.12051427364349365 in:0.06972973793745041 on:0.05333154648542404 for:0.03642021864652634 :0.0563160702586174 +to:0.1263343095779419 by:0.10881038755178452 and:0.09287618845701218 in:0.06384008377790451 :0.1013125628232956 +not:0.04795783385634422 to:0.029888665303587914 in:0.02464725635945797 the:0.017845455557107925 :0.13244865834712982 +to:0.2771567404270172 of:0.08420932292938232 in:0.056109387427568436 and:0.041986171156167984 :0.022663041949272156 +than:0.0954120084643364 and:0.0729638934135437 to:0.033711157739162445 the:0.026513701304793358 :0.13216593861579895 +the:0.04749492555856705 in:0.02689518965780735 a:0.01709594763815403 any:0.013992703519761562 :0.1830042451620102 +and:0.0628194659948349 the:0.028831815347075462 of:0.02844935655593872 ing:0.021624157205224037 :0.22745244204998016 +the:0.13558831810951233 for:0.09512964636087418 that:0.060419224202632904 him:0.06037617847323418 :0.054651644080877304 +the:0.10141055285930634 a:0.055299803614616394 he:0.043430130928754807 it:0.039767075330019 :0.08620838820934296 +vicinity:0.05472733825445175 vicinity.:0.018548114225268364 and:0.013393555767834187 future:0.00986586231738329 :0.16368883848190308 +a:0.09222955256700516 not:0.06130525469779968 the:0.05892137438058853 to:0.0345783568918705 :0.16248634457588196 +of:0.5219807028770447 and:0.054095350205898285 in:0.046929214149713516 that:0.022347640246152878 :0.031264886260032654 +that:0.08299406617879868 the:0.06202288344502449 in:0.05335582047700882 to:0.044289056211709976 :0.07395124435424805 +south:0.11041084676980972 north:0.10604819655418396 N.:0.09330608695745468 S.:0.04784703254699707 :0.06800583750009537 +the:0.2582833766937256 this:0.022097719833254814 a:0.018718238919973373 tho:0.015630250796675682 :0.13202030956745148 +ing:0.8347285389900208 in:0.008481554687023163 and:0.00570368068292737 of:0.0050180451944470406 :0.039410438388586044 +and:0.060030095279216766 The:0.015129521489143372 to:0.013923640362918377 the:0.01367107778787613 :0.23271018266677856 +few:0.09162802994251251 long:0.039667826145887375 short:0.031050004065036774 brief:0.02139810472726822 :0.10873784124851227 +The:0.1924208253622055 It:0.07246243953704834 A:0.041890937834978104 He:0.03619639202952385 :0.11308498680591583 +same:0.007336576469242573 whole:0.005635139532387257 other:0.004549142438918352 way:0.0037049069069325924 :0.18721835315227509 +the:0.07628272473812103 a:0.06898271292448044 not:0.03737615421414375 to:0.024958275258541107 :0.15120263397693634 +value:0.02599305287003517 and:0.01204256247729063 value,:0.007494592107832432 portion:0.003265025559812784 :0.17935213446617126 +The:0.058111365884542465 It:0.03913198783993721 I:0.0326014868915081 A:0.015778176486492157 :0.12474402785301208 +and:0.04357333853840828 of:0.03728516399860382 the:0.02667694352567196 to:0.024280162528157234 :0.17542175948619843 +for:0.1823430061340332 to:0.17736953496932983 in:0.0903456062078476 and:0.0629294216632843 :0.04495551437139511 +and:0.044869985431432724 the:0.027170812711119652 of:0.026922250166535378 The:0.012424669228494167 :0.21608924865722656 +of:0.21234522759914398 the:0.042520713061094284 in:0.03407345339655876 parties:0.014635520987212658 :0.08917587250471115 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +the:0.12448452413082123 of:0.04159732908010483 me:0.04091822728514671 her:0.036113377660512924 :0.059540245682001114 +to:0.13126474618911743 by.:0.1041359230875969 by,:0.07919690012931824 by:0.04348524659872055 :0.043070416897535324 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +are:0.11928252130746841 were:0.07906246185302734 have:0.07799320667982101 will:0.0769071877002716 :0.05792372301220894 +same:0.010847280733287334 result:0.010675651952624321 most:0.009411102160811424 case:0.006331802345812321 :0.1978769749403 +and:0.0573517307639122 of:0.051645904779434204 the:0.018240470439195633 that:0.015098492614924908 :0.14980493485927582 +and:0.1861838698387146 for:0.04709438979625702 in:0.03764354810118675 the:0.0304730162024498 :0.07461629807949066 +and:0.09812664985656738 of:0.06992816925048828 for:0.06301961839199066 in:0.05576029419898987 :0.05290709435939789 +year:0.04942350834608078 year,:0.04527641832828522 year.:0.04014081507921219 night:0.019680313766002655 :0.13984830677509308 +times.:0.04349552467465401 times,:0.034472376108169556 and:0.01361012738198042 warfare,:0.012563091702759266 :0.24782422184944153 +the:0.20515881478786469 a:0.02527635358273983 be:0.02483406662940979 make:0.014857439324259758 :0.13100486993789673 +to:0.04556085169315338 the:0.04348483681678772 and:0.037509530782699585 be:0.024387972429394722 :0.142970472574234 +are:0.09708436578512192 were:0.07343904674053192 will:0.06335995346307755 have:0.05376990884542465 :0.11596156656742096 +the:0.5939669013023376 said:0.026568807661533356 and:0.022170942276716232 with:0.018554670736193657 :0.05022938549518585 +the:0.18819746375083923 this:0.02530762366950512 a:0.020164262503385544 said:0.012592706829309464 :0.1945517361164093 +and:0.11165376007556915 or:0.040811169892549515 in:0.031561173498630524 of:0.02804323472082615 :0.08563776314258575 +the:0.36270827054977417 a:0.03852354735136032 his:0.017412835732102394 tho:0.01543460600078106 :0.10696189105510712 +the:0.1844119131565094 he:0.05010654032230377 it:0.04345959424972534 they:0.0366022065281868 :0.057673145085573196 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +in:0.15310360491275787 on:0.08824340999126434 up:0.054575152695178986 at:0.03496452420949936 :0.05107905715703964 +the:0.19534289836883545 a:0.06457099318504333 which:0.025225555524230003 he:0.01695103943347931 :0.10085958987474442 +the:0.15083467960357666 be:0.026789085939526558 a:0.026047630235552788 make:0.012631749734282494 :0.08077619224786758 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +of:0.5839638710021973 to:0.05212883651256561 in:0.03939466178417206 and:0.027004368603229523 :0.032633934170007706 +same:0.012850464321672916 most:0.007468766998499632 said:0.006324936170130968 whole:0.006273718550801277 :0.13214176893234253 +the:0.35967114567756653 a:0.0285333301872015 his:0.021445604041218758 this:0.019149167463183403 :0.1204114481806755 +D.:0.012971004471182823 J:0.01185499969869852 C:0.010459382086992264 .:0.010115999728441238 :0.483446329832077 +a:0.07764142751693726 the:0.03507194668054581 to:0.03275737166404724 only:0.026493800804018974 :0.11510374397039413 +the:0.02340792678296566 good:0.007895929738879204 of:0.00753455376252532 time:0.007485740352421999 :0.24847301840782166 +to:0.18084920942783356 leave:0.10162681341171265 the:0.06005546450614929 you:0.04194968566298485 :0.043556030839681625 +time:0.06988953799009323 the:0.04809562861919403 time,:0.03978344425559044 be:0.02098846808075905 :0.09298694133758545 +the:0.09646295756101608 a:0.017291074618697166 that:0.011931153014302254 it:0.010450740344822407 :0.12062795460224152 +are:0.11928252130746841 were:0.07906246185302734 have:0.07799320667982101 will:0.0769071877002716 :0.05792372301220894 +a:0.07195116579532623 the:0.039955731481313705 to:0.023456836119294167 no:0.0218899454921484 :0.14216944575309753 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +duty:0.03300437703728676 own:0.014695839025080204 people:0.010965217836201191 great:0.009532184340059757 :0.16172443330287933 +be:0.12137395888566971 the:0.028724050149321556 have:0.025695186108350754 make:0.024235976859927177 :0.08230824023485184 +simple.:0.09616786241531372 the:0.04864809662103653 simple,:0.04562264680862427 a:0.020998656749725342 :0.1908627450466156 +a:0.05245378613471985 to:0.020862102508544922 the:0.01932353340089321 no:0.013643147423863411 :0.20129674673080444 +the:0.1532004326581955 a:0.0342477522790432 be:0.02476639486849308 his:0.010020175017416477 :0.16525118052959442 +the:0.048268601298332214 and:0.03148606792092323 of:0.026580289006233215 a:0.01579463668167591 :0.20019178092479706 +years:0.4556586444377899 years,:0.02896755374968052 of:0.027967536821961403 days:0.026921086013317108 :0.05281651020050049 +years:0.1497252881526947 feet:0.09226629883050919 miles:0.05267849937081337 per:0.04777805507183075 :0.0473044216632843 +who:0.4398176670074463 of:0.03834579139947891 that:0.01762877218425274 in:0.01523223239928484 :0.09270510077476501 +and:0.07264827936887741 of:0.03111436404287815 in:0.02861757017672062 the:0.02620384283363819 :0.1814785599708557 +The:0.17073222994804382 A:0.0425795242190361 He:0.04059585556387901 It:0.039234012365341187 :0.0764477327466011 +and:0.07519888132810593 of:0.03290843218564987 the:0.022145716473460197 in:0.021626729518175125 :0.15813389420509338 +the:0.19248254597187042 and:0.05601033940911293 a:0.048872027546167374 in:0.028245320543646812 :0.03617246076464653 +the:0.25047600269317627 a:0.02916884422302246 this:0.018001092597842216 course:0.017803270369768143 :0.14279814064502716 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +the:0.34495121240615845 a:0.04760695993900299 his:0.016150647774338722 tho:0.015992579981684685 :0.08431515097618103 +made:0.03270377963781357 a:0.02400335483253002 the:0.02344529889523983 taken:0.01833726279437542 :0.1452205777168274 +of:0.16318674385547638 the:0.08706195652484894 to:0.08547909557819366 in:0.05173587426543236 :0.04763779789209366 +pend:0.04367497190833092 veloped:0.03950117155909538 stroyed:0.02664300799369812 stroy:0.02624315768480301 :0.2638722360134125 +The:0.1356443613767624 It:0.07369302958250046 He:0.05001285299658775 I:0.0470767579972744 :0.07595336437225342 +be:0.365146666765213 have:0.030073536559939384 see:0.0219853688031435 bo:0.021644480526447296 :0.038439057767391205 +was:0.07735340297222137 of:0.06696105748414993 and:0.03820044919848442 to:0.02634962648153305 :0.06399961560964584 +the:0.3508302569389343 his:0.03726503998041153 a:0.03460177779197693 their:0.03061298280954361 :0.07863099128007889 +the:0.2583756446838379 a:0.07358134537935257 their:0.029274292290210724 them:0.02815311774611473 :0.04054718092083931 +and:0.11141638457775116 of:0.09075622260570526 in:0.02684657648205757 to:0.022763211280107498 :0.12233354896306992 +have:0.07557115703821182 are:0.07315845042467117 will:0.05506623163819313 shall:0.04443939030170441 :0.043943509459495544 +of:0.06993112713098526 and:0.010485101491212845 object:0.009239261969923973 executive:0.00899568758904934 :0.21041330695152283 +and:0.08173563331365585 to:0.07846666127443314 from:0.03863505274057388 was:0.02952525019645691 :0.055468734353780746 +and:0.11905943602323532 the:0.08521600812673569 a:0.08045496046543121 in:0.0508689321577549 :0.062069617211818695 +the:0.19347956776618958 a:0.040161654353141785 10:0.020190225914120674 least:0.01792801544070244 :0.20116931200027466 +that:0.1492462307214737 the:0.10025012493133545 to:0.08692464232444763 of:0.0851961076259613 :0.06009316444396973 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +of:0.08206291496753693 year:0.049126140773296356 year,:0.0441197045147419 county:0.04284447804093361 :0.09089559316635132 +to:0.12432639300823212 and:0.08437102288007736 by:0.06344474852085114 in:0.05954136699438095 :0.07754591107368469 +of:0.05797211080789566 and:0.05569441244006157 to:0.02923848107457161 the:0.025893820449709892 :0.13338163495063782 +only:0.03854608163237572 first:0.03794431313872337 most:0.02696702629327774 case:0.012655690312385559 :0.15530629456043243 +and:0.03277771919965744 the:0.010393088683485985 men:0.009814688004553318 a:0.006146140396595001 :0.19948354363441467 +the:0.05639185011386871 in:0.05568553879857063 for:0.03876335173845291 on:0.03761301562190056 :0.04730675369501114 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.06595634669065475 to:0.045376505702733994 in:0.03316248580813408 by:0.023185856640338898 :0.15305781364440918 +the:0.041349899023771286 a:0.03819241374731064 not:0.024411147460341454 in:0.01395553071051836 :0.12467073649168015 +The:0.1666092574596405 It:0.040236663073301315 This:0.03665831685066223 A:0.028913026675581932 :0.1523415595293045 +side:0.16513587534427643 line:0.1629037857055664 of:0.07413312792778015 half:0.05804550647735596 :0.050693970173597336 +the:0.17974822223186493 he:0.1137789785861969 they:0.08736810088157654 it:0.04998691752552986 :0.0720072090625763 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.258157879114151 a:0.05779794231057167 his:0.026238974183797836 redemption:0.015423398464918137 :0.062376879155635834 +and:0.07561807334423065 of:0.06259837746620178 The:0.02898709662258625 the:0.023871183395385742 :0.1229080930352211 +said:0.04276455566287041 people:0.0056627667509019375 President:0.005345677025616169 fact:0.004693191964179277 :0.1552116572856903 +that:0.10230738669633865 far:0.0737326592206955 many:0.07292737811803818 much:0.06381513178348541 :0.12436626106500626 +the:0.33468562364578247 a:0.046713270246982574 which:0.041994575411081314 this:0.027729012072086334 :0.0408797524869442 +the:0.35412952303886414 a:0.042315609753131866 his:0.031486839056015015 tho:0.022503074258565903 :0.07091851532459259 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +will:0.10770659148693085 are:0.08925731480121613 can:0.07841654121875763 may:0.03977541998028755 :0.040920477360486984 +The:0.17626994848251343 It:0.051359061151742935 In:0.03917771205306053 There:0.03895515948534012 :0.08226685971021652 +D.:0.12445519864559174 and:0.07618197798728943 in:0.02559419721364975 Feb.:0.02365901507437229 :0.07410508394241333 +The:0.0674586370587349 It:0.02716882713139057 I:0.026827562600374222 Flour:0.01915411651134491 :0.17649613320827484 +and:0.17208455502986908 the:0.034908391535282135 of:0.023885535076260567 in:0.021110666915774345 :0.06625298410654068 +the:0.28495216369628906 a:0.02884354442358017 this:0.019417334347963333 tho:0.015057171694934368 :0.11449404060840607 +not:0.03764008730649948 in:0.03159524127840996 the:0.025907909497618675 to:0.024345098063349724 :0.12882748246192932 +was:0.13095006346702576 had:0.06349315494298935 is:0.05083010718226433 has:0.0449933260679245 :0.08090011030435562 +and:0.07883477956056595 to:0.06803973019123077 in:0.029703289270401 the:0.026751313358545303 :0.14366047084331512 +the:0.14386461675167084 that:0.07953885942697525 a:0.04157334193587303 and:0.023091785609722137 :0.09028913825750351 +the:0.10564630478620529 Mrs.:0.03217785060405731 a:0.026035938411951065 other:0.013048072345554829 :0.15152786672115326 +the:0.09846244007349014 be:0.030256111174821854 reconsider:0.029652558267116547 make:0.014957569539546967 :0.13371413946151733 +The:0.15126582980155945 It:0.06203000247478485 In:0.029949091374874115 There:0.02594558522105217 :0.09804313629865646 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +is:0.13422542810440063 was:0.09772558510303497 Is:0.08861929178237915 would:0.059913165867328644 :0.0731097012758255 +whole:0.007912267930805683 same:0.006309294607490301 following:0.006267875898629427 old:0.004783201031386852 :0.16966316103935242 +who:0.2926926910877228 of:0.11387620121240616 to:0.010420757345855236 in:0.009856036864221096 :0.1274423748254776 +for:0.05615407973527908 to:0.046360328793525696 from:0.04611397162079811 in:0.044346652925014496 :0.03971089795231819 +of:0.4302385449409485 for:0.09123355895280838 and:0.05043262243270874 to:0.032252538949251175 :0.029799094423651695 +W.:0.06300570070743561 H.:0.049396637827157974 B.:0.034135546535253525 L.:0.0321391262114048 :0.30200254917144775 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +of:0.06037250533699989 entry:0.05020888149738312 laws:0.03192843496799469 law:0.01902548223733902 :0.12785077095031738 +was:0.07622292637825012 has:0.06371454149484634 had:0.05646597594022751 is:0.05309242010116577 :0.05343283712863922 +the:0.13508129119873047 in:0.05438375845551491 of:0.04608900472521782 a:0.03702029585838318 :0.050155140459537506 +the:0.20477283000946045 a:0.06856923550367355 which:0.030284762382507324 their:0.01303139142692089 :0.10952337086200714 +and:0.05578528717160225 to:0.04716740548610687 in:0.040412191301584244 for:0.036212217062711716 :0.06959003955125809 +the:0.19788958132266998 it:0.03159555047750473 he:0.029226290062069893 a:0.027223015204072 :0.05689006671309471 +same:0.02155734784901142 most:0.016141550615429878 best:0.013196110725402832 whole:0.009308507665991783 :0.1847301870584488 +have:0.12030638009309769 not:0.10700376331806183 be:0.10589800775051117 do:0.019070236012339592 :0.0761350467801094 +a:0.03770310431718826 the:0.03496844321489334 made:0.027254745364189148 sold:0.016782863065600395 :0.12037137895822525 +the:0.06865868717432022 to:0.039927929639816284 and:0.03384452313184738 in:0.01698751002550125 :0.15884530544281006 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +the:0.017716245725750923 and:0.015401647426187992 of:0.012744800187647343 very:0.012349049560725689 :0.19876819849014282 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.19073760509490967 the:0.05095464736223221 as:0.0226075891405344 but:0.021493470296263695 :0.10538696497678757 +of:0.34434574842453003 and:0.09325137734413147 in:0.07895032316446304 was:0.025708848610520363 :0.03433534502983093 +the:0.21266523003578186 he:0.12454884499311447 they:0.05840618163347244 it:0.03504955768585205 :0.05585429444909096 +the:0.19977855682373047 he:0.0408833846449852 it:0.034311264753341675 they:0.028066569939255714 :0.061644721776247025 +of:0.7880564332008362 and:0.017702151089906693 in:0.011631778441369534 is:0.009590869769454002 :0.02247968688607216 +the:0.1456819772720337 be:0.03794851154088974 a:0.022962726652622223 make:0.01621401309967041 :0.10899410396814346 +much:0.08434659987688065 well:0.029380394145846367 few:0.026960501447319984 little:0.01578095369040966 :0.2439957559108734 +and:0.037113118916749954 of:0.02841542661190033 the:0.021330494433641434 to:0.014797735959291458 :0.280872106552124 +and:0.048669930547475815 the:0.007975944317877293 a:0.0072080884128808975 is:0.004045390989631414 :0.30085137486457825 +the:0.060126323252916336 and:0.047478754073381424 to:0.03134272247552872 a:0.015488765202462673 :0.17102475464344025 +the:0.17145970463752747 he:0.10375845432281494 it:0.03536790981888771 there:0.025894178077578545 :0.07333163917064667 +people:0.021570121869444847 most:0.017527703195810318 men:0.012479213066399097 members:0.007918247953057289 :0.22338654100894928 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +am:0.07500172406435013 have:0.06665169447660446 was:0.056895457208156586 do:0.03475148603320122 :0.0563761442899704 +the:0.2231428623199463 a:0.07428649067878723 one:0.017972908914089203 two:0.016377126798033714 :0.14208446443080902 +the:0.19179677963256836 be:0.054228056222200394 a:0.029930531978607178 this:0.01856457255780697 :0.08421632647514343 +first:0.007590532302856445 same:0.006054353900253773 only:0.005643310956656933 following:0.005458701867610216 :0.1037239208817482 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +years:0.03064744733273983 years.:0.008160230703651905 years,:0.00793508905917406 and:0.007419466506689787 :0.21863780915737152 +and:0.016067806631326675 law:0.012440749444067478 tariff:0.006565234158188105 building:0.005522526800632477 :0.19417685270309448 +few:0.04086680710315704 large:0.01556806918233633 man:0.011022317223250866 great:0.010979066602885723 :0.1420702487230301 +be:0.16516457498073578 not:0.07831831276416779 have:0.03401019051671028 soon:0.03199050575494766 :0.061950426548719406 +the:0.06203548610210419 it:0.04616694152355194 I:0.04463369771838188 a:0.02728603594005108 :0.07801973074674606 +and:0.21651218831539154 but:0.06326743215322495 the:0.03804690018296242 which:0.025684479624032974 :0.05602683871984482 +by:0.09864374250173569 to:0.06809130311012268 and:0.06478850543498993 in:0.06093905493617058 :0.044119883328676224 +of:0.14896747469902039 that:0.07751656323671341 is:0.04993298649787903 was:0.042681869119405746 :0.04115917161107063 +and:0.06969679892063141 in:0.04460554197430611 by:0.03566230461001396 a:0.02548513002693653 :0.13017453253269196 +and:0.005487029906362295 said:0.0032448761630803347 whole:0.003083977149799466 work:0.002932211384177208 :0.291363000869751 +had:0.035365644842386246 was:0.0267496220767498 is:0.019520482048392296 will:0.01918923668563366 :0.16870485246181488 +and:0.0628194659948349 the:0.028831815347075462 of:0.02844935655593872 ing:0.021624157205224037 :0.22745244204998016 +a:0.07590397447347641 the:0.07002780586481094 to:0.034658003598451614 not:0.030921906232833862 :0.12189053744077682 +that:0.10230738669633865 far:0.0737326592206955 many:0.07292737811803818 much:0.06381513178348541 :0.12436626106500626 +a:0.10654966533184052 more:0.08091497421264648 in:0.04764430224895477 the:0.04243722930550575 :0.05705618858337402 +to:0.0568438321352005 the:0.05231362581253052 and:0.031168824061751366 a:0.02234230563044548 :0.1449517160654068 +and:0.2721116542816162 in:0.03307745233178139 which:0.022244350984692574 the:0.019257692620158195 :0.12952496111392975 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +and:0.11947635561227798 the:0.08087582886219025 but:0.041678767651319504 Mrs.:0.017806513234972954 :0.10933095216751099 +not:0.029626645147800446 the:0.01944747194647789 in:0.01861528493463993 at:0.01586298830807209 :0.13529054820537567 +to:0.15260723233222961 of:0.07493088394403458 and:0.04399539530277252 in:0.04081800580024719 :0.04475942626595497 +the:0.04850277677178383 men:0.02316298335790634 years:0.019446006044745445 persons:0.016547976061701775 :0.1883264034986496 +of:0.03910897672176361 building:0.034321293234825134 was:0.021053390577435493 is:0.019571635872125626 :0.1361527144908905 +a:0.07010596990585327 not:0.05420732498168945 the:0.05396781489253044 in:0.016393130645155907 :0.10485593974590302 +a:0.0652317926287651 the:0.05124620348215103 not:0.03767852857708931 to:0.023132042959332466 :0.1464661955833435 +the:0.18429651856422424 that:0.0654178187251091 a:0.045154351741075516 it:0.03141903504729271 :0.034907255321741104 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +and:0.1875656694173813 of:0.10793288797140121 to:0.05071522668004036 for:0.047626644372940063 :0.06350833922624588 +was:0.040192779153585434 and:0.03900322690606117 of:0.031873732805252075 is:0.026363397017121315 :0.1517830193042755 +and:0.18173417448997498 of:0.10047351568937302 to:0.04216250032186508 in:0.035541191697120667 :0.14303520321846008 +the:0.20450466871261597 said:0.02605905570089817 a:0.017987770959734917 this:0.011006158776581287 :0.1606387495994568 +people:0.014286915771663189 said:0.009541111066937447 same:0.007768310606479645 United:0.007545930799096823 :0.16696782410144806 +know:0.0670028105378151 think:0.0418853759765625 believe:0.040643125772476196 want:0.03325924277305603 :0.09546209126710892 +and:0.045565664768218994 the:0.03676207363605499 on:0.020427191630005836 in:0.019335640594363213 :0.24241124093532562 +the:0.08391458541154861 to:0.058227140456438065 a:0.05270356684923172 not:0.05225438252091408 :0.09868751466274261 +a:0.09890469163656235 the:0.07601070404052734 not:0.037550583481788635 to:0.026297928765416145 :0.14803792536258698 +and:0.010131550021469593 time:0.007684486918151379 way:0.007234570104628801 influence:0.006496164947748184 :0.2479291707277298 +deal:0.11664856225252151 many:0.03725344315171242 thing:0.02426314540207386 and:0.011706194840371609 :0.12777523696422577 +is:0.17594899237155914 was:0.11246780306100845 would:0.05431407317519188 will:0.03884730860590935 :0.07615578919649124 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +the:0.06592706590890884 a:0.015058252029120922 it:0.00928234588354826 in:0.008278142660856247 :0.24184872210025787 +of:0.1607598066329956 the:0.11259772628545761 and:0.042411621659994125 in:0.04229500889778137 :0.10524880141019821 +and:0.060286637395620346 the:0.03735897317528725 in:0.020033102482557297 to:0.015049586072564125 :0.1806684285402298 +to:0.47595420479774475 of:0.07310964167118073 and:0.03433206304907799 for:0.03418929874897003 :0.05644341930747032 +of:0.40045687556266785 and:0.04234007000923157 to:0.041444431990385056 in:0.03095071390271187 :0.051378000527620316 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +of:0.03515138849616051 and:0.03346259891986847 the:0.0202323067933321 who:0.016120627522468567 :0.1546250730752945 +wife,:0.03510062023997307 own:0.020067038014531136 wife:0.01520314160734415 head:0.011249985545873642 :0.2084280103445053 +the:0.061605438590049744 and:0.05874212831258774 in:0.049087200313806534 of:0.04750841483473778 :0.06512011587619781 +to:0.1099306270480156 for:0.06904340535402298 and:0.06857924908399582 the:0.05708412081003189 :0.07482142746448517 +of:0.12767259776592255 was:0.12035773694515228 is:0.09736689180135727 to:0.06752954423427582 :0.052171189337968826 +the:0.35263392329216003 a:0.09115530550479889 tho:0.03603225573897362 his:0.02062259428203106 :0.07795824855566025 +the:0.12779587507247925 for:0.10397180169820786 that:0.08146458864212036 to:0.035149045288562775 :0.0496857576072216 +of:0.31240159273147583 and:0.0976555272936821 in:0.04015437886118889 are:0.0399952195584774 :0.036789022386074066 +made:0.03270377963781357 a:0.02400335483253002 the:0.02344529889523983 taken:0.01833726279437542 :0.1452205777168274 +in:0.5652080774307251 In:0.07698972523212433 to:0.058527279645204544 on:0.022516556084156036 :0.0186484195291996 +and:0.07144726067781448 of:0.04087495431303978 who:0.015852751210331917 the:0.014432868920266628 :0.27161431312561035 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.05094928666949272 to:0.045056674629449844 the:0.03353239223361015 of:0.02220321260392666 :0.11073961108922958 +and:0.10944336652755737 of:0.09958338737487793 the:0.049492016434669495 that:0.03383927047252655 :0.07048151642084122 +the:0.30685290694236755 a:0.043898142874240875 tho:0.018305672332644463 their:0.01723470911383629 :0.10055185109376907 +to:0.4167952537536621 of:0.061037156730890274 from:0.04775827005505562 and:0.04338787868618965 :0.03236418962478638 +ment:0.6836845874786377 ment,:0.07103230804204941 ing:0.06615741550922394 ments:0.06097640097141266 :0.023957302793860435 +that:0.7560761570930481 of:0.04163593053817749 is:0.014359253458678722 that,:0.011690005660057068 :0.013388924300670624 +day:0.022087471559643745 next:0.010830244049429893 first:0.008007096126675606 two:0.006545908749103546 :0.1885000616312027 +and:0.09255198389291763 of:0.04978440701961517 The:0.03969668224453926 the:0.03264807164669037 :0.11506923288106918 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.16284231841564178 the:0.07357827574014664 a:0.03341063857078552 he:0.02503330446779728 :0.0697455033659935 +great:0.01354366447776556 new:0.013445601798593998 large:0.01330700982362032 few:0.012140229344367981 :0.27345898747444153 +other:0.01953834667801857 said:0.0060816118493676186 same:0.005689836572855711 United:0.005581072997301817 :0.22799503803253174 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +endorse:0.01989707723259926 the:0.01522870548069477 have:0.011462016962468624 and:0.011089366860687733 :0.20703592896461487 +ago:0.2137020230293274 ago.:0.09646415710449219 ago,:0.08553960174322128 the:0.03132428601384163 :0.048229895532131195 +and:0.02857513166964054 was:0.016909228637814522 in:0.015152089297771454 is:0.014886807650327682 :0.26759353280067444 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +the:0.2601364254951477 he:0.06350716948509216 it:0.04302103444933891 they:0.03623192757368088 :0.04420843347907066 +that:0.2473927140235901 the:0.20125065743923187 to:0.0595402754843235 this:0.039576757699251175 :0.034459397196769714 +and:0.09978386014699936 A.:0.08119916915893555 the:0.0231794323772192 Inclusive,:0.01709655113518238 :0.2777400016784668 +the:0.3117932975292206 a:0.03573668375611305 this:0.02616584487259388 their:0.022359836846590042 :0.06985310465097427 +the:0.331069678068161 a:0.05380541458725929 them:0.03504548966884613 him:0.029149048030376434 :0.05076432228088379 +to:0.24472324550151825 the:0.060881007462739944 that:0.058588214218616486 and:0.034107502549886703 :0.05407025292515755 +to:0.5170649886131287 the:0.08424267917871475 by:0.033181846141815186 from:0.029246440157294273 :0.01955840177834034 +and:0.2554779648780823 but:0.06728872656822205 the:0.049694810062646866 as:0.02374146319925785 :0.06295821815729141 +the:0.2999906837940216 a:0.061786822974681854 said:0.037106115370988846 Mr.:0.01983528584241867 :0.10198290646076202 +of:0.2787703573703766 that:0.1658497452735901 the:0.07024529576301575 to:0.044812966138124466 :0.044272467494010925 +and:0.10084647685289383 the:0.05017872527241707 a:0.025228504091501236 in:0.010767270810902119 :0.32939428091049194 +tages:0.7022325396537781 tage:0.08868538588285446 and:0.004247157834470272 the:0.00283661182038486 :0.0960095152258873 +the:0.38102468848228455 a:0.06967879086732864 his:0.019998028874397278 all:0.016761280596256256 :0.12199667096138 +of:0.1421029418706894 and:0.10439792275428772 at:0.032786209136247635 was:0.022819068282842636 :0.07905712723731995 +of:0.04519667476415634 and:0.03930540382862091 the:0.03452541306614876 to:0.031876880675554276 :0.15145380795001984 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +the:0.0645802840590477 it:0.05926307663321495 I:0.05380799621343613 you:0.033022016286849976 :0.0566798560321331 +and:0.013208935037255287 men:0.006948111578822136 way:0.006403873674571514 rate:0.0052673486061394215 :0.18191149830818176 +The:0.11134950816631317 It:0.04047136753797531 He:0.037742748856544495 In:0.026428185403347015 :0.10729159414768219 +the:0.12882110476493835 be:0.03193597123026848 make:0.021047992631793022 a:0.01696830801665783 :0.09397299587726593 +the:0.14365290105342865 a:0.05947433412075043 it:0.03428157791495323 he:0.03427024185657501 :0.07064472138881683 +The:0.10933033376932144 It:0.053709015250205994 He:0.045908112078905106 I:0.036397021263837814 :0.0988982617855072 +is:0.19220121204853058 was:0.08673154562711716 will:0.03282377868890762 would:0.031237101182341576 :0.12148718535900116 +not:0.08311637490987778 to:0.037055663764476776 the:0.026923775672912598 now:0.01641208864748478 :0.14926114678382874 +same:0.011745964176952839 said:0.010224873200058937 whole:0.009847776964306831 people:0.006897288840264082 :0.14910688996315002 +of:0.12472265213727951 and:0.10883795469999313 in:0.08758086711168289 from:0.054046642035245895 :0.04874425381422043 +the:0.10214616358280182 a:0.06883843243122101 to:0.046510741114616394 many:0.04174698144197464 :0.06064227968454361 +of:0.32897475361824036 and:0.046900179237127304 to:0.03835977613925934 that:0.025731686502695084 :0.038912683725357056 +to:0.20652353763580322 from:0.11701197177171707 the:0.08193410933017731 a:0.04147696867585182 :0.04611937701702118 +Francisco:0.3378335237503052 Francisco,:0.19001106917858124 Francisco.:0.07950946688652039 Fran-:0.06944475322961807 :0.20628201961517334 +the:0.23013049364089966 a:0.02462918870151043 be:0.017685143277049065 their:0.011508694849908352 :0.09876552224159241 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +and:0.03406546637415886 to:0.019392047077417374 of:0.01781255565583706 the:0.012808642350137234 :0.2178010642528534 +and:0.09817993640899658 of:0.061703577637672424 to:0.04411938786506653 in:0.020015155896544456 :0.13753509521484375 +to:0.07037007063627243 a:0.05852964520454407 by:0.04125392064452171 in:0.03527877852320671 :0.08762616664171219 +the:0.08316879719495773 and:0.057715073227882385 that:0.045953620225191116 of:0.028478268533945084 :0.1250096559524536 +is:0.07843354344367981 was:0.05380657687783241 to:0.031214892864227295 in:0.030931834131479263 :0.09692227095365524 +be:0.22339801490306854 not:0.05123239383101463 have:0.02427598647773266 bo:0.017404360696673393 :0.10037964582443237 +that:0.41364601254463196 to:0.14260990917682648 the:0.08108994364738464 in:0.03403673321008682 :0.026094229891896248 +and:0.04527974873781204 is:0.038290634751319885 was:0.022716879844665527 that:0.013676213100552559 :0.13528774678707123 +of:0.5848848223686218 and:0.037680577486753464 over:0.028835000470280647 the:0.022478953003883362 :0.025414589792490005 +plication:0.04311639070510864 peared:0.023318873718380928 to:0.021609419956803322 and:0.020218174904584885 :0.36296185851097107 +been:0.29497823119163513 a:0.015961114317178726 the:0.01576795056462288 not:0.01565670594573021 :0.05232444033026695 +the:0.21357116103172302 a:0.03034183196723461 this:0.018767423927783966 said:0.015248911455273628 :0.1942787766456604 +per:0.19856049120426178 a:0.15866170823574066 for:0.07961264997720718 to:0.05290524289011955 :0.06847058236598969 +of:0.1324462741613388 on:0.12696345150470734 to:0.06888743489980698 and:0.06161670759320259 :0.05975671112537384 +the:0.14942221343517303 a:0.041785553097724915 this:0.012853812426328659 such:0.010164507664740086 :0.1621367633342743 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.08606982976198196 to:0.025587117299437523 the:0.023897366598248482 in:0.018245847895741463 :0.26777350902557373 +the:0.05683799833059311 in:0.015265163965523243 other:0.012900487519800663 a:0.011746683157980442 :0.18778501451015472 +of:0.21451504528522491 and:0.059277068823575974 in:0.021361691877245903 with:0.021320052444934845 :0.07685316354036331 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.0861407145857811 to:0.03075265698134899 that:0.026738164946436882 a:0.01936514675617218 :0.13932467997074127 +same:0.0069329096004366875 first:0.0062602609395980835 people:0.005468371324241161 most:0.0051476843655109406 :0.1909981667995453 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +the:0.19829174876213074 a:0.11363717913627625 his:0.020226314663887024 which:0.017271677032113075 :0.1459406316280365 +of:0.5878956913948059 the:0.05419367924332619 for:0.03356313332915306 to:0.031299084424972534 :0.02699124999344349 +the:0.4224419891834259 a:0.05734759196639061 this:0.021311236545443535 tho:0.016007812693715096 :0.11087249964475632 +and:0.07219517230987549 to:0.03992745280265808 in:0.03302720561623573 is:0.030462291091680527 :0.08746680617332458 +same:0.020814867690205574 most:0.013595578260719776 people:0.009423649869859219 best:0.008997992612421513 :0.15657837688922882 +and:0.09671159833669662 Smith:0.006757837720215321 Wilson:0.00606536353006959 John:0.005767113994807005 :0.4519917368888855 +other:0.35325223207473755 of:0.06233623996376991 one:0.037660643458366394 other,:0.016652991995215416 :0.11072928458452225 +to:0.056384459137916565 the:0.051578376442193985 a:0.051022425293922424 not:0.05030601844191551 :0.09628567844629288 +be:0.14416000247001648 do:0.05477946996688843 the:0.05198271572589874 make:0.021312382072210312 :0.06269434839487076 +the:0.09787646681070328 that:0.03537067025899887 to:0.02669237181544304 it:0.025212367996573448 :0.08590827882289886 +side:0.16513587534427643 line:0.1629037857055664 of:0.07413312792778015 half:0.05804550647735596 :0.050693970173597336 +and:0.13309083878993988 the:0.03932600095868111 but:0.036118604242801666 who:0.028211619704961777 :0.07054734975099564 +kinds:0.049235451966524124 points:0.025158854201436043 parts:0.02376708947122097 from:0.02119317650794983 :0.12877900898456573 +of:0.8173607587814331 ot:0.016063060611486435 to:0.01395855750888586 and:0.011060462333261967 :0.01570271886885166 +and:0.04499172046780586 the:0.027364147827029228 to:0.025549190118908882 of:0.024580644443631172 :0.2751706838607788 +point:0.09275677800178528 time:0.03719547018408775 cost:0.028422515839338303 distance:0.02712910622358322 :0.13149255514144897 +of:0.04694865643978119 and:0.03962443023920059 to:0.028660746291279793 the:0.022742431610822678 :0.25130724906921387 +in:0.04617055505514145 the:0.04574063792824745 and:0.043212078511714935 by:0.02829257771372795 :0.12867285311222076 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.1332077980041504 in:0.09406894445419312 to:0.08024357259273529 or:0.06007310003042221 :0.07445281744003296 +and:0.12191180884838104 but:0.037951625883579254 be:0.03454660251736641 have:0.021296294406056404 :0.07410365343093872 +and:0.02044537290930748 the:0.011667134240269661 in:0.01114007830619812 of:0.01109043788164854 :0.2239033579826355 +in:0.06083592772483826 the:0.0423794649541378 a:0.03588222339749336 being:0.02734416164457798 :0.10799773037433624 +of:0.3840467631816864 demanded:0.07382403314113617 and:0.03464594483375549 from:0.027063636109232903 :0.052554916590452194 +the:0.23479041457176208 a:0.051117170602083206 this:0.017354371026158333 which:0.013652118854224682 :0.2140139937400818 +of:0.6081914901733398 to:0.0503275990486145 ot:0.02065318450331688 the:0.018307045102119446 :0.050946298986673355 +people:0.005838723387569189 most:0.005771301686763763 same:0.004325485788285732 first:0.004040999803692102 :0.24483050405979156 +the:0.2500842213630676 his:0.02992282807826996 a:0.023177752271294594 this:0.019637227058410645 :0.14101804792881012 +the:0.15072382986545563 a:0.07439514994621277 which:0.01771642453968525 he:0.013997025787830353 :0.060656074434518814 +be:0.17434367537498474 enable:0.039638105779886246 not:0.026346463710069656 make:0.020177392289042473 :0.10565310716629028 +the:0.1400965303182602 is:0.07014922797679901 said:0.0617203563451767 was:0.0415254607796669 :0.08168857544660568 +and:0.02781582623720169 to:0.01823282800614834 feet:0.010657145641744137 P.:0.008083772845566273 :0.2454773187637329 +and:0.040060292929410934 of:0.037370696663856506 the:0.03239883854985237 to:0.024906674399971962 :0.14498524367809296 +the:0.5233625769615173 these:0.0409051850438118 them:0.03918450325727463 his:0.02921440824866295 :0.03497201204299927 +the:0.15717889368534088 a:0.03996667265892029 which:0.016805391758680344 this:0.01617911458015442 :0.20073342323303223 +the:0.10954626649618149 a:0.06934606283903122 that:0.04326601326465607 in:0.039204191416502 :0.07166293263435364 +the:0.2816850244998932 a:0.03781353682279587 which:0.019750062376260757 tho:0.018495211377739906 :0.09785313904285431 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.07790061086416245 of:0.027577053755521774 the:0.009032350964844227 A.:0.008437564596533775 :0.28603896498680115 +the:0.12578703463077545 Congress:0.05417221784591675 a:0.0187187809497118 Congress,:0.017188265919685364 :0.18645064532756805 +of:0.3517187237739563 that:0.06360283493995667 and:0.058075617998838425 was:0.04756317287683487 :0.03839574009180069 +and:0.1290048360824585 in:0.047602541744709015 the:0.04113437980413437 but:0.029066886752843857 :0.14955481886863708 +that:0.3465190529823303 to:0.2078283727169037 and:0.04760993272066116 of:0.02740873210132122 :0.05592508241534233 +to:0.06103655695915222 the:0.044116873294115067 and:0.03541865199804306 in:0.019758787006139755 :0.14264719188213348 +and:0.04127506539225578 to:0.03959006816148758 of:0.03404608368873596 matter:0.016089294105768204 :0.11752840876579285 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +and:0.07799657434225082 of:0.06283323466777802 The:0.021292634308338165 in:0.020422587171196938 :0.13979889452457428 +is:0.33399757742881775 was:0.1679321527481079 has:0.043254680931568146 would:0.027958296239376068 :0.03231305629014969 +than:0.2677326202392578 and:0.05724867433309555 in:0.035131510347127914 of:0.03484564647078514 :0.1390877217054367 +to:0.23473486304283142 in:0.11302252113819122 into:0.04042021185159683 from:0.035287681967020035 :0.05799940600991249 +and:0.04817013069987297 the:0.021912897005677223 of:0.02149098925292492 in:0.02002643048763275 :0.13261163234710693 +is:0.19740541279315948 was:0.11636589467525482 are:0.11165598034858704 were:0.0648626908659935 :0.05239478498697281 +the:0.23083554208278656 a:0.04844311997294426 which:0.044651616364717484 this:0.030444789677858353 :0.12595759332180023 +own:0.04832814261317253 friends:0.014119481667876244 wife:0.011450376361608505 name:0.009991470724344254 :0.21393369138240814 +a:0.07340338826179504 been:0.06530646234750748 no:0.04607190564274788 to:0.04548287391662598 :0.08794183284044266 +the:0.21205812692642212 kinds:0.023958563804626465 that:0.02008158154785633 these:0.01482913363724947 :0.11127829551696777 +was:0.07589242607355118 had:0.06941252946853638 are:0.04950590804219246 has:0.04946213215589523 :0.08267950266599655 +Army:0.10221383720636368 Trunk:0.08857347071170807 Jury:0.06401125341653824 Lodge:0.04712101072072983 :0.2995860278606415 +was:0.10216064006090164 had:0.07097626477479935 would:0.06660167127847672 is:0.04459034651517868 :0.11218587309122086 +of:0.3924298882484436 in:0.04632090404629707 and:0.034840963780879974 to:0.02769271843135357 :0.03047044575214386 +house:0.13761000335216522 of:0.08634423464536667 house,:0.042046017944812775 to:0.032640356570482254 :0.05794340744614601 +and:0.06731666624546051 of:0.02747407555580139 to:0.020827975124120712 the:0.018055597320199013 :0.23669232428073883 +and:0.08047017455101013 of:0.0705275759100914 to:0.034391988068819046 The:0.026708360761404037 :0.15608367323875427 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +of:0.18106535077095032 in:0.09007959067821503 and:0.0845513567328453 to:0.05694993957877159 :0.047094959765672684 +the:0.19829174876213074 a:0.11363717913627625 his:0.020226314663887024 which:0.017271677032113075 :0.1459406316280365 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +of:0.05410145968198776 and:0.05373428761959076 to:0.0349821075797081 in:0.01969783753156662 :0.2623460590839386 +the:0.052245207130908966 a:0.018641116097569466 most:0.01304906327277422 more:0.01039615273475647 :0.20648396015167236 +and:0.16023413836956024 who:0.048170287162065506 that:0.03882179036736488 in:0.028306130319833755 :0.08629870414733887 +the:0.08491098880767822 be:0.030960826203227043 make:0.023973794654011726 see:0.015702666714787483 :0.12853865325450897 +of:0.3065929114818573 the:0.054842010140419006 he:0.015025030821561813 which:0.01330022793263197 :0.07116927206516266 +The:0.1182883009314537 He:0.06634306162595749 It:0.055550750344991684 I:0.04857520014047623 :0.11511803418397903 +hour:0.042742203921079636 order:0.015599983744323254 increase:0.012085282243788242 indefinite:0.011566861532628536 :0.18061530590057373 +to:0.43772754073143005 for:0.07307326048612595 in:0.04633431136608124 and:0.014169903472065926 :0.05726638436317444 +own:0.037691764533519745 life:0.009400890208780766 family:0.005222564563155174 friends:0.004922314081341028 :0.19804032146930695 +years:0.09101280570030212 of:0.06293229013681412 or:0.04362814873456955 miles:0.030543921515345573 :0.09746967256069183 +be:0.417477011680603 the:0.029188763350248337 have:0.0249998327344656 bo:0.01708364672958851 :0.07910564541816711 +and:0.13843294978141785 is:0.019072214141488075 has:0.01726921834051609 was:0.01722661592066288 :0.19434306025505066 +and:0.04234742373228073 who:0.015563740395009518 was:0.010159412398934364 Mr.:0.009050215594470501 :0.2620716094970703 +time:0.01662304997444153 same:0.013192227110266685 only:0.009881678968667984 most:0.009603895246982574 :0.19221626222133636 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.10530514270067215 to:0.023268667981028557 a:0.0158956591039896 that:0.01503658015280962 :0.16099007427692413 +the:0.06592706590890884 a:0.015058252029120922 it:0.00928234588354826 in:0.008278142660856247 :0.24184872210025787 +the:0.09393734484910965 a:0.07844261825084686 up:0.06221999600529671 with:0.0379340723156929 :0.037570368498563766 +to:0.13404273986816406 and:0.12302471697330475 in:0.08019759505987167 of:0.045658379793167114 :0.04617445170879364 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +and:0.12545232474803925 of:0.09467346221208572 in:0.07071744650602341 In:0.034272074699401855 :0.062059685587882996 +own:0.031987182796001434 head:0.02875692956149578 way:0.01128104142844677 head,:0.009959063492715359 :0.1870962381362915 +the:0.08744669705629349 that:0.0629720389842987 to:0.05853743478655815 in:0.04371817782521248 :0.12313765287399292 +in:0.10768648236989975 the:0.054075583815574646 a:0.040260687470436096 on:0.03892424702644348 :0.1437365859746933 +and:0.12265104055404663 for:0.053351521492004395 the:0.04051079973578453 by:0.035464201122522354 :0.0654362216591835 +and:0.4140903055667877 of:0.01595459133386612 in:0.008117249235510826 the:0.007258955854922533 :0.15195275843143463 +as:0.18877799808979034 to:0.08055821806192398 from:0.040557119995355606 by:0.03518765792250633 :0.14708742499351501 +mortgage:0.06209706515073776 and:0.0238203052431345 of:0.019163858145475388 the:0.016029145568609238 :0.16081397235393524 +and:0.1471869796514511 Davis:0.0449734590947628 county,:0.03159637004137039 was:0.02500435896217823 :0.27535292506217957 +the:0.39539358019828796 a:0.09041665494441986 his:0.02042723447084427 tho:0.020343832671642303 :0.06271951645612717 +the:0.05559900403022766 be:0.039043672382831573 resell:0.03637052699923515 do:0.02950275130569935 :0.11929477006196976 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +Court:0.3190469443798065 Court,:0.13311167061328888 Court.:0.08246026933193207 and:0.013401450589299202 :0.21545694768428802 +of:0.5288357138633728 and:0.03240898624062538 Council:0.026900120079517365 Clerk:0.018188560381531715 :0.06645046174526215 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.06630092859268188 and:0.02223803475499153 ket:0.009285795502364635 as:0.009081791155040264 :0.19910423457622528 +that:0.08226609975099564 as:0.0776921957731247 and:0.0476456880569458 in:0.04750462993979454 :0.09765247255563736 +the:0.2675083577632904 a:0.0764969140291214 this:0.03753630071878433 his:0.018276335671544075 :0.05219002068042755 +and:0.049122054129838943 the:0.022535497322678566 to:0.012849635444581509 of:0.012848240323364735 :0.23033194243907928 +of:0.03193673864006996 .:0.01757642813026905 to:0.016902035102248192 and:0.016588380560278893 :0.2780478000640869 +of:0.05103522539138794 more:0.038304537534713745 to:0.03048221580684185 in:0.022690780460834503 :0.12238870561122894 +than:0.0623885802924633 and:0.05700493976473808 of:0.012923145666718483 or:0.011953819543123245 :0.24858181178569794 +into:0.16890928149223328 in:0.1103426069021225 and:0.08717712014913559 with:0.059124916791915894 :0.07388050109148026 +most:0.01919790729880333 same:0.01300840824842453 first:0.01029991079121828 only:0.007213383913040161 :0.1617422103881836 +of:0.45139747858047485 was:0.09354446083307266 is:0.07756491005420685 Is:0.016991207376122475 :0.029705779626965523 +the:0.2565387189388275 a:0.05283975973725319 said:0.03947177156805992 Rev.:0.017129352316260338 :0.12060840427875519 +the:0.3206392526626587 a:0.053919222205877304 this:0.03033789061009884 their:0.01673300191760063 :0.10811536014080048 +man:0.11805124580860138 men:0.06800210475921631 lady:0.04202333837747574 people:0.03622622787952423 :0.1664341390132904 +oath:0.017017565667629242 first:0.011422749608755112 place:0.010043194517493248 last:0.00958888791501522 :0.17277446389198303 +visit:0.02813936583697796 years:0.02456587366759777 trip:0.011981097050011158 speech:0.008038111962378025 :0.29984891414642334 +mortgage:0.03551492840051651 John:0.014492273330688477 County:0.012314995750784874 William:0.009532668627798557 :0.16362731158733368 +is:0.2813173830509186 was:0.1429443061351776 Is:0.06031987816095352 has:0.036271724849939346 :0.06841246038675308 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +same:0.007336576469242573 whole:0.005635139532387257 other:0.004549142438918352 way:0.0037049069069325924 :0.18721835315227509 +the:0.3085838556289673 a:0.034438617527484894 said:0.014603531919419765 tho:0.01321002934128046 :0.11735078692436218 +more:0.053506772965192795 of:0.01770097017288208 over:0.015949739143252373 girl:0.010774583555758 :0.18088683485984802 +utes:0.07242629677057266 west:0.05406297743320465 east:0.025424083694815636 and:0.012992002069950104 :0.40794286131858826 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.23178605735301971 day:0.05931170657277107 Hundred:0.028392836451530457 morning:0.021078508347272873 :0.06865806132555008 +and:0.06347618252038956 John:0.007139245513826609 James:0.006440071854740381 Smith:0.005638835486024618 :0.48511070013046265 +Hill:0.06366851180791855 and:0.03137626871466637 was:0.014004120603203773 of:0.013991097919642925 :0.22484010457992554 +of:0.4376508593559265 was:0.08098317682743073 is:0.0460907481610775 rendered:0.03353576362133026 :0.04255500063300133 +the:0.26817822456359863 a:0.06392829120159149 tho:0.02111394703388214 this:0.020335936918854713 :0.09635373950004578 +the:0.20784573256969452 a:0.031880442053079605 be:0.01710834912955761 this:0.011793839745223522 :0.11649295687675476 +York:0.5599831938743591 England:0.03549901396036148 Haven:0.022907311096787453 Orleans:0.022035017609596252 :0.17383553087711334 +in:0.05336454510688782 and:0.04642770439386368 as:0.03775333613157272 if:0.03434906527400017 :0.06495331227779388 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.07748319953680038 North:0.049295131117105484 Minnesota,:0.04875544086098671 affairs:0.04848531633615494 :0.12016335874795914 +is:0.04842430353164673 and:0.037465907633304596 was:0.03390849381685257 in:0.029851188883185387 :0.10656343400478363 +The:0.11464167386293411 In:0.029785284772515297 It:0.028273630887269974 A:0.025377307087183 :0.24406026303768158 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.08552256226539612 and:0.06548696756362915 in:0.055012840777635574 is:0.04813193529844284 :0.04551559314131737 +the:0.08072919398546219 to:0.025566015392541885 they:0.02101694792509079 that:0.018654340878129005 :0.08361796289682388 +the:0.47669246792793274 a:0.0443364642560482 tho:0.024980874732136726 his:0.02024136669933796 :0.08284129202365875 +the:0.08343203365802765 of:0.0745651051402092 in:0.05136658251285553 and:0.04439707100391388 :0.031483251601457596 +that:0.13477464020252228 the:0.07790324836969376 of:0.05882010608911514 nothing:0.03272514417767525 :0.058333124965429306 +the:0.25674915313720703 a:0.043150052428245544 this:0.033750019967556 tho:0.018927736207842827 :0.10452324897050858 +and:0.05240340903401375 of:0.03192923218011856 the:0.027440614998340607 to:0.01839822717010975 :0.13126780092716217 +tion:0.5716819763183594 tion,:0.10180142521858215 tion.:0.096608005464077 tions:0.08556918054819107 :0.022853804752230644 +the:0.12963825464248657 up:0.08128645271062851 out:0.06690163165330887 down:0.05309426784515381 :0.03850321099162102 +The:0.032851338386535645 .:0.026836039498448372 and:0.01711110770702362 the:0.012540537863969803 :0.2852705717086792 +not:0.49463337659835815 the:0.039413753896951675 it:0.01079146470874548 all:0.008562401868402958 :0.06525969505310059 +the:0.24969157576560974 a:0.06714809685945511 to:0.032653823494911194 not:0.020014706999063492 :0.09212028235197067 +the:0.22525247931480408 he:0.06192491203546524 it:0.04668590798974037 they:0.03694138675928116 :0.07671193033456802 +to:0.04556085169315338 the:0.04348483681678772 and:0.037509530782699585 be:0.024387972429394722 :0.142970472574234 +out:0.07214829325675964 the:0.04760992154479027 to:0.045597247779369354 over:0.04003385826945305 :0.04598073288798332 +been:0.17844609916210175 not:0.03652627021074295 no:0.03435578942298889 to:0.02803140878677368 :0.07734601199626923 +of:0.11731825023889542 was:0.03166795149445534 is:0.02645224891602993 and:0.01920516975224018 :0.15780214965343475 +to:0.23265717923641205 a:0.10286164283752441 the:0.068484827876091 been:0.045960891991853714 :0.05635330453515053 +-:0.01567845419049263 ported:0.012598572298884392 ceived:0.011956128291785717 and:0.00973785575479269 :0.34710800647735596 +the:0.13624390959739685 little:0.03404757380485535 a:0.03326844051480293 that:0.02892996184527874 :0.11246456950902939 +into:0.06323196738958359 out:0.06279530376195908 to:0.045246005058288574 up:0.04014470428228378 :0.0400424487888813 +out:0.10201339423656464 away:0.07536584883928299 down:0.055000483989715576 up:0.042599525302648544 :0.039107419550418854 +the:0.1805223673582077 they:0.06902740150690079 he:0.06522294878959656 it:0.05359036102890968 :0.06251182407140732 +by:0.23790720105171204 the:0.13241298496723175 and:0.047194648534059525 in:0.04038655012845993 :0.025214239954948425 +the:0.006038097199052572 whole:0.0060379537753760815 and:0.0048794858157634735 I:0.003691232530400157 :0.3292183578014374 +erty:0.36934733390808105 of:0.03229758143424988 erty,:0.022657157853245735 and:0.014169883914291859 :0.25649288296699524 +a:0.14958415925502777 the:0.08428909629583359 to:0.03882530331611633 not:0.028835687786340714 :0.20095865428447723 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.07883477956056595 to:0.06803973019123077 in:0.029703289270401 the:0.026751313358545303 :0.14366047084331512 +the:0.24429737031459808 he:0.09556800127029419 they:0.05191411077976227 a:0.04200909659266472 :0.06763222813606262 +and:0.0792599618434906 to:0.041025009006261826 from:0.027455292642116547 for:0.024184148758649826 :0.09417445957660675 +to:0.0955536738038063 the:0.05133458599448204 us:0.030278773978352547 them:0.028071044012904167 :0.03116505593061447 +side:0.2086019068956375 side,:0.07723292708396912 of:0.054342664778232574 side.:0.04678766429424286 :0.09802664071321487 +the:0.38304099440574646 a:0.041415076702833176 tho:0.01640406623482704 Mr.:0.015581060200929642 :0.07540618628263474 +hundred:0.058645520359277725 years:0.05490375682711601 or:0.04735354334115982 and:0.03061443194746971 :0.17530494928359985 +the:0.05727750435471535 and:0.03767355531454086 a:0.023918574675917625 of:0.01894489862024784 :0.2692852318286896 +and:0.09956448525190353 the:0.02530190721154213 but:0.016310814768075943 is:0.014348076656460762 :0.09100241214036942 +wife,:0.03510062023997307 own:0.020067038014531136 wife:0.01520314160734415 head:0.011249985545873642 :0.2084280103445053 +Company:0.2061823010444641 Company,:0.11220191419124603 and:0.05316615104675293 Company.:0.03163783624768257 :0.12528325617313385 +The:0.01747046411037445 and:0.015902230516076088 the:0.013112624175846577 of:0.01249554194509983 :0.25462210178375244 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +and:0.15981006622314453 that:0.1056552603840828 as:0.09715646505355835 for:0.04782799631357193 :0.03864333778619766 +to:0.13142652809619904 and:0.08937697857618332 of:0.0682450532913208 was:0.05023053660988808 :0.03268171846866608 +was:0.1303360015153885 is:0.049646228551864624 had:0.03383040800690651 would:0.029336195439100266 :0.09320598095655441 +the:0.11845945566892624 a:0.08279666304588318 out:0.041594695299863815 rid:0.03263359144330025 :0.05562303960323334 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +the:0.09498341381549835 a:0.020306749269366264 that:0.017613792791962624 I:0.017513401806354523 :0.14263176918029785 +fect:0.13269349932670593 fects:0.11003642529249191 fort:0.0852266326546669 forts:0.042461372911930084 :0.4314514100551605 +the:0.2409287989139557 a:0.057983409613370895 his:0.017462577670812607 this:0.01625266671180725 :0.1521664410829544 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +a:0.17958584427833557 as:0.02886255457997322 the:0.025382835417985916 an:0.019319601356983185 :0.19357413053512573 +the:0.3900810480117798 a:0.0472981296479702 his:0.022690115496516228 which:0.017552567645907402 :0.09547897428274155 +and:0.20225398242473602 the:0.07445421069860458 but:0.038324661552906036 which:0.027285052463412285 :0.051769424229860306 +law:0.008475840091705322 most:0.006790312938392162 result:0.005696433130651712 public:0.005507559049874544 :0.20865857601165771 +and:0.07797821611166 of:0.07394805550575256 to:0.024093613028526306 in:0.022731896489858627 :0.18953385949134827 +and:0.20879171788692474 in:0.09934497624635696 with:0.043187517672777176 on:0.03581762686371803 :0.05309491232037544 +had:0.03182997554540634 have:0.025265822187066078 be:0.018814468756318092 been:0.013125581666827202 :0.12915398180484772 +and:0.3134773075580597 of:0.030826319009065628 the:0.022434508427977562 or:0.02079779841005802 :0.0709092915058136 +the:0.20643547177314758 be:0.06954443454742432 a:0.020762009546160698 tho:0.014679226092994213 :0.07877988368272781 +north:0.10712355375289917 south:0.09135427325963974 with:0.057900119572877884 N.:0.04195796698331833 :0.11983372271060944 +down:0.07789390534162521 the:0.06325408816337585 to:0.051151540130376816 out:0.04223617911338806 :0.06648236513137817 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +The:0.11818480491638184 It:0.045124173164367676 He:0.037779755890369415 I:0.02825045771896839 :0.10120515525341034 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.17364807426929474 were:0.052605122327804565 of:0.04799947887659073 are:0.03186929225921631 :0.0648995190858841 +of:0.293860524892807 and:0.07423131167888641 that:0.06477431952953339 as:0.021562805399298668 :0.02845093421638012 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +the:0.3245074450969696 said:0.04096154123544693 a:0.03521895408630371 such:0.024604350328445435 :0.10855124145746231 +the:0.2520252764225006 a:0.05352357029914856 this:0.019415052607655525 said:0.015456762164831161 :0.10717446357011795 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +be:0.15844281017780304 have:0.09126759320497513 not:0.0528397299349308 make:0.02025724947452545 :0.08245164155960083 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +and:0.11151687800884247 of:0.047171078622341156 the:0.032587889581918716 as:0.020915508270263672 :0.10023888200521469 +the:0.18435879051685333 a:0.16750572621822357 of:0.09075738489627838 way:0.057972878217697144 :0.08891607820987701 +is:0.282835453748703 was:0.1386348009109497 has:0.05170242115855217 will:0.04587934538722038 :0.04480903968214989 +the:0.08185596764087677 with:0.07950229942798615 so:0.037230897694826126 so,:0.031726717948913574 :0.047565437853336334 +that:0.7685179114341736 the:0.052885036915540695 in:0.021071210503578186 to:0.014824386686086655 :0.009138577617704868 +to:0.19205419719219208 in:0.10505775362253189 and:0.04885714873671532 with:0.04171734303236008 :0.04471699148416519 +is:0.07477954030036926 was:0.055856142193078995 has:0.034912243485450745 are:0.033155567944049835 :0.07991375029087067 +country:0.021445252001285553 city,:0.017442379146814346 act,:0.016137536615133286 city:0.015404942445456982 :0.14275318384170532 +to:0.2969878017902374 the:0.06688416749238968 a:0.022148875519633293 from:0.016160394996404648 :0.14634403586387634 +the:0.18705271184444427 of:0.0737602487206459 over:0.052326567471027374 that:0.03997098654508591 :0.08838534355163574 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.03985708951950073 ing:0.020764563232660294 of:0.017303507775068283 County,:0.01532152108848095 :0.384384423494339 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.046667274087667465 not:0.04481789842247963 a:0.0372292622923851 to:0.030305804684758186 :0.08742226660251617 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.4021141827106476 a:0.037322551012039185 tho:0.025566205382347107 his:0.02055191434919834 :0.11450260132551193 +of:0.724459707736969 to:0.06312014907598495 and:0.018017778173089027 that:0.01795734465122223 :0.016405239701271057 +a:0.030458763241767883 made:0.023928897455334663 the:0.018045801669359207 in:0.017870217561721802 :0.16152282059192657 +feet:0.24103103578090668 of:0.04953249543905258 feet;:0.04641884192824364 feet,:0.04115975275635719 :0.15023253858089447 +the:0.2631893455982208 be:0.035923805087804794 a:0.020866723731160164 tho:0.012780984863638878 :0.14069943130016327 +less:0.030302315950393677 one:0.028662417083978653 such:0.021135099232196808 more:0.020372815430164337 :0.13061058521270752 +years:0.13793742656707764 miles:0.12379255890846252 feet:0.0548286996781826 per:0.036890409886837006 :0.0938970074057579 +is:0.2813173830509186 was:0.1429443061351776 Is:0.06031987816095352 has:0.036271724849939346 :0.06841246038675308 +to:0.1390833556652069 and:0.1277579814195633 on:0.046936873346567154 for:0.036049336194992065 :0.07474035769701004 +and:0.22642318904399872 the:0.04615481197834015 of:0.018687834963202477 he:0.01782224513590336 :0.08267703652381897 +of:0.4409335255622864 and:0.10726913809776306 in:0.03877215087413788 to:0.025918686762452126 :0.04638027399778366 +of:0.5998246073722839 and:0.06656593084335327 the:0.028203710913658142 in:0.019819004461169243 :0.024918366223573685 +and:0.052575938403606415 the:0.03142504021525383 of:0.01679302379488945 in:0.01411136519163847 :0.15753524005413055 +of:0.03214482590556145 .:0.02133246511220932 and:0.020049594342708588 to:0.01908141002058983 :0.29628822207450867 +be:0.2276516705751419 have:0.08503898233175278 not:0.07689591497182846 make:0.011747892946004868 :0.06752096116542816 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +Louis:0.16942133009433746 Louis,:0.10399600863456726 Louis.:0.047256600111722946 Paul:0.03412744402885437 :0.2937924563884735 +people:0.015631072223186493 said:0.0101008964702487 world:0.008942104876041412 law:0.006705844774842262 :0.18167652189731598 +a:0.07010596990585327 not:0.05420732498168945 the:0.05396781489253044 in:0.016393130645155907 :0.10485593974590302 +the:0.2201966643333435 a:0.032571978867053986 tho:0.01699431985616684 any:0.016912855207920074 :0.10864003747701645 +only:0.09771634638309479 to:0.07628531008958817 a:0.030904710292816162 the:0.028822241351008415 :0.13397212326526642 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +in:0.07065000385046005 of:0.06772877275943756 and:0.05816666781902313 at:0.04043581709265709 :0.0869508758187294 +the:0.033502764999866486 not:0.032234370708465576 a:0.023724019527435303 more:0.01797652058303356 :0.1738547831773758 +the:0.24177181720733643 a:0.048761121928691864 his:0.020577847957611084 this:0.017859777435660362 :0.08770623803138733 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +as:0.20293907821178436 and:0.04300367832183838 before:0.025829043239355087 in:0.022946221753954887 :0.06748512387275696 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +been:0.1966012418270111 a:0.049331989139318466 not:0.046699415892362595 to:0.04310470446944237 :0.07371996343135834 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +was:0.08254734426736832 had:0.07355442643165588 could:0.059283383190631866 got:0.03754684701561928 :0.08578050136566162 +of:0.27674421668052673 who:0.0526159293949604 to:0.04227253422141075 are:0.03817153722047806 :0.036899711936712265 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +that:0.16873937845230103 a:0.06694071739912033 the:0.05057571455836296 as:0.04535809904336929 :0.049580350518226624 +and:0.03902414068579674 the:0.030715128406882286 of:0.028039224445819855 to:0.020137231796979904 :0.1818050742149353 +to:0.6822537779808044 a:0.04527498036623001 the:0.015492084436118603 they:0.013049826957285404 :0.014513070695102215 +degrees:0.6860191226005554 degrees,:0.04461591690778732 deg.:0.04249998927116394 deg,:0.02813948318362236 :0.026623856276273727 +of:0.13562044501304626 and:0.043549153953790665 to:0.014658039435744286 the:0.011333616450428963 :0.21024098992347717 +John:0.040033672004938126 James:0.038658708333969116 William:0.032650500535964966 Joseph:0.02233990654349327 :0.2632896900177002 +two:0.08930908143520355 the:0.0751657485961914 a:0.05611780285835266 three:0.050317298620939255 :0.08433451503515244 +own:0.040530525147914886 wife:0.012987658381462097 friends,:0.012097076512873173 hand:0.012037673965096474 :0.09309669584035873 +of:0.11025263369083405 on:0.07755899429321289 the:0.06048332154750824 that:0.05866266414523125 :0.06780258566141129 +the:0.7282009124755859 tho:0.04036744683980942 his:0.01819738559424877 tbe:0.015578837133944035 :0.017912210896611214 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +St.:0.051105011254549026 the:0.045735668390989304 Burleigh:0.03836424648761749 Los:0.02019481547176838 :0.28609466552734375 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +not:0.03731159493327141 the:0.03569702059030533 in:0.0171737689524889 to:0.017153358086943626 :0.17907275259494781 +to:0.300449937582016 by:0.09099244326353073 and:0.05785348638892174 for:0.046122971922159195 :0.04353786259889603 +property:0.011620713397860527 subject:0.010696952231228352 said:0.009446420706808567 following:0.008107030764222145 :0.180214062333107 +of:0.29833167791366577 for:0.04138568788766861 are:0.03832143545150757 and:0.03815238177776337 :0.03689591586589813 +of:0.13769808411598206 to:0.049212075769901276 the:0.04601287096738815 and:0.03703295439481735 :0.09459557384252548 +few:0.018378419801592827 large:0.018070729449391365 little:0.011163508519530296 small:0.009296981617808342 :0.1541246771812439 +schools:0.03147232532501221 school:0.029478812590241432 and:0.025957787409424782 in:0.015224582515656948 :0.12725237011909485 +been:0.31856265664100647 not:0.04540101811289787 a:0.03759961202740669 no:0.016554588451981544 :0.06649979203939438 +the:0.1635582000017166 said:0.04056457430124283 a:0.019345197826623917 tho:0.007151218596845865 :0.20916201174259186 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +thing:0.02103114128112793 of:0.01840219274163246 feature:0.01525708008557558 man:0.007894831709563732 :0.21886467933654785 +the:0.20342892408370972 be:0.11217168718576431 a:0.03468678146600723 his:0.01373887900263071 :0.10480218380689621 +the:0.05202570930123329 and:0.04444094002246857 of:0.03230750188231468 to:0.020238060504198074 :0.11746437102556229 +large:0.013525201939046383 good:0.012460825964808464 man:0.011075804010033607 great:0.009944827295839787 :0.2016870081424713 +the:0.09055361896753311 that:0.031244445592164993 a:0.022018104791641235 to:0.02168467454612255 :0.0978473499417305 +H.:0.026950538158416748 B.:0.019335178658366203 M.:0.01865800842642784 .:0.01516431849449873 :0.26797252893447876 +and:0.037953637540340424 the:0.013443085364997387 ply:0.01085016131401062 a:0.008358106017112732 :0.5737923979759216 +the:0.04607682675123215 a:0.03808420151472092 not:0.021762844175100327 made:0.010806750506162643 :0.22262805700302124 +a:0.05151239410042763 the:0.050012100487947464 not:0.04160221293568611 to:0.02615845948457718 :0.1089254841208458 +the:0.1887837052345276 a:0.06505906581878662 all:0.02468460611999035 this:0.020185407251119614 :0.07371731102466583 +of:0.10223271697759628 and:0.029782574623823166 interests:0.023671550676226616 way:0.014974839054048061 :0.11206744611263275 +of:0.08796349167823792 one:0.034983839839696884 and:0.026276377961039543 person:0.020303107798099518 :0.08001204580068588 +great:0.03469572961330414 very:0.02797994576394558 good:0.025457268580794334 matter:0.013830834068357944 :0.16428038477897644 +the:0.2359977513551712 they:0.04284638911485672 it:0.04222715646028519 he:0.034430913627147675 :0.06192537397146225 +same:0.013112341985106468 first:0.012256976217031479 said:0.009183268994092941 people:0.007808533962816 :0.18501690030097961 +.:0.8240659236907959 .,:0.025074783712625504 ..:0.008977283723652363 .;:0.007173941005021334 :0.060622476041316986 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.07423023134469986 to:0.05775595083832741 for:0.0520327091217041 the:0.05000230297446251 :0.07015842199325562 +.:0.12867285311222076 the:0.0245298370718956 In:0.011687333695590496 of:0.010820130817592144 :0.2660076916217804 +the:0.331069678068161 a:0.05380541458725929 them:0.03504548966884613 him:0.029149048030376434 :0.05076432228088379 +and:0.029571767896413803 of:0.02460321970283985 A:0.00985549297183752 W:0.00975281186401844 :0.34805798530578613 +of:0.4753855764865875 and:0.08445432782173157 in:0.014375071972608566 or:0.013229204341769218 :0.04875937104225159 +of:0.06063561141490936 and:0.059479184448719025 The:0.03573555871844292 to:0.03351663798093796 :0.13108600676059723 +be:0.2534608244895935 not:0.07282871752977371 have:0.023161515593528748 bo:0.017645718529820442 :0.034474898129701614 +to:0.6385401487350464 for:0.10058655589818954 and:0.041067466139793396 by:0.01474542636424303 :0.016906585544347763 +and:0.06214481219649315 of:0.05728045850992203 the:0.02929815649986267 for:0.01606055535376072 :0.13558703660964966 +be:0.672276496887207 not:0.03426581248641014 bo:0.024902595207095146 also:0.020290443673729897 :0.03375228866934776 +the:0.09987527877092361 that:0.09509221464395523 a:0.053390707820653915 as:0.040463417768478394 :0.06391703337430954 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +man:0.017662793397903442 good:0.010149803012609482 great:0.009077077731490135 large:0.008228846825659275 :0.3170256018638611 +from:0.07429510354995728 down:0.04041358456015587 into:0.038361117243766785 by:0.03309861198067665 :0.0951656773686409 +the:0.2307603359222412 a:0.05026274546980858 his:0.015689464285969734 be:0.011969251558184624 :0.13858474791049957 +the:0.20879285037517548 a:0.05107971280813217 tho:0.01766575686633587 an:0.012368674390017986 :0.2671829164028168 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +good:0.01973332092165947 great:0.018108470365405083 very:0.01718570850789547 few:0.013712105341255665 :0.12562914192676544 +city:0.006115833297371864 said:0.0058022793382406235 first:0.005674648564308882 same:0.0052930694073438644 :0.22584544122219086 +of:0.14183661341667175 and:0.10360781848430634 in:0.07289817184209824 In:0.05649562180042267 :0.051633771508932114 +of:0.014806068502366543 and:0.012377351522445679 to:0.008307562209665775 made:0.0067542544566094875 :0.33718642592430115 +been:0.31856265664100647 not:0.04540101811289787 a:0.03759961202740669 no:0.016554588451981544 :0.06649979203939438 +been:0.11867491900920868 a:0.03702731430530548 not:0.031860221177339554 no:0.028345873579382896 :0.0846729427576065 +of:0.4534595012664795 and:0.058150045573711395 or:0.03961432725191116 is:0.025067895650863647 :0.030335957184433937 +and:0.1772424727678299 is:0.03113543801009655 in:0.020615991204977036 are:0.019415948539972305 :0.08656155318021774 +own:0.017404189333319664 names:0.010578370653092861 money:0.010484364815056324 friends:0.007385801989585161 :0.22048459947109222 +the:0.12163218855857849 a:0.044823724776506424 that:0.04094093665480614 to:0.029017353430390358 :0.07967476546764374 +of:0.5547371506690979 in:0.035506222397089005 and:0.027663735672831535 consequent:0.01364917866885662 :0.018672626465559006 +istence:0.026593368500471115 perience:0.025202611461281776 penses:0.019382867962121964 treme:0.0190089400857687 :0.4761052429676056 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +not:0.04798003286123276 situated:0.04655000567436218 in:0.040232088416814804 to:0.03696596249938011 :0.14138752222061157 +of:0.4728849232196808 the:0.049512021243572235 and:0.04359298199415207 to:0.026036754250526428 :0.0349913015961647 +the:0.18727226555347443 be:0.044487230479717255 a:0.01802661083638668 this:0.01226507592946291 :0.09526203572750092 +I:0.13365456461906433 It:0.047953907400369644 The:0.035699114203453064 Mr.:0.01805555447936058 :0.2387487143278122 +and:0.20836776494979858 of:0.07550833374261856 or:0.027436019852757454 are:0.024968309327960014 :0.12003303319215775 +who:0.30037838220596313 of:0.059693749994039536 in:0.02726433239877224 which:0.01465011015534401 :0.07054098695516586 +be:0.38006001710891724 have:0.05832013487815857 not:0.0375584177672863 bo:0.023476144298911095 :0.056948550045490265 +not:0.2419401854276657 the:0.053317006677389145 it:0.022753413766622543 hereby:0.022247210144996643 :0.09607798606157303 +and:0.39011308550834656 dollars:0.05505781248211861 feet:0.026037707924842834 dollars,:0.020427275449037552 :0.10935163497924805 +am:0.06525608897209167 have:0.05706053599715233 was:0.054077547043561935 had:0.03043706901371479 :0.13173535466194153 +wife:0.02230234071612358 own:0.01825343258678913 wife,:0.008802684023976326 life:0.007720375433564186 :0.1919824630022049 +is:0.15570226311683655 was:0.09074234962463379 has:0.05547738075256348 would:0.05265360698103905 :0.050039857625961304 +of:0.051420580595731735 and:0.05125412344932556 to:0.02740996517241001 the:0.014367767609655857 :0.16867050528526306 +and:0.07369402796030045 that:0.07139207422733307 the:0.03285465016961098 as:0.030014047399163246 :0.11866103112697601 +the:0.13470658659934998 and:0.05784761160612106 a:0.04244806990027428 of:0.035522423684597015 :0.12589199841022491 +to:0.18616452813148499 and:0.07499630749225616 of:0.07213688641786575 is:0.04925960674881935 :0.03617497533559799 +few:0.029492121189832687 year:0.015729447826743126 large:0.01397260557860136 day:0.013354909606277943 :0.12995539605617523 +the:0.07153968513011932 be:0.04409685358405113 make:0.02068547159433365 do:0.019680732861161232 :0.09941229969263077 +work:0.008646002970635891 own:0.007771521341055632 first:0.004608282819390297 name:0.004194582346826792 :0.20104500651359558 +have:0.06573697179555893 was:0.04985535889863968 had:0.02776332199573517 am:0.025227798148989677 :0.10756488889455795 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +be:0.32219040393829346 not:0.09338462352752686 have:0.08323697745800018 seem:0.029854172840714455 :0.051448505371809006 +rate:0.02887919917702675 time:0.028481299057602882 same:0.027753813192248344 end:0.013184781186282635 :0.21617797017097473 +of:0.03945757821202278 hour:0.023719826713204384 years:0.015942851081490517 in:0.014472284354269505 :0.19020847976207733 +and:0.07311055064201355 the:0.042465370148420334 of:0.038161199539899826 The:0.028541039675474167 :0.14471444487571716 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +people:0.006125174462795258 old:0.005334965884685516 same:0.004693514667451382 other:0.004554362967610359 :0.3087393045425415 +the:0.3668569326400757 said:0.09837498515844345 tho:0.016312535852193832 a:0.015782728791236877 :0.13352079689502716 +and:0.034146521240472794 of:0.012828866951167583 side:0.012281538918614388 the:0.006859664339572191 :0.3930734395980835 +the:0.06557883322238922 it:0.02532031759619713 and:0.01827053725719452 a:0.0166313499212265 :0.16965319216251373 +the:0.1865597516298294 they:0.06502149254083633 it:0.06402014195919037 he:0.04999225214123726 :0.06443995237350464 +is:0.057816341519355774 to:0.05350374057888985 was:0.03527914732694626 in:0.03280043601989746 :0.09226895868778229 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.12882110476493835 be:0.03193597123026848 make:0.021047992631793022 a:0.01696830801665783 :0.09397299587726593 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.018713152036070824 party:0.004384699743241072 river:0.0038729580119252205 State:0.0036463593132793903 :0.26245036721229553 +the:0.04419885575771332 to:0.03651317581534386 and:0.03531372547149658 ing:0.02627813071012497 :0.17832884192466736 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +same:0.007336576469242573 whole:0.005635139532387257 other:0.004549142438918352 way:0.0037049069069325924 :0.18721835315227509 +first:0.00769532797858119 following:0.006340652704238892 amount:0.006173667497932911 only:0.005753947887569666 :0.1813332736492157 +the:0.044428735971450806 he:0.009946010075509548 to:0.009925386868417263 a:0.00986302550882101 :0.3153458833694458 +and:0.07472001016139984 of:0.023521283641457558 the:0.018745100125670433 who:0.013191459700465202 :0.22529877722263336 +the:0.1920432299375534 a:0.10042329132556915 his:0.03139728307723999 which:0.01982499100267887 :0.08317672461271286 +a:0.19762752950191498 no:0.1959511935710907 not:0.05429288372397423 an:0.029512491077184677 :0.04038234427571297 +is:0.2851628065109253 are:0.13738486170768738 was:0.10881452262401581 were:0.10799574851989746 :0.05044731870293617 +to:0.08045000582933426 of:0.06131664291024208 the:0.05038260295987129 have:0.027631239965558052 :0.10930467396974564 +first:0.0072808279655873775 only:0.006595964077860117 bill:0.0061285728588700294 most:0.005695848260074854 :0.1331358551979065 +and:0.02164420671761036 1:0.007415316067636013 .:0.0062536075711250305 of:0.006033067125827074 :0.4639315903186798 +the:0.24259738624095917 least:0.0990079939365387 once:0.048891764134168625 a:0.033637382090091705 :0.0813814178109169 +and:0.06151636689901352 to:0.05046093091368675 by:0.03535177931189537 of:0.03396124392747879 :0.1122552901506424 +m:0.11307414621114731 m.:0.03300373628735542 m.,:0.013425900600850582 the:0.00856181513518095 :0.18516412377357483 +a:0.1757836490869522 not:0.056253500282764435 the:0.05090862885117531 an:0.021037321537733078 :0.0723005011677742 +own:0.03672729432582855 answer:0.01492844708263874 life:0.007858195342123508 failure:0.0052155666053295135 :0.2383647859096527 +as:0.5370863080024719 from:0.03523389622569084 that:0.017971565946936607 more:0.013915727846324444 :0.04666508734226227 +and:0.08696270734071732 of:0.030189143493771553 The:0.01724386028945446 to:0.017174774780869484 :0.2286924421787262 +is:0.1401115506887436 was:0.09477759897708893 has:0.08403751254081726 of:0.07740370184183121 :0.04789409041404724 +as:0.10291896015405655 in:0.08713793754577637 and:0.06144927442073822 that:0.05186827853322029 :0.05325106158852577 +said:0.016642244532704353 whole:0.008509551174938679 following:0.0077436696738004684 other:0.006345488131046295 :0.20383140444755554 +Capital:0.014702402986586094 Bank:0.012472736649215221 bank:0.011410379782319069 Bank,:0.007830696180462837 :0.46369776129722595 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +of:0.2598605751991272 time:0.03562925010919571 one:0.022505294531583786 other:0.016756724566221237 :0.11301366984844208 +be:0.13634443283081055 have:0.10136276483535767 not:0.06976283341646194 make:0.02963562123477459 :0.061198100447654724 +United:0.01529362890869379 most:0.008267953060567379 State:0.005507575813680887 country:0.005215981975197792 :0.284910649061203 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +The:0.16640132665634155 It:0.05650739371776581 He:0.04043501988053322 This:0.03227663040161133 :0.08894576132297516 +committee:0.06805199384689331 and:0.062495533376932144 of:0.03436625003814697 in:0.025260629132390022 :0.15831026434898376 +J.:0.012625905685126781 and:0.012222494930028915 D.:0.007494575809687376 John:0.006514633074402809 :0.4898827373981476 +the:0.24611441791057587 this:0.0592789351940155 a:0.046600811183452606 fact,:0.019604183733463287 :0.06714288890361786 +the:0.2212330400943756 a:0.05327683687210083 said:0.02749958075582981 tho:0.01461026631295681 :0.10075436532497406 +of:0.0737185925245285 and:0.03707180544734001 the:0.02496914751827717 to:0.013971793465316296 :0.24228201806545258 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +man:0.03390689939260483 and:0.015133431181311607 fashioned:0.008222173899412155 lady:0.007655096240341663 :0.2081519365310669 +the:0.07028713077306747 a:0.05960715934634209 not:0.04564579948782921 to:0.04165620729327202 :0.10654829442501068 +Y:0.06710678339004517 J:0.01665436290204525 C:0.01603834517300129 W:0.015955064445734024 :0.3224942684173584 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +to:0.04921485483646393 the:0.045839279890060425 and:0.04582829773426056 of:0.03775281831622124 :0.12154397368431091 +city:0.013684514909982681 same:0.012299713678658009 first:0.012064541690051556 case:0.0097059216350317 :0.1689721941947937 +thing:0.006215407978743315 school:0.006139399949461222 two:0.0055649192072451115 court:0.0051861596293747425 :0.47165411710739136 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.21298928558826447 he:0.059634730219841 it:0.034809086471796036 a:0.031955182552337646 :0.09844914823770523 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.17045028507709503 but:0.045233406126499176 the:0.035430338233709335 as:0.01984701305627823 :0.109329953789711 +is:0.058123208582401276 year:0.048047035932540894 was:0.021727193146944046 year,:0.01976245827972889 :0.09608428925275803 +are:0.08530215919017792 were:0.06904803961515427 came:0.02911999076604843 have:0.028224000707268715 :0.0709783211350441 +United:0.015379710122942924 said:0.0068702781572937965 state:0.005387338809669018 State:0.005064830183982849 :0.26449117064476013 +of:0.14851781725883484 the:0.0847778171300888 that:0.053826525807380676 a:0.028229694813489914 :0.09766603261232376 +of:0.04605429247021675 and:0.04552484676241875 the:0.03880678862333298 to:0.03600630536675453 :0.10116785764694214 +the:0.3199616074562073 a:0.05975465849041939 this:0.03055535815656185 any:0.02066800743341446 :0.0983775407075882 +of:0.0945122018456459 to:0.08094008266925812 and:0.06946485489606857 or:0.023477477952837944 :0.07783181965351105 +the:0.1107296496629715 I:0.06573804467916489 if:0.05639088153839111 it:0.045896098017692566 :0.046725235879421234 +the:0.13404154777526855 by:0.0383126437664032 a:0.037920184433460236 and:0.03380167856812477 :0.0692085549235344 +miles:0.14327192306518555 years:0.10163620114326477 hundred:0.07506292313337326 feet:0.06629645824432373 :0.049853771924972534 +to:0.166781485080719 on:0.05880586802959442 into:0.04782482609152794 out:0.032878197729587555 :0.09866916388273239 +of:0.5098684430122375 or:0.02968374826014042 and:0.025505883619189262 in:0.022768251597881317 :0.02879350259900093 +cally:0.2503577768802643 cal:0.0840630978345871 and:0.021863650530576706 is:0.018087752163410187 :0.33307769894599915 +of:0.22539864480495453 and:0.04829998314380646 court:0.031554803252220154 auditor:0.022386569529771805 :0.07434406131505966 +The:0.11888700723648071 It:0.055928368121385574 A:0.04489749297499657 He:0.02727842889726162 :0.08178963512182236 +of:0.30648452043533325 and:0.11727814376354218 is:0.028648294508457184 was:0.026308652013540268 :0.036410290747880936 +of:0.23633316159248352 in:0.05928517505526543 the:0.05354217439889908 was:0.04181281477212906 :0.03236723318696022 +time:0.06716762483119965 as:0.03796509653329849 to:0.026660649105906487 time,:0.01691386103630066 :0.09311540424823761 +the:0.2742777168750763 a:0.07273133844137192 this:0.05722145736217499 tho:0.02392655238509178 :0.07898029685020447 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +the:0.28745171427726746 a:0.06004713103175163 this:0.015994329005479813 his:0.014695870690047741 :0.1730642318725586 +the:0.28625544905662537 a:0.08265718072652817 their:0.021008919924497604 his:0.01925072632730007 :0.0848289504647255 +year:0.04725968465209007 is:0.03883147984743118 morning:0.022728541865944862 year,:0.02051522210240364 :0.10197225213050842 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +that:0.1487748771905899 to:0.12417986243963242 the:0.1182573214173317 of:0.058316778391599655 :0.05132874846458435 +follows,:0.402236670255661 follows::0.24737505614757538 follows:0.037620943039655685 a:0.03644047677516937 :0.033523861318826675 +to:0.28966525197029114 and:0.05425161495804787 with:0.03863481432199478 in:0.030158603563904762 :0.07680201530456543 +to:0.9281452298164368 for:0.008536306209862232 with:0.0063860537484288216 by:0.005610988009721041 :0.005492846481502056 +as:0.36697760224342346 to:0.15613918006420135 that:0.061289653182029724 in:0.0413639061152935 :0.034103069454431534 +of:0.1688731163740158 in:0.0729316920042038 who:0.060145214200019836 to:0.03832230344414711 :0.053407322615385056 +Topeka:0.03461110591888428 the:0.0342426635324955 and:0.030687538906931877 by:0.00952198076993227 :0.2767466902732849 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +of:0.0922183021903038 and:0.048990316689014435 the:0.037627071142196655 to:0.032330602407455444 :0.17748406529426575 +of:0.08249829709529877 and:0.011489943601191044 Parker:0.009777639992535114 J.:0.007437105756253004 :0.3657076358795166 +the:0.26636555790901184 a:0.030860040336847305 this:0.020913271233439445 said:0.014500271528959274 :0.14452053606510162 +the:0.2482306957244873 a:0.0380934439599514 this:0.02755667082965374 order:0.02553361840546131 :0.07553859800100327 +in:0.05000884830951691 and:0.04477453604340553 to:0.03010406531393528 at:0.0210934579372406 :0.10277637094259262 +the:0.14994588494300842 he:0.043256476521492004 of:0.040716059505939484 it:0.02420615404844284 :0.04859619215130806 +and:0.07791050523519516 with:0.06410194933414459 in:0.055455196648836136 to:0.05087748169898987 :0.07954972982406616 +the:0.0865783765912056 it:0.07222390919923782 that:0.03595732897520065 if:0.035607218742370605 :0.03584367036819458 +fendants,:0.03576243296265602 scribed:0.027058834210038185 struction:0.021518230438232422 mands:0.018700169399380684 :0.4685473144054413 +the:0.1256350576877594 if:0.04575585201382637 that:0.03973792493343353 it:0.03206704929471016 :0.0592954121530056 +and:0.023829134181141853 buildings:0.008902348577976227 ones:0.007922172546386719 white:0.007589071057736874 :0.17989817261695862 +the:0.27895018458366394 his:0.05953717976808548 a:0.048157691955566406 that:0.018037665635347366 :0.10275579988956451 +he:0.14328676462173462 they:0.06181755289435387 is:0.052399586886167526 was:0.0418538823723793 :0.05182920768857002 +the:0.09687064588069916 a:0.02022198960185051 that:0.016043905168771744 was:0.009228416718542576 :0.11954891681671143 +than:0.3959312438964844 or:0.058080267161130905 to:0.05152206867933273 for:0.030970752239227295 :0.06712272763252258 +of:0.06740707159042358 and:0.06259182095527649 to:0.03001030907034874 the:0.026013799011707306 :0.1809190809726715 +and:0.17541790008544922 who:0.029208403080701828 in:0.024480465799570084 on:0.02422782965004444 :0.0803772583603859 +and:0.06799540668725967 John:0.007736352737993002 Smith:0.006259207148104906 J:0.0055134897120296955 :0.48026514053344727 +the:0.2278584986925125 a:0.06410118192434311 tho:0.011309785768389702 their:0.01107095554471016 :0.11987889558076859 +and:0.12236632406711578 of:0.07456439733505249 in:0.04727115482091904 to:0.033660419285297394 :0.03624789044260979 +is:0.27500268816947937 are:0.16955000162124634 was:0.1389843225479126 were:0.06026605889201164 :0.04292896389961243 +and:0.07274273037910461 throat,:0.05017556622624397 to:0.03556324914097786 of:0.022565186023712158 :0.2858102023601532 +the:0.08853336423635483 a:0.06532204151153564 his:0.05878187716007233 their:0.028186926618218422 :0.0588669553399086 +half:0.04900379106402397 few:0.024365592747926712 large:0.02117382176220417 good:0.014667495153844357 :0.16771546006202698 +name:0.015755468979477882 wife:0.014050807803869247 father:0.010120494291186333 first:0.009343018755316734 :0.18203233182430267 +man:0.0701683834195137 one:0.06412503123283386 person:0.03305097669363022 day:0.02013109065592289 :0.14379164576530457 +by:0.2899203598499298 to:0.08980268985033035 and:0.07582747936248779 in:0.04498698562383652 :0.031166385859251022 +and:0.12403666228055954 the:0.07347419112920761 or:0.0250022541731596 which:0.022410443052649498 :0.1835997849702835 +first:0.03682202845811844 service:0.026022691279649734 passage:0.016567982733249664 expiration:0.014587546698749065 :0.17361778020858765 +the:0.18464022874832153 a:0.08138446509838104 to:0.03166905418038368 from:0.027152499184012413 :0.046262193471193314 +the:0.10230550915002823 and:0.05123768374323845 a:0.026224875822663307 for:0.020453989505767822 :0.1636669635772705 +of:0.09127211570739746 and:0.06028193607926369 which:0.01962798461318016 the:0.019212055951356888 :0.10706904530525208 +is:0.1582803577184677 the:0.08592500537633896 of:0.08483579009771347 that:0.06831321865320206 :0.04381706565618515 +ployment:0.10553363710641861 ploy:0.08833396434783936 ployes:0.08648176491260529 pire:0.06564895808696747 :0.4509125351905823 +year:0.04680344834923744 few:0.02186093106865883 hundred:0.017321882769465446 man:0.016440831124782562 :0.16981729865074158 +the:0.2590159475803375 a:0.09755846858024597 their:0.023006267845630646 which:0.021513815969228745 :0.1050214171409607 +was:0.11283078789710999 is:0.04523516073822975 had:0.040009159594774246 has:0.036714255809783936 :0.0679447278380394 +amination:0.06317438185214996 tent:0.03385649994015694 pression:0.027521740645170212 change:0.02749600261449814 :0.42798176407814026 +and:0.29751846194267273 the:0.06345489621162415 but:0.04192309081554413 in:0.025637779384851456 :0.07002217322587967 +the:0.1811685413122177 a:0.09712144732475281 by:0.06203562021255493 in:0.04872332885861397 :0.051337409764528275 +of:0.024688107892870903 and:0.01929931342601776 men:0.017016876488924026 features:0.01061046402901411 :0.23082268238067627 +and:0.1278034895658493 to:0.05527132377028465 of:0.0336286686360836 feature:0.02175104431807995 :0.11959926038980484 +the:0.21732176840305328 least:0.034261081367731094 a:0.03378578647971153 this:0.020957086235284805 :0.19683745503425598 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +and:0.08696270734071732 of:0.030189143493771553 The:0.01724386028945446 to:0.017174774780869484 :0.2286924421787262 +the:0.3619801700115204 a:0.03470771759748459 his:0.02005765214562416 be:0.017353668808937073 :0.06675803661346436 +the:0.08236803859472275 up:0.07852411270141602 in:0.06093860790133476 on:0.05676191672682762 :0.06599132716655731 +than:0.26278722286224365 or:0.04288678616285324 of:0.03994205221533775 to:0.026349540799856186 :0.12308357656002045 +The:0.14405091106891632 It:0.05390601232647896 He:0.03646339848637581 There:0.03386329114437103 :0.066957987844944 +of:0.07817355543375015 year,:0.036114539951086044 and:0.029553702101111412 other:0.02676771953701973 :0.11772779375314713 +the:0.2614187002182007 a:0.059586212038993835 this:0.016886403784155846 tho:0.012893594801425934 :0.23109176754951477 +the:0.2537725269794464 a:0.039836663752794266 any:0.030809422954916954 this:0.027075180783867836 :0.09905031323432922 +the:0.1519411951303482 a:0.036740049719810486 be:0.01937500387430191 make:0.012934771366417408 :0.1034441888332367 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +of:0.010792791843414307 people:0.008361749351024628 day:0.007580266334116459 States:0.006731287110596895 :0.21746015548706055 +the:0.14088857173919678 that:0.05589313060045242 is:0.028439346700906754 yes,:0.027597224339842796 :0.07504384219646454 +is:0.21495753526687622 was:0.10958559066057205 would:0.047989923506975174 will:0.04230351001024246 :0.05180997774004936 +and:0.1061890497803688 as:0.08514504879713058 the:0.07673047482967377 by:0.04740963503718376 :0.08780020475387573 +and:0.05978027731180191 the:0.05048888176679611 but:0.028282133862376213 it:0.018623044714331627 :0.20333479344844818 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +few:0.028687769547104836 year:0.026912227272987366 large:0.012362867593765259 number:0.010046330280601978 :0.20877884328365326 +more:0.05774552747607231 to:0.056842997670173645 of:0.03712165355682373 less:0.03370146453380585 :0.13318122923374176 +of:0.0952511876821518 to:0.08175799995660782 and:0.06810298562049866 stock:0.061217062175273895 :0.07494872808456421 +of:0.4497952163219452 and:0.05463044345378876 in:0.030748624354600906 that:0.025922462344169617 :0.03956031799316406 +and:0.07099779695272446 to:0.05044037476181984 from:0.035852234810590744 in:0.026366306468844414 :0.1222987174987793 +own:0.03421138972043991 to:0.019200818613171577 way:0.016486957669258118 and:0.011120675131678581 :0.1485651731491089 +purpose:0.004539807327091694 people:0.003983187489211559 same:0.003975231666117907 and:0.0037040479946881533 :0.38573533296585083 +able:0.2486073076725006 ing:0.06908020377159119 ably:0.06812657415866852 In:0.022596029564738274 :0.12928111851215363 +if:0.08067022264003754 in:0.07213568687438965 with:0.039472244679927826 the:0.03498780354857445 :0.04179667681455612 +the:0.23641957342624664 a:0.04042394086718559 this:0.026066403836011887 said:0.025323186069726944 :0.13244283199310303 +the:0.13244514167308807 a:0.03184637054800987 their:0.01178769301623106 his:0.010842666029930115 :0.1993599832057953 +the:0.049882423132658005 to:0.047171320766210556 and:0.03606604412198067 in:0.026729578152298927 :0.15109501779079437 +of:0.20312637090682983 and:0.04792565479874611 is:0.04175081104040146 in:0.040968820452690125 :0.040908556431531906 +the:0.1613931655883789 a:0.03426077216863632 be:0.029722902923822403 his:0.01347446721047163 :0.10988978296518326 +the:0.1829034835100174 a:0.10646791011095047 his:0.08187373727560043 up:0.03266175463795662 :0.06903639435768127 +the:0.09223811328411102 of:0.07549729943275452 out:0.06435329467058182 in:0.040795519948005676 :0.03784704580903053 +the:0.08605480939149857 he:0.03665994852781296 a:0.023847710341215134 is:0.02281838469207287 :0.07003522664308548 +of:0.024591568857431412 war.:0.014650607481598854 war:0.014189892448484898 hour:0.013860311359167099 :0.14972585439682007 +to:0.0765436664223671 for:0.06642268598079681 in:0.05829814448952675 by:0.05066439136862755 :0.05119772627949715 +not:0.02874339185655117 the:0.016076786443591118 now:0.015021713450551033 in:0.014341538771986961 :0.12800638377666473 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.18498465418815613 a:0.04669266566634178 water:0.02371768094599247 their:0.016287893056869507 :0.17105209827423096 +and:0.03113141655921936 of:0.027113674208521843 the:0.02526213228702545 was:0.011205185204744339 :0.2917653024196625 +to:0.2925061881542206 and:0.06524884700775146 in:0.03996811807155609 the:0.036072634160518646 :0.035155583173036575 +and:0.23782461881637573 the:0.07116501033306122 that:0.057809364050626755 of:0.054458342492580414 :0.04012442007660866 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +provisions:0.0360507033765316 direction:0.03458324074745178 laws:0.024701405316591263 name:0.014884534291923046 :0.16290751099586487 +been:0.19800882041454315 a:0.05287334695458412 the:0.028115659952163696 to:0.02288527600467205 :0.13058914244174957 +gard:0.04209035634994507 lief:0.020120160654187202 spect:0.018718183040618896 cent:0.017430484294891357 :0.25250136852264404 +the:0.04481528326869011 make:0.029419803991913795 be:0.025365468114614487 do:0.018454870209097862 :0.10191576182842255 +that:0.28525084257125854 of:0.08621969074010849 the:0.036907315254211426 which:0.03132244572043419 :0.03882830590009689 +the:0.45474469661712646 this:0.030700471252202988 tho:0.026396071538329124 a:0.02622157335281372 :0.03699715435504913 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +be:0.2797798812389374 have:0.04072899371385574 not:0.024566883221268654 complain:0.020599178969860077 :0.0456530824303627 +of:0.08096356689929962 and:0.07381996512413025 in:0.03355507552623749 is:0.03260583057999611 :0.0730900689959526 +was:0.15917563438415527 had:0.13615165650844574 would:0.06614396721124649 has:0.05712644383311272 :0.052851226180791855 +of:0.11539677530527115 and:0.08329218626022339 in:0.058394137769937515 to:0.04901939630508423 :0.0456627681851387 +and:0.08696270734071732 of:0.030189143493771553 The:0.01724386028945446 to:0.017174774780869484 :0.2286924421787262 +cision:0.10987672954797745 mand:0.08194731920957565 mands:0.026317039504647255 mand,:0.020423438400030136 :0.336808443069458 +the:0.32033050060272217 this:0.170724555850029 said:0.029822034761309624 a:0.028695233166217804 :0.0865030512213707 +a:0.06846656650304794 the:0.04825889691710472 not:0.02478213980793953 in:0.015073750168085098 :0.14466936886310577 +the:0.09016728401184082 money:0.04764586687088013 said:0.014349423348903656 a:0.013890777714550495 :0.16763241589069366 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +The:0.12786118686199188 It:0.08341529220342636 In:0.05024010315537453 He:0.023951884359121323 :0.09964499622583389 +of:0.324412077665329 and:0.12573537230491638 to:0.03222906216979027 for:0.01865588314831257 :0.07554761320352554 +ones:0.01735331490635872 more:0.017059432342648506 of:0.010315097868442535 girl:0.010141568258404732 :0.333793967962265 +a:0.09890469163656235 the:0.07601070404052734 not:0.037550583481788635 to:0.026297928765416145 :0.14803792536258698 +value:0.03531036153435707 cost:0.021764511242508888 amount:0.014780978672206402 settlers:0.010003996081650257 :0.14295782148838043 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.1051805391907692 a:0.07435691356658936 to:0.07292567938566208 that:0.07274730503559113 :0.06338395178318024 +and:0.058111608028411865 to:0.05798709765076637 of:0.04250659793615341 in:0.0355505645275116 :0.06534722447395325 +of:0.32891523838043213 to:0.1919001042842865 and:0.042386285960674286 was:0.03475873917341232 :0.02767595276236534 +the:0.3092559576034546 a:0.037635687738657 this:0.028225302696228027 tho:0.019813397899270058 :0.07795962691307068 +own:0.03984864056110382 judgment,:0.021849272772669792 opinion,:0.021561546251177788 mind:0.017451267689466476 :0.16107532382011414 +and:0.12362384796142578 the:0.046244215220212936 that:0.039484597742557526 as:0.03221872076392174 :0.0769348219037056 +the:0.2625468969345093 a:0.03492961823940277 their:0.021943114697933197 his:0.021568428725004196 :0.07992903143167496 +and:0.16872936487197876 the:0.0403183288872242 but:0.030421797186136246 in:0.020645521581172943 :0.051876381039619446 +the:0.22422586381435394 he:0.036497872322797775 it:0.026106996461749077 they:0.024580398574471474 :0.1365423947572708 +the:0.0729646310210228 in:0.05829329043626785 and:0.043484676629304886 to:0.03888234123587608 :0.044770654290914536 +the:0.225189670920372 a:0.03593182936310768 he:0.026023196056485176 it:0.0229668989777565 :0.07930992543697357 +is:0.24919958412647247 was:0.12228850275278091 Is:0.059948332607746124 has:0.04156455397605896 :0.04342661052942276 +the:0.19179677963256836 be:0.054228056222200394 a:0.029930531978607178 this:0.01856457255780697 :0.08421632647514343 +line:0.07771103084087372 center:0.023187903687357903 north:0.021911360323429108 road:0.02067221887409687 :0.14128538966178894 +of:0.04786454886198044 and:0.04491841793060303 or:0.028567243367433548 the:0.028341613709926605 :0.16377893090248108 +the:0.24800941348075867 a:0.07035747915506363 this:0.02902103401720524 his:0.026985183358192444 :0.07079821079969406 +he:0.15593291819095612 they:0.09228302538394928 the:0.09168773144483566 I:0.07007163017988205 :0.06876079738140106 +mortgage:0.10823742300271988 that:0.09419254958629608 he:0.023193273693323135 to:0.022789055481553078 :0.11130154877901077 +the:0.07591430097818375 to:0.03037005476653576 a:0.022456778213381767 his:0.014498604461550713 :0.10124211013317108 +the:0.23026128113269806 a:0.05896751210093498 once:0.04877055063843727 that:0.028197472915053368 :0.10942429304122925 +and:0.10042786598205566 were:0.059080179780721664 in:0.0584162101149559 who:0.0508047491312027 :0.06989341229200363 +the:0.07153968513011932 be:0.04409685358405113 make:0.02068547159433365 do:0.019680732861161232 :0.09941229969263077 +The:0.15408995747566223 It:0.0565657801926136 He:0.0377717949450016 A:0.029572591185569763 :0.09320749342441559 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.04981826990842819 and:0.04114662483334541 that:0.02470056340098381 to:0.023474207147955894 :0.20682115852832794 +wife,:0.04646747559309006 wife:0.02299899235367775 own:0.01818586140871048 office:0.011421454139053822 :0.2514732778072357 +the:0.0700625479221344 and:0.05805769935250282 as:0.027254117652773857 a:0.020384591072797775 :0.08773710578680038 +the:0.23718537390232086 a:0.06105563044548035 this:0.022048810496926308 such:0.020039496943354607 :0.07875499874353409 +a:0.07195116579532623 the:0.039955731481313705 to:0.023456836119294167 no:0.0218899454921484 :0.14216944575309753 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.10275384783744812 of:0.05014859884977341 the:0.02875620499253273 to:0.0278505589812994 :0.047520849853754044 +same:0.0067352899350225925 said:0.006710059940814972 most:0.0051835221238434315 first:0.004871611017733812 :0.1434279829263687 +to:0.5104871988296509 a:0.06509847193956375 more:0.022725747898221016 an:0.012168741784989834 :0.10399561375379562 +and:0.13834677636623383 in:0.07681169360876083 that:0.04723970219492912 on:0.03824992850422859 :0.06619368493556976 +the:0.19829174876213074 a:0.11363717913627625 his:0.020226314663887024 which:0.017271677032113075 :0.1459406316280365 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +most:0.02985616959631443 same:0.02737605758011341 right:0.01790790446102619 best:0.016413070261478424 :0.15733933448791504 +the:0.021040111780166626 and:0.01318641472607851 was:0.012274614535272121 e:0.010893980972468853 :0.32023879885673523 +and:0.07883477956056595 to:0.06803973019123077 in:0.029703289270401 the:0.026751313358545303 :0.14366047084331512 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.06838047504425049 the:0.03623131290078163 The:0.01795925386250019 to:0.017701730132102966 :0.19561593234539032 +the:0.06764710694551468 and:0.04597754776477814 to:0.044185519218444824 a:0.023964358493685722 :0.13498826324939728 +of:0.6697478294372559 and:0.041978929191827774 ot:0.013816876336932182 thereof:0.012467171996831894 :0.012488079257309437 +min:0.10457944869995117 of:0.05719047784805298 to:0.04995359852910042 min.:0.04898380488157272 :0.16254472732543945 +and:0.04781462252140045 of:0.03139151632785797 the:0.019307654350996017 for:0.012742195278406143 :0.2526535391807556 +the:0.051602963358163834 a:0.02631862834095955 by:0.018480753526091576 other:0.013107373379170895 :0.17033961415290833 +of:0.5965040922164917 to:0.03821239247918129 and:0.03676213324069977 that:0.027196278795599937 :0.023923972621560097 +and:0.061668023467063904 of:0.04471030831336975 to:0.01769998110830784 the:0.016801955178380013 :0.16211210191249847 +Dominion:0.008040706627070904 Point:0.007189145777374506 World:0.005726452451199293 and:0.005689145997166634 :0.646568238735199 +of:0.8255966901779175 and:0.022658560425043106 ot:0.008605239912867546 were:0.005770765710622072 :0.006461945828050375 +House:0.26475512981414795 of:0.11313646286725998 House,:0.0804530456662178 for:0.04990098625421524 :0.06440133601427078 +and:0.047926824539899826 of:0.045171480625867844 the:0.015243626199662685 in:0.012186236679553986 :0.1435336172580719 +to:0.32206085324287415 by:0.06462373584508896 and:0.04645735025405884 in:0.04576975107192993 :0.042903169989585876 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +and:0.02170526422560215 than:0.020385978743433952 countries:0.017370885238051414 persons:0.01227779220789671 :0.13789361715316772 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +the:0.04402991011738777 a:0.017742402851581573 to:0.0076241763308644295 all:0.007341527845710516 :0.19571009278297424 +the:0.3309478759765625 a:0.07274211198091507 this:0.0509783998131752 his:0.02320987731218338 :0.08850887417793274 +to:0.31958281993865967 and:0.05382696911692619 by:0.04836807772517204 for:0.047849297523498535 :0.04558119550347328 +of:0.13525943458080292 to:0.09506163001060486 for:0.05027506873011589 in:0.041777871549129486 :0.04312283545732498 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +the:0.1972583383321762 a:0.12798574566841125 his:0.021095382049679756 an:0.014643174596130848 :0.14763297140598297 +the:0.2539336681365967 any:0.06353636085987091 a:0.0531618632376194 their:0.019648799672722816 :0.07153889536857605 +the:0.23612739145755768 he:0.041152577847242355 they:0.02730342373251915 it:0.02594113163650036 :0.0798659399151802 +and:0.04205964133143425 of:0.02499602921307087 in:0.0245203860104084 the:0.021498126909136772 :0.18133758008480072 +to:0.8785948753356934 to.:0.010923845693469048 to,:0.008187659084796906 in:0.00724332919344306 :0.013600594364106655 +when:0.0653836652636528 and:0.06301794946193695 of:0.05497309938073158 for:0.05372251942753792 :0.07020284980535507 +been:0.19520513713359833 a:0.05088428035378456 not:0.04209267720580101 ever:0.017986925318837166 :0.08275330811738968 +the:0.12908244132995605 I:0.08931487798690796 it:0.03776632249355316 that:0.03334268555045128 :0.049375515431165695 +the:0.23371389508247375 is:0.03889627382159233 all:0.033380065113306046 this:0.03316565230488777 :0.03441009670495987 +to:0.2163376361131668 of:0.13727553188800812 for:0.04004550725221634 in:0.03424767777323723 :0.0490214005112648 +of:0.5030649900436401 and:0.05706573277711868 in:0.02027282305061817 to:0.01605326682329178 :0.04462514445185661 +am:0.07500172406435013 have:0.06665169447660446 was:0.056895457208156586 do:0.03475148603320122 :0.0563761442899704 +of:0.6419022679328918 and:0.08411911129951477 are:0.016243604943156242 in:0.013939518481492996 :0.01644475944340229 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.14425821602344513 which:0.05547502264380455 the:0.04497439041733742 than:0.037321750074625015 :0.0457250252366066 +the:0.4140225946903229 a:0.0777919813990593 his:0.025295915082097054 tho:0.019948912784457207 :0.035001520067453384 +for:0.15885446965694427 to:0.12932294607162476 in:0.06329958885908127 of:0.05111679434776306 :0.06010229513049126 +and:0.25903865694999695 of:0.2395268827676773 or:0.03077475167810917 to:0.020588789135217667 :0.07446635514497757 +of:0.10571803152561188 on:0.062406037002801895 upon:0.042638570070266724 rate:0.04045702889561653 :0.13762874901294708 +the:0.14835509657859802 you:0.05485185608267784 he:0.054294925183057785 we:0.048643846064805984 :0.059279605746269226 +States:0.4906804859638214 States,:0.18643523752689362 States.:0.10460172593593597 Slates:0.01353408768773079 :0.11112630367279053 +to:0.48254039883613586 the:0.06379733234643936 and:0.027463287115097046 a:0.024484720081090927 :0.04644794762134552 +to:0.3779186010360718 in:0.04477670416235924 and:0.027670664712786674 from:0.02540380321443081 :0.05486878752708435 +the:0.3672933578491211 a:0.08273859322071075 his:0.023048035800457 tho:0.020382363349199295 :0.05760972201824188 +the:0.1519140601158142 a:0.09179876744747162 all:0.01723600924015045 such:0.017160456627607346 :0.13146182894706726 +the:0.16746559739112854 with:0.11321460455656052 him:0.05585871636867523 a:0.04514375701546669 :0.03148209676146507 +May,:0.08095688372850418 April,:0.04585292935371399 the:0.044244881719350815 March,:0.043213747441768646 :0.09576082974672318 +of:0.4097675085067749 that:0.056028127670288086 was:0.040202297270298004 is:0.03756744787096977 :0.03381839767098427 +the:0.04543032869696617 of:0.026606615632772446 and:0.025830240920186043 to:0.014331649988889694 :0.3135375380516052 +of:0.05179557949304581 and:0.040455546230077744 the:0.02715015783905983 to:0.017933448776602745 :0.17464055120944977 +to:0.11241109669208527 and:0.058881934732198715 the:0.018069149926304817 The:0.014407905749976635 :0.19794896245002747 +the:0.052093569189310074 to:0.04724431410431862 a:0.030120594426989555 be:0.029566673561930656 :0.14924131333827972 +and:0.02332068793475628 list:0.02133052982389927 continued:0.015022723004221916 run:0.012930206954479218 :0.160655215382576 +and:0.04253062978386879 A.:0.02046862430870533 W.:0.01886667124927044 was:0.01863049529492855 :0.4613197147846222 +a:0.16004671156406403 no:0.14635060727596283 the:0.06813235580921173 not:0.0417134054005146 :0.17434170842170715 +of:0.168882355093956 and:0.1177782490849495 in:0.05305829271674156 to:0.0443575344979763 :0.03634065017104149 +that:0.11632024496793747 he:0.10226716846227646 the:0.05508945509791374 to:0.03809976950287819 :0.1224808543920517 +tirely:0.03530499339103699 tered:0.0338093601167202 titled:0.02777898497879505 gaged:0.025943653658032417 :0.6349920630455017 +was:0.15917563438415527 had:0.13615165650844574 would:0.06614396721124649 has:0.05712644383311272 :0.052851226180791855 +of:0.05191779136657715 The:0.02918325364589691 and:0.027736861258745193 I:0.024396764114499092 :0.0736079141497612 +the:0.14933587610721588 it:0.04696173593401909 they:0.035846058279275894 he:0.02999691478908062 :0.05911934748291969 +the:0.0794670358300209 he:0.06503862142562866 it:0.05842355638742447 I:0.04038475081324577 :0.0462481863796711 +of:0.05709389969706535 and:0.04635963588953018 the:0.035061776638031006 in:0.027320489287376404 :0.14671778678894043 +city:0.013684514909982681 same:0.012299713678658009 first:0.012064541690051556 case:0.0097059216350317 :0.1689721941947937 +not:0.12269905209541321 be:0.10635194182395935 have:0.025330927222967148 he:0.024197593331336975 :0.14637990295886993 +ago:0.06751925498247147 and:0.06423970311880112 of:0.05920533835887909 ago.:0.05033964291214943 :0.06332919746637344 +of:0.027112893760204315 the:0.017637640237808228 to:0.012452528811991215 and:0.011844662018120289 :0.23689667880535126 +the:0.3542451858520508 a:0.05257125571370125 said:0.01671271212399006 this:0.015179839916527271 :0.0932488963007927 +and:0.1457100361585617 of:0.056229446083307266 from:0.02841813489794731 in:0.025922143831849098 :0.058481983840465546 +and:0.08776164054870605 to:0.08616481721401215 of:0.06662192195653915 in:0.06419875472784042 :0.07909583300352097 +5:0.04226584732532501 8:0.02822010964155197 6:0.023473132401704788 No.:0.02216181717813015 :0.25701332092285156 +said:0.04276455566287041 people:0.0056627667509019375 President:0.005345677025616169 fact:0.004693191964179277 :0.1552116572856903 +The:0.03800966590642929 and:0.03141035512089729 It:0.024771451950073242 In:0.02072390913963318 :0.1826835572719574 +and:0.03793041408061981 of:0.007363051641732454 to:0.006744213867932558 a:0.005829824134707451 :0.33693763613700867 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.06825044751167297 is:0.06075351685285568 was:0.057699672877788544 in:0.02715391293168068 :0.07928206026554108 +the:0.08914528787136078 and:0.03686504065990448 of:0.03625389188528061 to:0.023783765733242035 :0.14355194568634033 +and:0.005597405601292849 other:0.004582284949719906 well:0.003497614059597254 .:0.0034366531763225794 :0.2511134147644043 +him:0.10177681595087051 the:0.10049169510602951 a:0.06751669943332672 them:0.04028349369764328 :0.05996997654438019 +and:0.05603063479065895 the:0.04317264258861542 in:0.024418961256742477 by:0.017092281952500343 :0.17367830872535706 +of:0.1688285768032074 in:0.06183985248208046 is:0.06139867752790451 and:0.044507481157779694 :0.04431641474366188 +little:0.0626654326915741 much:0.04957931861281395 well:0.029204312711954117 soon:0.017604462802410126 :0.14678893983364105 +the:0.12029813975095749 a:0.11536243557929993 soon:0.04442477226257324 it:0.04390411078929901 :0.053450264036655426 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +to:0.06796684861183167 of:0.04432455450296402 and:0.02186128869652748 was:0.01899312622845173 :0.22264334559440613 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.1776525229215622 it:0.057733744382858276 I:0.033216044306755066 they:0.029195839539170265 :0.07018575072288513 +the:0.4386069178581238 a:0.0373007170855999 tho:0.021925034001469612 this:0.019091550260782242 :0.04779733344912529 +the:0.07986059039831161 that:0.0219162218272686 in:0.01338121946901083 a:0.013023687526583672 :0.14440776407718658 +to:0.0700317844748497 and:0.051333196461200714 the:0.026327067986130714 by:0.02458229847252369 :0.1597231775522232 +tain:0.20229756832122803 and:0.06154424324631691 to:0.02764357440173626 a:0.017949743196368217 :0.20099250972270966 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.049055296927690506 and:0.04588804766535759 the:0.032450079917907715 The:0.02407136745750904 :0.14564412832260132 +dollars:0.18978837132453918 the:0.062132932245731354 dollars.:0.04873613268136978 dollars,:0.04211172088980675 :0.133308544754982 +wife,:0.03510062023997307 own:0.020067038014531136 wife:0.01520314160734415 head:0.011249985545873642 :0.2084280103445053 +be:0.2592807412147522 not:0.0516243539750576 have:0.026334669440984726 he:0.01866024360060692 :0.093803271651268 +that:0.21350258588790894 the:0.13206586241722107 a:0.04700696840882301 in:0.01745094545185566 :0.07445770502090454 +is:0.09963871538639069 to:0.06992354243993759 that:0.0518270842730999 was:0.0392552874982357 :0.03829244151711464 +Pacific:0.08133315294981003 and:0.06706792861223221 of:0.0296882726252079 Pacific,:0.02144443616271019 :0.1380443274974823 +who:0.34651127457618713 of:0.049096379429101944 in:0.012715318240225315 that:0.008397006429731846 :0.06879040598869324 +and:0.08914531767368317 alongside,:0.04761268198490143 at:0.025613199919462204 in:0.023420052602887154 :0.20473867654800415 +of:0.05040854960680008 other:0.05023518577218056 one:0.03212587535381317 kind:0.030995404347777367 :0.12486065179109573 +of:0.12167085707187653 and:0.0565931610763073 to:0.047786813229322433 that:0.04645070806145668 :0.043495889753103256 +many:0.063408263027668 it:0.06082213670015335 far:0.05539672076702118 that:0.048444442451000214 :0.10697511583566666 +the:0.04659276455640793 to:0.037409041076898575 by:0.021559590473771095 a:0.015141719952225685 :0.18312706053256989 +of:0.7236492037773132 ot:0.018244655802845955 and:0.017248772084712982 in:0.013616296462714672 :0.01878512278199196 +the:0.2207096368074417 least:0.05666785314679146 a:0.02971336618065834 once:0.0281121376901865 :0.1276702880859375 +down:0.11335885524749756 out:0.04359324648976326 the:0.03944860398769379 on:0.03298894688487053 :0.10541138052940369 +the:0.31721752882003784 a:0.0824814960360527 his:0.023296145722270012 this:0.023086821660399437 :0.10302366316318512 +the:0.07153968513011932 be:0.04409685358405113 make:0.02068547159433365 do:0.019680732861161232 :0.09941229969263077 +the:0.17692483961582184 and:0.09074025601148605 it:0.027563562616705894 but:0.02432648465037346 :0.07884533703327179 +not:0.10512599349021912 now:0.028350986540317535 glad:0.026205353438854218 the:0.022651731967926025 :0.09617201238870621 +and:0.09047828614711761 to:0.05328168720006943 was:0.04372549429535866 in:0.03426910191774368 :0.08372674882411957 +and:0.14835099875926971 Block:0.057122454047203064 to:0.051421359181404114 in:0.024758469313383102 :0.0977940782904625 +the:0.15599767863750458 upon:0.05953411012887955 for:0.038234908133745193 a:0.034625474363565445 :0.1844472587108612 +who:0.06676136702299118 in:0.05916240066289902 were:0.046075303107500076 to:0.03674645721912384 :0.04666779935359955 +much:0.13543261587619781 many:0.03266001492738724 late:0.030771659687161446 long:0.024277273565530777 :0.10809145867824554 +and:0.0893794372677803 The:0.03558478131890297 It:0.023218190297484398 in:0.021273663267493248 :0.14829714596271515 +the:0.2691449522972107 a:0.049890659749507904 this:0.018748655915260315 his:0.018616478890180588 :0.13179679214954376 +the:0.33442753553390503 be:0.05000753700733185 a:0.04663154482841492 tho:0.017302969470620155 :0.07630407810211182 +Cruz:0.13397108018398285 Fe:0.13266515731811523 Fe,:0.059147994965314865 Ana:0.026356881484389305 :0.4508930742740631 +the:0.1302591860294342 a:0.12217915058135986 such:0.0518411323428154 it:0.030148420482873917 :0.08355145156383514 +was:0.08521241694688797 had:0.051218632608652115 is:0.03382263332605362 would:0.029783794656395912 :0.13423267006874084 +of:0.09943199157714844 the:0.09783901274204254 that:0.05776508152484894 this:0.034156206995248795 :0.1705898493528366 +and:0.16464418172836304 of:0.14936549961566925 which:0.04115641489624977 in:0.028878459706902504 :0.025268947705626488 +that:0.08478054404258728 and:0.06566103547811508 the:0.04431948438286781 to:0.04326043277978897 :0.06429003179073334 +be:0.0829005166888237 not:0.03482065349817276 make:0.025967540219426155 do:0.02328478731215 :0.11622010171413422 +and:0.10120421648025513 of:0.09295031428337097 The:0.02794959768652916 to:0.025225361809134483 :0.16452336311340332 +of:0.6352140307426453 than:0.06193225458264351 and:0.05193809047341347 to:0.015414892695844173 :0.023245790973305702 +the:0.12700025737285614 a:0.04041829705238342 that:0.02983083575963974 in:0.02346217818558216 :0.0552007257938385 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +of:0.1842353641986847 and:0.07588396221399307 are:0.03981410339474678 were:0.039363764226436615 :0.041513487696647644 +the:0.06550785154104233 a:0.024167373776435852 that:0.018421223387122154 of:0.01819416508078575 :0.11963972449302673 +the:0.06862639635801315 in:0.04195080325007439 a:0.038987185806035995 that:0.037090156227350235 :0.09799598902463913 +the:0.1591801941394806 be:0.03481206297874451 a:0.03083779849112034 see:0.017854193225502968 :0.09301508963108063 +purposes:0.03799363598227501 purposes.:0.0213254913687706 purposes,:0.018603751435875893 purpose:0.018086355179548264 :0.2443196028470993 +are:0.11309094727039337 have:0.08771609514951706 were:0.06350811570882797 had:0.048106588423252106 :0.08697729557752609 +and:0.18775342404842377 the:0.0522192157804966 with:0.03369005769491196 in:0.025778472423553467 :0.057572729885578156 +and:0.21350646018981934 in:0.07028000056743622 with:0.043613895773887634 but:0.03715908154845238 :0.047700561583042145 +the:0.23174498975276947 a:0.06206001713871956 this:0.015231126919388771 their:0.014566945843398571 :0.1326751410961151 +and:0.10535047948360443 to:0.020166728645563126 of:0.018576672300696373 who:0.016319168731570244 :0.26985397934913635 +the:0.2653554677963257 a:0.04207036271691322 this:0.0166887529194355 tho:0.013577891513705254 :0.12905016541481018 +been:0.11318463832139969 a:0.07119865715503693 the:0.03662871569395065 not:0.02876369096338749 :0.0679386556148529 +the:0.18300969898700714 and:0.04916440695524216 a:0.030748920515179634 his:0.026964522898197174 :0.05950237065553665 +the:0.2210799902677536 a:0.04567909240722656 this:0.031053489074110985 tho:0.02067658305168152 :0.14637210965156555 +is:0.2813173830509186 was:0.1429443061351776 Is:0.06031987816095352 has:0.036271724849939346 :0.06841246038675308 +the:0.1590280383825302 he:0.04439995810389519 it:0.03897407278418541 they:0.03212496638298035 :0.06652271747589111 +the:0.20871149003505707 a:0.027881057932972908 this:0.013722844421863556 their:0.013105636462569237 :0.16712230443954468 +know:0.057364288717508316 the:0.057021480053663254 know,:0.03878161311149597 of:0.02881048247218132 :0.10674205422401428 +and:0.05316699296236038 in:0.04397087171673775 at:0.039812445640563965 to:0.03644552081823349 :0.10860248655080795 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +.:0.019995704293251038 d:0.018003392964601517 e:0.01771313138306141 s:0.01531571988016367 :0.3057878017425537 +the:0.35849708318710327 a:0.04701617360115051 this:0.020641181617975235 their:0.01849271170794964 :0.15995024144649506 +and:0.07087036222219467 the:0.03240068256855011 to:0.02613338641822338 with:0.020338943228125572 :0.17587240040302277 +and:0.056792251765728 of:0.03189714252948761 the:0.018302880227565765 The:0.01766705885529518 :0.18527282774448395 +the:0.07635730504989624 a:0.04930686578154564 and:0.02766626887023449 to:0.018055075779557228 :0.09922119975090027 +cent:0.2095693051815033 cent,:0.18336912989616394 cent.:0.0688897892832756 centum:0.03488647937774658 :0.1226387470960617 +and:0.05480072274804115 of:0.035245612263679504 The:0.022299589589238167 to:0.017220141366124153 :0.17170989513397217 +the:0.3826916217803955 a:0.0273298230022192 his:0.019767070189118385 our:0.017180245369672775 :0.10182745009660721 +and:0.04781099781394005 of:0.0439472533762455 in:0.016990387812256813 to:0.01399608887732029 :0.21882127225399017 +own:0.03545427694916725 duty:0.017900677397847176 mind:0.016679584980010986 name:0.014652763493359089 :0.17639315128326416 +and:0.05137119069695473 the:0.03788723051548004 to:0.03194783255457878 a:0.026201391592621803 :0.14790257811546326 +of:0.3098580837249756 and:0.09206509590148926 was:0.0251429732888937 is:0.02304541878402233 :0.02669905126094818 +to:0.5677977204322815 of:0.08117880672216415 in:0.017268382012844086 and:0.0167069174349308 :0.04963691905140877 +and:0.022437861189246178 law:0.006112169474363327 trial:0.005737432278692722 work:0.005498094949871302 :0.1377670019865036 +The:0.16279000043869019 It:0.07886461913585663 In:0.025209207087755203 He:0.02487991750240326 :0.09599974751472473 +who:0.2939230501651764 of:0.02152869664132595 in:0.019462240859866142 whose:0.012120078317821026 :0.1061539500951767 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +of:0.06106695905327797 and:0.05379378795623779 the:0.02808035910129547 The:0.02148333378136158 :0.18942230939865112 +to:0.554046630859375 and:0.08778125792741776 for:0.021372493356466293 by:0.02050454542040825 :0.0279664508998394 +be:0.34946590662002563 exceed:0.06787209957838058 have:0.028212478384375572 apply:0.022969460114836693 :0.06351242959499359 +was:0.07877619564533234 is:0.07511521130800247 and:0.05085588991641998 of:0.032968636602163315 :0.09465863555669785 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +and:0.12074486166238785 in:0.06653131544589996 of:0.05335748568177223 the:0.026093315333127975 :0.05834616720676422 +funeral:0.045906778424978256 meeting:0.016127267852425575 funeral,:0.011864278465509415 same:0.005974763538688421 :0.1949109584093094 +the:0.07748319953680038 North:0.049295131117105484 Minnesota,:0.04875544086098671 affairs:0.04848531633615494 :0.12016335874795914 +the:0.3290843069553375 State:0.06921746581792831 War:0.06574397534132004 State,:0.05248023197054863 :0.0994662418961525 +of:0.046925224363803864 and:0.03029581718146801 the:0.02780611626803875 in:0.01741865463554859 :0.14434221386909485 +the:0.16312895715236664 a:0.06520762294530869 his:0.01260300725698471 this:0.011934229172766209 :0.1984870880842209 +the:0.25757166743278503 this:0.03465772420167923 a:0.032948389649391174 said:0.024261409416794777 :0.10427805781364441 +been:0.5294423699378967 boon:0.029585616663098335 a:0.01771676540374756 the:0.016608169302344322 :0.06945762038230896 +the:0.07019224762916565 and:0.0647158995270729 a:0.019993482157588005 all:0.010957025922834873 :0.09930145740509033 +the:0.40570950508117676 them:0.08724837005138397 these:0.03180652856826782 our:0.02578161656856537 :0.046934228390455246 +the:0.25510337948799133 a:0.027971088886260986 work:0.016678256914019585 his:0.012070034630596638 :0.14886422455310822 +and:0.15268810093402863 but:0.07732824981212616 the:0.030542250722646713 that:0.020390957593917847 :0.08698970824480057 +of:0.5728660225868225 and:0.04234917089343071 was:0.018607959151268005 is:0.017475441098213196 :0.032705001533031464 +own:0.024038812145590782 members:0.004807936027646065 most:0.004763392265886068 great:0.004400890786200762 :0.2552633583545685 +and:0.07883477956056595 to:0.06803973019123077 in:0.029703289270401 the:0.026751313358545303 :0.14366047084331512 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.2015608549118042 the:0.06009140983223915 but:0.0572851300239563 with:0.0305489394813776 :0.08152274787425995 +the:0.2106689214706421 a:0.07569613307714462 this:0.01832536794245243 his:0.01662738434970379 :0.1426873505115509 +be:0.7067731618881226 have:0.056739579886198044 not:0.028940660879015923 bo:0.02269207499921322 :0.023134294897317886 +is:0.2018539160490036 was:0.13257378339767456 are:0.10743173956871033 were:0.05387154966592789 :0.03529476746916771 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.17772358655929565 that:0.02561563067138195 a:0.021434925496578217 his:0.014172403141856194 :0.1072663888335228 +and:0.0460042729973793 of:0.030847078189253807 the:0.030336765572428703 to:0.028439819812774658 :0.1644718199968338 +year:0.030104493722319603 is:0.025081433355808258 week:0.017983989790081978 day:0.01768970489501953 :0.10571186989545822 +and:0.07868234068155289 in:0.03780714049935341 to:0.024980641901493073 of:0.023946227505803108 :0.11692587286233902 +and:0.1401001513004303 the:0.0947171151638031 of:0.04781929776072502 that:0.04096630588173866 :0.06788194179534912 +fact:0.020156821236014366 and:0.009050881490111351 shadow:0.005505016073584557 of:0.004298466723412275 :0.297412246465683 +to:0.14048655331134796 and:0.05218466743826866 of:0.05143629014492035 in:0.04390124976634979 :0.042214829474687576 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +the:0.04157033562660217 to:0.02742062881588936 and:0.026964053511619568 of:0.026220908388495445 :0.1251973956823349 +to:0.0889010801911354 the:0.04911048337817192 a:0.03900556266307831 and:0.0247263852506876 :0.1775161176919937 +the:0.25146663188934326 this:0.034285396337509155 a:0.02816997841000557 their:0.02232193946838379 :0.0840008482336998 +of:0.4020957946777344 and:0.0694008469581604 was:0.04936354607343674 is:0.03795035928487778 :0.03219340369105339 +a:0.027739496901631355 able:0.021260572597384453 made:0.015108373947441578 allowed:0.014467816799879074 :0.19205524027347565 +and:0.10176070779561996 of:0.07269353419542313 in:0.05581934005022049 on:0.04970240965485573 :0.055283866822719574 +of:0.7519180178642273 for:0.06028653308749199 and:0.02256663329899311 ot:0.010610961355268955 :0.013103180564939976 +cept:0.10096248239278793 plained:0.03159001097083092 penses:0.02248762734234333 perience:0.01879192143678665 :0.4062650203704834 +of:0.8320185542106628 ot:0.021527981385588646 and:0.013528570532798767 to:0.012044918723404408 :0.010328207165002823 +the:0.08562489598989487 I:0.06869903951883316 he:0.04279312863945961 it:0.03801674023270607 :0.09575002640485764 +the:0.09364407509565353 a:0.0853545069694519 not:0.04437942057847977 to:0.04431959241628647 :0.10700943320989609 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +own:0.026829075068235397 to:0.01808350346982479 husband:0.016375254839658737 mother:0.016060305759310722 :0.17519693076610565 +the:0.10621851682662964 not:0.03983035311102867 a:0.023936234414577484 to:0.01613793894648552 :0.18196241557598114 +and:0.02105804905295372 J.:0.009825419634580612 John:0.008799430914223194 I:0.007214949931949377 :0.4167958199977875 +the:0.15633416175842285 this:0.038074519485235214 a:0.03343665227293968 order:0.02360185980796814 :0.10304222255945206 +and:0.05318513885140419 the:0.04014626890420914 of:0.030900925397872925 The:0.020827749744057655 :0.2130928784608841 +the:0.5960885286331177 which:0.031035516411066055 tho:0.028771674260497093 his:0.02597896382212639 :0.03048574924468994 +the:0.2313452959060669 a:0.09328173846006393 their:0.01700536720454693 this:0.014656398445367813 :0.0671541690826416 +great:0.020936481654644012 very:0.019548827782273293 good:0.013637199997901917 little:0.013554761186242104 :0.09920304268598557 +the:0.0400971993803978 more:0.038184210658073425 a:0.03029521182179451 any:0.02416282519698143 :0.17801986634731293 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +thing:0.02224978804588318 way:0.021731501445174217 manner:0.016952069476246834 course:0.013383948244154453 :0.14008450508117676 +and:0.09374204277992249 The:0.020843148231506348 to:0.02008119784295559 the:0.016992490738630295 :0.14711162447929382 +the:0.12029813975095749 a:0.11536243557929993 soon:0.04442477226257324 it:0.04390411078929901 :0.053450264036655426 +State:0.006834079977124929 said:0.005821633152663708 other:0.0052031236700713634 people:0.004908774513751268 :0.21101114153862 +for:0.10127650201320648 and:0.0903230831027031 to:0.06780225038528442 by:0.06751937419176102 :0.0755583718419075 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.07549327611923218 to:0.05741758644580841 by:0.039672400802373886 in:0.02432161197066307 :0.13086660206317902 +a.:0.08331120759248734 p.:0.07826292514801025 noon:0.07791540771722794 in:0.06878483295440674 :0.09830254316329956 +the:0.3159537613391876 a:0.07233016937971115 his:0.02445213310420513 all:0.015981581062078476 :0.0813102200627327 +every:0.04716770723462105 a:0.03283713757991791 as:0.02339107356965542 entirely:0.02318543754518032 :0.2590562105178833 +be:0.24528954923152924 have:0.0416073203086853 do:0.017192890867590904 get:0.014676117338240147 :0.0991661325097084 +ister:0.35177144408226013 ing:0.09961012005805969 ute:0.0644865408539772 eral:0.052326567471027374 :0.17873738706111908 +to:0.03687208890914917 the:0.028069619089365005 in:0.01891026832163334 and:0.0143219493329525 :0.26331397891044617 +the:0.0696406215429306 a:0.012352519668638706 to:0.011686201207339764 that:0.011370182037353516 :0.16424249112606049 +Pierce,:0.024410253390669823 .:0.01855950616300106 and:0.013985555619001389 The:0.01375042274594307 :0.388262540102005 +to:0.2241668552160263 is:0.06212729588150978 of:0.054585330188274384 the:0.03802131861448288 :0.07087663561105728 +the:0.0721212700009346 to:0.01705021783709526 a:0.014524197205901146 said:0.0122133269906044 :0.13781288266181946 +possible:0.040778327733278275 of:0.03991250693798065 one:0.016590837389230728 a:0.012325801886618137 :0.1624419391155243 +the:0.21896708011627197 with:0.06712304800748825 and:0.05938262864947319 a:0.048650700598955154 :0.04852355271577835 +few:0.024633631110191345 large:0.013964425772428513 short:0.012468775734305382 long:0.012170406058430672 :0.1951618641614914 +the:0.18083690106868744 a:0.047616761177778244 two:0.02414756454527378 one:0.021273266524076462 :0.19708269834518433 +and:0.058020662516355515 the:0.035918477922677994 to:0.027682678773999214 in:0.022257443517446518 :0.14968818426132202 +and:0.07549327611923218 to:0.05741758644580841 by:0.039672400802373886 in:0.02432161197066307 :0.13086660206317902 +the:0.35057973861694336 a:0.07701914757490158 this:0.02248486503958702 his:0.019028600305318832 :0.07757559418678284 +the:0.11080379039049149 a:0.02512826770544052 that:0.021516242995858192 in:0.014035893604159355 :0.11088721454143524 +chopped:0.034847062081098557 and:0.02412349358201027 of:0.01730210706591606 the:0.015505936928093433 :0.16563457250595093 +District,:0.1411323994398117 District:0.13744521141052246 Court:0.03468409925699234 Dis­:0.0276477113366127 :0.24112451076507568 +the:0.03251243010163307 and:0.031939562410116196 of:0.02548208273947239 a:0.012060914188623428 :0.2134387493133545 +of:0.1511785089969635 and:0.09524597972631454 the:0.05117115378379822 was:0.024502048268914223 :0.075459785759449 +thing:0.02224978804588318 way:0.021731501445174217 manner:0.016952069476246834 course:0.013383948244154453 :0.14008450508117676 +and:0.053857166320085526 the:0.036708712577819824 was:0.023244762793183327 in:0.017164207994937897 :0.1742037832736969 +the:0.0626029372215271 a:0.019388560205698013 to:0.013047747313976288 that:0.012962077744305134 :0.13562963902950287 +the:0.05085662007331848 a:0.046871673315763474 not:0.034256711602211 made:0.02972770668566227 :0.1213945746421814 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +The:0.1718672811985016 It:0.04854054003953934 A:0.036448150873184204 In:0.02673320658504963 :0.09854505956172943 +the:0.32825928926467896 a:0.050017498433589935 his:0.027088552713394165 tho:0.012289571575820446 :0.09467794001102448 +of:0.17295396327972412 the:0.04775116592645645 in:0.04137983173131943 was:0.03048056736588478 :0.10375837236642838 +of:0.5814076662063599 and:0.03242836147546768 was:0.01782895438373089 that:0.016428466886281967 :0.023602401837706566 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +of:0.4187543988227844 in:0.05119700729846954 and:0.03771604970097542 on:0.029200080782175064 :0.03092792257666588 +the:0.08673521131277084 a:0.06961085647344589 to:0.028034916147589684 that:0.024906063452363014 :0.11790531873703003 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +The:0.1425725221633911 It:0.09267550706863403 He:0.030765822157263756 I:0.02749108523130417 :0.17243577539920807 +the:0.1154213398694992 it:0.06229422241449356 they:0.052690740674734116 he:0.05261256545782089 :0.10059963911771774 +own:0.0498628169298172 respective:0.011498261243104935 own.:0.005039859097450972 own,:0.00395617401227355 :0.23608587682247162 +same:0.010720967315137386 matter:0.010525357909500599 most:0.010208295658230782 whole:0.008145133964717388 :0.12526893615722656 +of:0.638215959072113 and:0.026161836460232735 meeting:0.017375778406858444 ot:0.01561778225004673 :0.05553431436419487 +were:0.09543885290622711 are:0.08939208090305328 have:0.08142451196908951 had:0.039049264043569565 :0.06925325095653534 +been:0.30820271372795105 a:0.04306641221046448 the:0.03655490651726723 to:0.025580840185284615 :0.09629583358764648 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.032147735357284546 of:0.026402214542031288 The:0.012267917394638062 the:0.011243564076721668 :0.22402045130729675 +to:0.06103655695915222 the:0.044116873294115067 and:0.03541865199804306 in:0.019758787006139755 :0.14264719188213348 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +and:0.2095699906349182 is:0.05016421154141426 as:0.03785782307386398 was:0.03512468561530113 :0.09514489024877548 +the:0.25274553894996643 a:0.0439399890601635 this:0.016210606321692467 once:0.016128115355968475 :0.13144275546073914 +the:0.043787483125925064 and:0.036663807928562164 of:0.03605327010154724 to:0.024807604029774666 :0.18818730115890503 +as:0.16882693767547607 a:0.1370488703250885 an:0.03629300743341446 is:0.006291364785283804 :0.1429521143436432 +of:0.7672451138496399 and:0.025247247889637947 ot:0.024788513779640198 for:0.013821887783706188 :0.013368547894060612 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +that:0.06523759663105011 to:0.04211493209004402 he:0.022813957184553146 the:0.021619047969579697 :0.12096012383699417 +the:0.145258367061615 a:0.08114510774612427 to:0.05120711773633957 notice:0.03484030440449715 :0.10433678328990936 +as:0.2747483253479004 in:0.06606797128915787 and:0.04319803789258003 after:0.036776378750801086 :0.039867252111434937 +and:0.02085196040570736 land:0.005574004724621773 people:0.005397165194153786 the:0.004891063552349806 :0.45949485898017883 +Dewey:0.12977878749370575 Sampson:0.035297270864248276 and:0.02981889247894287 Schley:0.024144897237420082 :0.464995801448822 +and:0.11478788405656815 the:0.049370620399713516 or:0.023398566991090775 of:0.012426458299160004 :0.20284698903560638 +are:0.09483973681926727 were:0.07330343127250671 will:0.054956987500190735 have:0.04949429631233215 :0.07725829631090164 +the:0.2906218469142914 a:0.03579466789960861 his:0.017773201689124107 their:0.015151220373809338 :0.10418080538511276 +the:0.3090713322162628 a:0.03297487273812294 this:0.024047337472438812 their:0.019932333379983902 :0.07551625370979309 +only:0.009380466304719448 first:0.008851837366819382 said:0.007093785330653191 following:0.006535238120704889 :0.16114306449890137 +the:0.2197001725435257 a:0.06286114454269409 be:0.017144640907645226 his:0.010701926425099373 :0.1708185374736786 +and:0.03640725836157799 the:0.029612360522150993 to:0.023821434006094933 of:0.017726095393300056 :0.1762615144252777 +the:0.3380672335624695 this:0.03596572205424309 a:0.034601930528879166 which:0.020814137533307076 :0.08322731405496597 +of:0.06984066218137741 that:0.06392545998096466 to:0.053573161363601685 but:0.04419328644871712 :0.09717869758605957 +the:0.05851813778281212 and:0.036927007138729095 to:0.03284233435988426 be:0.029664689674973488 :0.15417173504829407 +not:0.03980768099427223 the:0.023995064198970795 to:0.023149289190769196 now:0.02166629768908024 :0.12816151976585388 +of:0.13562044501304626 and:0.043549153953790665 to:0.014658039435744286 the:0.011333616450428963 :0.21024098992347717 +the:0.24515093863010406 a:0.11071877926588058 tho:0.014879914931952953 his:0.012536133639514446 :0.1477689892053604 +of:0.07857668399810791 and:0.07002799212932587 to:0.04288464039564133 the:0.041629619896411896 :0.12407098710536957 +to:0.14249619841575623 out:0.0661621242761612 in:0.05296852067112923 from:0.052466943860054016 :0.04438305273652077 +morning:0.16517817974090576 afternoon:0.11484552919864655 by:0.041143495589494705 morning.:0.03907795250415802 :0.03330083191394806 +the:0.30585014820098877 a:0.047939006239175797 this:0.037299178540706635 that:0.028485743328928947 :0.1664285510778427 +be:0.580163836479187 have:0.07460273057222366 bo:0.024107184261083603 not:0.010263695381581783 :0.03686961904168129 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +that:0.0744563415646553 and:0.05745342746376991 the:0.048880115151405334 a:0.041314054280519485 :0.09454337507486343 +the:0.12004256248474121 that:0.03037210740149021 a:0.027010830119252205 as:0.01226875465363264 :0.1390841007232666 +and:0.06024119630455971 the:0.055091481655836105 ed:0.03178146854043007 a:0.02792361192405224 :0.0838734358549118 +to:0.02717585489153862 and:0.0226870346814394 of:0.012860308401286602 claims:0.007301027420908213 :0.16289517283439636 +and:0.02331949584186077 life:0.015259128995239735 friends:0.013886799104511738 career:0.013294976204633713 :0.270145058631897 +the:0.20871149003505707 a:0.027881057932972908 this:0.013722844421863556 their:0.013105636462569237 :0.16712230443954468 +have:0.05829143151640892 are:0.04664468765258789 were:0.029439745470881462 find:0.01863665133714676 :0.06847327202558517 +of:0.2128741294145584 and:0.05431785807013512 the:0.04750176519155502 in:0.03508799150586128 :0.10794123262166977 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +for:0.07880514860153198 and:0.07373996824026108 at:0.03750576451420784 to:0.0324130654335022 :0.11877754330635071 +the:0.2558519244194031 a:0.0407363697886467 which:0.02373986691236496 tho:0.01943916641175747 :0.15491294860839844 +and:0.05036921054124832 of:0.036148037761449814 to:0.019586041569709778 the:0.019043566659092903 :0.20030057430267334 +date:0.008526808582246304 United:0.007610153406858444 fact:0.006294529885053635 first:0.006063907407224178 :0.19325482845306396 +the:0.24072617292404175 a:0.06527525186538696 his:0.019535496830940247 this:0.016292612999677658 :0.10758023709058762 +of:0.17132987082004547 in:0.0598287470638752 and:0.05682961270213127 to:0.048657454550266266 :0.03343943506479263 +not:0.0427381731569767 the:0.036632370203733444 now:0.03284946456551552 in:0.01715594343841076 :0.10827101767063141 +to:0.5003899335861206 of:0.039935771375894547 in:0.03195906803011894 is:0.01683454029262066 :0.0268645491451025 +of:0.05253871902823448 the:0.04232301190495491 branches:0.03539593890309334 Houses:0.0294058658182621 :0.14578236639499664 +south:0.12144123762845993 north:0.06911078840494156 with:0.056115392595529556 to:0.05021876096725464 :0.1120721697807312 +the:0.37395983934402466 a:0.037983618676662445 this:0.0369534008204937 his:0.014853723347187042 :0.12679606676101685 +to:0.12216419726610184 in:0.10319558531045914 at:0.08036910742521286 by:0.06482018530368805 :0.0536826029419899 +the:0.3100094795227051 a:0.03513384237885475 to:0.025219742208719254 and:0.022818289697170258 :0.07760600745677948 +same:0.016490204259753227 most:0.0068533942103385925 first:0.006447726860642433 whole:0.005402774550020695 :0.1675085723400116 +United:0.013830685056746006 State:0.008938537910580635 said:0.005813676863908768 most:0.005292195826768875 :0.25928518176078796 +and:0.015656180679798126 of:0.015224521048367023 the:0.013086450286209583 to:0.01304569747298956 :0.12712804973125458 +seat:0.01899923011660576 long:0.01555843185633421 little:0.014283646829426289 place:0.011612516827881336 :0.15480388700962067 +first:0.03682202845811844 service:0.026022691279649734 passage:0.016567982733249664 expiration:0.014587546698749065 :0.17361778020858765 +the:0.3384862542152405 a:0.08832564949989319 that:0.05480244383215904 his:0.04034193605184555 :0.03774358704686165 +and:0.07185439765453339 to:0.025630932301282883 than:0.024510571733117104 in:0.02280987799167633 :0.26916754245758057 +The:0.08675309270620346 It:0.0381753109395504 He:0.0354057252407074 In:0.029705923050642014 :0.14320124685764313 +the:0.23384800553321838 a:0.11000816524028778 this:0.031021783128380775 his:0.02503860369324684 :0.05665433034300804 +of:0.1248905286192894 for:0.0731397420167923 and:0.06900258362293243 to:0.06706350296735764 :0.06287647783756256 +C:0.017816711217164993 D.:0.009927937760949135 and:0.009765260852873325 1915,:0.009286941960453987 :0.3371671736240387 +d:0.10266318172216415 the:0.031160878017544746 a:0.024065084755420685 of:0.014207393862307072 :0.33299535512924194 +A.:0.03416150063276291 J.:0.02453848347067833 H.:0.020890705287456512 B.:0.01859525591135025 :0.4485131502151489 +and:0.11798734962940216 the:0.054138340055942535 in:0.03024214133620262 as:0.0287264846265316 :0.03680795058608055 +the:0.2342972755432129 be:0.031576115638017654 a:0.02493814378976822 tho:0.012401634827256203 :0.1322714388370514 +of:0.32905280590057373 by:0.06588265299797058 to:0.04745376482605934 and:0.023236198350787163 :0.11142689734697342 +of:0.23067712783813477 and:0.05997006967663765 that:0.02792303077876568 to:0.021648725494742393 :0.04059283435344696 +valorem:0.11964889615774155 ministration:0.08885650336742401 vantage:0.03593679517507553 vantages:0.03260157257318497 :0.37320178747177124 +the:0.1792302131652832 a:0.024918269366025925 this:0.021638520061969757 said:0.01652873307466507 :0.14136292040348053 +as:0.13683585822582245 a:0.0719708800315857 the:0.0678914487361908 and:0.04442070797085762 :0.05861026421189308 +sume:0.21023182570934296 sist:0.028835104778409004 sistant:0.02153274044394493 sembled:0.020728619769215584 :0.32746413350105286 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +more:0.07333695143461227 one:0.04722489044070244 matter:0.024880951270461082 such:0.02316456288099289 :0.13978052139282227 +deal:0.11664856225252151 many:0.03725344315171242 thing:0.02426314540207386 and:0.011706194840371609 :0.12777523696422577 +the:0.20207847654819489 a:0.054322436451911926 this:0.03757312521338463 tho:0.01923190802335739 :0.09663383662700653 +The:0.20131368935108185 It:0.06622263789176941 I:0.061990752816200256 A:0.033418357372283936 :0.10173920542001724 +be:0.28842151165008545 have:0.04673473536968231 not:0.032813843339681625 bo:0.020671598613262177 :0.12021254003047943 +the:0.1844557821750641 this:0.03787783160805702 order:0.03452767804265022 a:0.034108757972717285 :0.09829575568437576 +been:0.4075549840927124 not:0.03690540790557861 a:0.03172966092824936 to:0.030187567695975304 :0.05565023422241211 +The:0.11742715537548065 In:0.050893235951662064 It:0.03703140467405319 I:0.031106779351830482 :0.0883244201540947 +the:0.2279447317123413 a:0.04046224430203438 said:0.02142232097685337 which:0.016658512875437737 :0.18650506436824799 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.041299935430288315 and:0.028384020552039146 to:0.028026122599840164 of:0.01702139899134636 :0.1924455463886261 +the:0.18677358329296112 he:0.08626876771450043 they:0.0597781203687191 it:0.03696468472480774 :0.06123059242963791 +The:0.14373473823070526 It:0.06469639390707016 He:0.039078958332538605 I:0.026012593880295753 :0.1290222555398941 +the:0.025582125410437584 was:0.024959063157439232 and:0.023967823013663292 is:0.020516403019428253 :0.2456570565700531 +been:0.2658667266368866 not:0.018894577398896217 had:0.01381264254450798 to:0.013540218584239483 :0.09296124428510666 +a:0.07010596990585327 not:0.05420732498168945 the:0.05396781489253044 in:0.016393130645155907 :0.10485593974590302 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.47669246792793274 a:0.0443364642560482 tho:0.024980874732136726 his:0.02024136669933796 :0.08284129202365875 +the:0.2374192774295807 a:0.045413173735141754 and:0.03032895177602768 of:0.019637441262602806 :0.13923071324825287 +the:0.05517153441905975 a:0.01317871455103159 that:0.012641241773962975 he:0.008808504790067673 :0.2797805368900299 +and:0.17534565925598145 to:0.15549594163894653 on:0.08680078387260437 at:0.02488493174314499 :0.07320054620504379 +to:0.07047431170940399 and:0.06986095011234283 of:0.031992070376873016 at:0.018438348546624184 :0.188105046749115 +the:0.060626909136772156 not:0.05508551374077797 a:0.050926826894283295 to:0.022248368710279465 :0.11222343146800995 +and:0.10686016827821732 was:0.015131129883229733 at:0.014840930700302124 to:0.014122990891337395 :0.20875488221645355 +crease:0.023762620985507965 creased:0.020519385114312172 terest:0.014452019706368446 teresting:0.013104788959026337 :0.5212457776069641 +that:0.13010254502296448 the:0.12609736621379852 to:0.1008712574839592 of:0.03981757164001465 :0.041894398629665375 +other:0.05744735151529312 one:0.042736705392599106 of:0.038456227630376816 person:0.029739581048488617 :0.11292918771505356 +the:0.2927452623844147 a:0.037823960185050964 this:0.034486062824726105 and:0.031245507299900055 :0.07186177372932434 +in:0.011478828266263008 a:0.010376088321208954 to:0.009234019555151463 the:0.008663476444780827 :0.2385091483592987 +is:0.07967033237218857 have:0.05669371038675308 are:0.054842062294483185 has:0.045937445014715195 :0.06042264401912689 +hundred:0.11085237562656403 years:0.06907033920288086 miles:0.06835512071847916 feet:0.06288682669401169 :0.0469508096575737 +the:0.274529367685318 a:0.04055623337626457 this:0.0333125926554203 their:0.017487168312072754 :0.08387085795402527 +in:0.22676661610603333 of:0.15282680094242096 that:0.062002941966056824 and:0.053963955491781235 :0.032510481774806976 +and:0.3655678629875183 of:0.08395004272460938 in:0.04090350493788719 to:0.03404242917895317 :0.03551994636654854 +to:0.42632201313972473 the:0.06187441200017929 of:0.04538990929722786 a:0.03827659785747528 :0.034292880445718765 +to:0.11241109669208527 and:0.058881934732198715 the:0.018069149926304817 The:0.014407905749976635 :0.19794896245002747 +the:0.47709402441978455 a:0.028886180371046066 his:0.026121463626623154 this:0.01940455660223961 :0.07611335813999176 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +a:0.13107331097126007 an:0.03251269832253456 resale:0.019744014367461205 as:0.01217531505972147 :0.14970266819000244 +the:0.2974323332309723 a:0.09040199965238571 an:0.016047731041908264 Mr.:0.014744087122380733 :0.112435482442379 +to:0.05189976096153259 not:0.045056622475385666 a:0.041632890701293945 the:0.03190959244966507 :0.11906170845031738 +and:0.05814333260059357 in:0.0471879281103611 to:0.04390069469809532 of:0.034231867641210556 :0.09879814088344574 +time:0.04074019938707352 condition:0.01776815764605999 time,:0.017755234614014626 time.:0.016867630183696747 :0.11599382013082504 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +DISTRICT:0.22694122791290283 COUNTY:0.009468047879636288 .:0.005935704335570335 STATE:0.0036186575889587402 :0.7078933119773865 +great:0.01749572716653347 good:0.017382875084877014 very:0.01735627092421055 few:0.01720256544649601 :0.16018033027648926 +the:0.23728415369987488 a:0.05516597256064415 this:0.018999768421053886 to:0.017450356855988503 :0.12576650083065033 +and:0.08783059567213058 the:0.07211236655712128 that:0.022486018016934395 to:0.02104274183511734 :0.09917746484279633 +mortgage:0.03551492840051651 John:0.014492273330688477 County:0.012314995750784874 William:0.009532668627798557 :0.16362731158733368 +the:0.495189905166626 a:0.05271867290139198 tho:0.02191263809800148 said:0.01839103177189827 :0.06273381412029266 +the:0.49157583713531494 a:0.09304182231426239 his:0.027404237538576126 tho:0.02138320915400982 :0.05899311974644661 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +in:0.3416968286037445 In:0.06483601778745651 and:0.03840216249227524 of:0.03256166726350784 :0.03607190027832985 +sum:0.014273043721914291 same:0.013076656498014927 said:0.010131859220564365 sale:0.009415931068360806 :0.20696310698986053 +to:0.17223867774009705 in:0.10804472118616104 with:0.04666295647621155 from:0.036272987723350525 :0.03329123184084892 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +than:0.26660430431365967 or:0.03816555440425873 and:0.020926713943481445 of:0.01355247013270855 :0.1490168273448944 +few:0.10575627535581589 year:0.0792061984539032 two:0.06122087314724922 three:0.04218338429927826 :0.0702362060546875 +.:0.019995704293251038 d:0.018003392964601517 e:0.01771313138306141 s:0.01531571988016367 :0.3057878017425537 +to:0.0909772738814354 the:0.07187470048666 many:0.06376655399799347 much:0.049877118319272995 :0.09043200314044952 +been:0.19606250524520874 a:0.051349129527807236 to:0.03017040528357029 the:0.029970813542604446 :0.14765967428684235 +to:0.3540653586387634 that:0.16814418137073517 in:0.06183210760354996 the:0.043830353766679764 :0.04009556770324707 +lot:0.02424987591803074 mortgage:0.018760014325380325 county:0.018255962058901787 Court,:0.016002638265490532 :0.15843673050403595 +part:0.0898202657699585 days:0.05528730899095535 in:0.022289328277111053 stages:0.018057730048894882 :0.13190898299217224 +to:0.06289196014404297 the:0.06054127961397171 and:0.02890712581574917 a:0.025617308914661407 :0.13347385823726654 +wife:0.037885311990976334 friends:0.015915535390377045 wife,:0.012564652599394321 own:0.01101132482290268 :0.1507597267627716 +and:0.09628012776374817 who:0.06580843031406403 Va.,:0.055800288915634155 Va.;:0.037196576595306396 :0.12735207378864288 +to:0.3564927279949188 by:0.2946208715438843 and:0.03376561775803566 on:0.026562100276350975 :0.021456340327858925 +e:0.03256206586956978 and:0.019628487527370453 rate:0.013911728747189045 to:0.009554385207593441 :0.4035346508026123 +to:0.20595987141132355 from:0.06026925519108772 in:0.045548759400844574 into:0.02912433259189129 :0.04270603135228157 +was:0.11116468161344528 had:0.05764766409993172 has:0.04313400387763977 is:0.02647555060684681 :0.04461744427680969 +the:0.11615999042987823 a:0.09278225153684616 to:0.0406649187207222 much:0.029542015865445137 :0.06631413102149963 +the:0.08557445555925369 be:0.07577550411224365 do:0.02641117200255394 a:0.018370863050222397 :0.12962953746318817 +to:0.10305430740118027 and:0.07958550751209259 in:0.06246916949748993 for:0.04263101890683174 :0.04141390323638916 +old:0.01734587736427784 order:0.01093175821006298 1:0.008764054626226425 act:0.00855819508433342 :0.29079732298851013 +of:0.15087948739528656 per:0.1321256458759308 and:0.0776166096329689 on:0.04061991348862648 :0.05367838591337204 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +been:0.35681745409965515 not:0.03365053981542587 a:0.02497457154095173 had:0.018189741298556328 :0.04981596767902374 +the:0.05474326014518738 a:0.024765636771917343 to:0.024179520085453987 any:0.02060835063457489 :0.11843478679656982 +lieves:0.16084171831607819 lieved:0.15271534025669098 gan:0.08033861219882965 come:0.0707874670624733 :0.0962754338979721 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +United:0.0038293807301670313 State:0.0037727472372353077 line:0.0036335187032818794 way:0.003354222746565938 :0.4340118169784546 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.12287996709346771 a:0.0159055907279253 in:0.012894258834421635 that:0.011962015181779861 :0.14813879132270813 +of:0.06724847853183746 and:0.04175697639584541 to:0.03209694102406502 The:0.022185442969202995 :0.1196824237704277 +than:0.2793019115924835 to:0.04305006563663483 the:0.029474971815943718 in:0.029102973639965057 :0.14484281837940216 +the:0.19300243258476257 and:0.07827112823724747 in:0.04611896350979805 to:0.038847025483846664 :0.07363498955965042 +and:0.0679394006729126 of:0.04697197303175926 the:0.02147010713815689 The:0.019976738840341568 :0.20866543054580688 +the:0.3539177477359772 a:0.06856270879507065 virtue:0.018855208531022072 tho:0.01656189002096653 :0.11263135075569153 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.151039719581604 for:0.05596445873379707 crop:0.052298981696367264 to:0.040950387716293335 :0.06150507181882858 +of:0.170522078871727 who:0.033524930477142334 to:0.029355257749557495 in:0.026028230786323547 :0.07169625163078308 +the:0.25143158435821533 a:0.0700053796172142 for:0.06919898837804794 said:0.03564268723130226 :0.06468712538480759 +H.:0.0756104364991188 H:0.046563539654016495 B.:0.030406763777136803 F.:0.029502136632800102 :0.20621488988399506 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +time:0.01527309324592352 right,:0.013752451166510582 other:0.012364895083010197 way:0.008908342570066452 :0.16499440371990204 +and:0.27887022495269775 but:0.041968680918216705 with:0.02866445854306221 the:0.022090254351496696 :0.05963097885251045 +the:0.08051479607820511 a:0.026335464790463448 of:0.011391985230147839 that:0.007786969188600779 :0.19274340569972992 +of:0.6316999793052673 in:0.1285748928785324 a:0.018254145979881287 for:0.01630307361483574 :0.01398633886128664 +to:0.06596129387617111 the:0.05714833736419678 a:0.04310133680701256 in:0.03369841352105141 :0.09116359055042267 +the:0.23352500796318054 a:0.08909958600997925 their:0.015336297452449799 some:0.012575462460517883 :0.09052159637212753 +as:0.08818289637565613 entirely:0.04834015667438507 impossible:0.03803110495209694 in:0.02735549584031105 :0.19192509353160858 +the:0.3294728398323059 a:0.03790021687746048 this:0.024839384481310844 said:0.014685296453535557 :0.135098397731781 +The:0.13479071855545044 It:0.0390411876142025 In:0.03386181592941284 He:0.028978560119867325 :0.05272110924124718 +the:0.21119928359985352 a:0.08488442748785019 his:0.0180569589138031 an:0.017157159745693207 :0.07661176472902298 +to:0.4304140508174896 that:0.08428382128477097 for:0.08068247884511948 and:0.048745375126600266 :0.0356985367834568 +the:0.0812004804611206 r:0.02566457726061344 a:0.015767652541399002 .:0.010433611460030079 :0.31777286529541016 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +to:0.1932433843612671 the:0.06953021138906479 and:0.04730507358908653 in:0.02654080279171467 :0.05952967330813408 +and:0.02685772441327572 of:0.01751617155969143 to:0.014488891698420048 the:0.010304618626832962 :0.283795028924942 +a:0.047519538551568985 that:0.030325070023536682 as:0.029058335348963737 the:0.022221678867936134 :0.10409744083881378 +to:0.14118526875972748 in:0.036170512437820435 as:0.032267507165670395 for:0.0295538492500782 :0.03185007721185684 +of:0.3705887794494629 the:0.05784611403942108 and:0.04253251105546951 was:0.03794373571872711 :0.03571020066738129 +of:0.12570485472679138 and:0.060180775821208954 to:0.03124222159385681 in:0.026266325265169144 :0.12416394799947739 +was:0.1989084631204605 is:0.09693200886249542 has:0.059097010642290115 had:0.04435857757925987 :0.07200327515602112 +the:0.021051276475191116 a:0.010932759381830692 in:0.007516551297158003 and:0.007427245378494263 :0.25310245156288147 +of:0.08296378701925278 the:0.07165795564651489 in:0.03700687363743782 for:0.019707778468728065 :0.07656252384185791 +of:0.48418518900871277 was:0.059127021580934525 is:0.046012505888938904 in:0.035234831273555756 :0.03352272883057594 +one:0.09868880361318588 person:0.09464949369430542 of:0.03899383917450905 man:0.0307336263358593 :0.09681427478790283 +and:0.09399733692407608 in:0.05539276823401451 to:0.05209079757332802 is:0.03102869912981987 :0.04687158018350601 +the:0.32511186599731445 a:0.036485832184553146 account:0.02385210059583187 this:0.02266973815858364 :0.06522481888532639 +and:0.14000865817070007 the:0.053871672600507736 but:0.04005912318825722 is:0.02370378188788891 :0.02366739511489868 +the:0.08764556795358658 a:0.07902611792087555 and:0.032149411737918854 of:0.025536062195897102 :0.0904424861073494 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.30182793736457825 this:0.06618313491344452 a:0.033998627215623856 his:0.014788839034736156 :0.10470406711101532 +have:0.1629733145236969 be:0.13618648052215576 not:0.05514213815331459 make:0.01379382237792015 :0.0864700973033905 +the:0.0890791192650795 a:0.04889810457825661 not:0.031646765768527985 to:0.021360423415899277 :0.16015078127384186 +and:0.18839123845100403 of:0.12604381144046783 in:0.11057604104280472 from:0.03303458169102669 :0.06318873167037964 +the:0.2614170014858246 a:0.047594569623470306 his:0.01948394812643528 which:0.018711205571889877 :0.12485294789075851 +have:0.06697338074445724 am:0.04180333763360977 was:0.028154458850622177 think:0.023714732378721237 :0.09789830446243286 +the:0.09150408953428268 a:0.02952498011291027 his:0.01405748538672924 it:0.012015918269753456 :0.15067996084690094 +E.:0.020411748439073563 A.:0.014734349213540554 B.:0.013884865678846836 J.:0.011956422589719296 :0.34385988116264343 +order:0.022944504395127296 old:0.021825557574629784 act:0.018645549193024635 inch:0.01732419617474079 :0.22439688444137573 +the:0.2919130325317383 this:0.0670592412352562 a:0.01796989142894745 New:0.017705842852592468 :0.10470252484083176 +and:0.06916425377130508 the:0.010313568636775017 in:0.009986592456698418 a:0.008807380683720112 :0.21387042105197906 +the:0.043129969388246536 if:0.03152528032660484 more:0.025114629417657852 in:0.025057055056095123 :0.13891129195690155 +same:0.012603108771145344 amount:0.011848896741867065 said:0.011551561765372753 following:0.008704455569386482 :0.193685844540596 +to:0.05819450691342354 in:0.050683267414569855 and:0.050199247896671295 of:0.04088403657078743 :0.06251077353954315 +of:0.4743163287639618 money:0.1332257091999054 price:0.08376991003751755 and:0.02303929626941681 :0.03667815774679184 +a:0.2596471309661865 no:0.1838967353105545 not:0.04259784519672394 an:0.03471768647432327 :0.04233493655920029 +The:0.05695697292685509 I:0.05498066544532776 He:0.05153186619281769 It:0.039236851036548615 :0.12669195234775543 +of:0.3510766625404358 and:0.0740673840045929 was:0.05335703119635582 in:0.04172284156084061 :0.03582504764199257 +the:0.2056390792131424 he:0.08418940752744675 they:0.07069512456655502 it:0.04729824140667915 :0.06298121064901352 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +the:0.2143721580505371 least:0.18225398659706116 a:0.028925612568855286 last:0.016855617985129356 :0.2046896368265152 +the:0.10079790651798248 be:0.056269194930791855 do:0.0222261194139719 make:0.020145541056990623 :0.09419923275709152 +the:0.31130990386009216 a:0.08537702262401581 their:0.024484233930706978 his:0.01928771287202835 :0.0786801278591156 +o'clock:0.0758359432220459 hundred:0.05662861466407776 years:0.03472873568534851 per:0.021524442359805107 :0.13917317986488342 +and:0.00892576016485691 of:0.0039705620147287846 to:0.003600696800276637 day:0.003182897809892893 :0.30317065119743347 +the:0.2360685169696808 a:0.09821842610836029 his:0.021163800731301308 which:0.017343290150165558 :0.11315365880727768 +Beginning:0.12658502161502838 The:0.045598600059747696 Commencing:0.029613947495818138 Section:0.021737845614552498 :0.25763076543807983 +much:0.08910325914621353 many:0.06533943116664886 to:0.062213506549596786 the:0.05628487095236778 :0.046781275421381 +and:0.06218798831105232 in:0.05561978742480278 a:0.05309538170695305 more:0.0476732961833477 :0.06526867300271988 +the:0.1150858923792839 that:0.06485436856746674 I:0.03218238800764084 he:0.031084341928362846 :0.052981022745370865 +the:0.061552416533231735 and:0.03906805440783501 to:0.03511274978518486 a:0.02946622297167778 :0.14536792039871216 +to:0.06637762486934662 of:0.05607505887746811 and:0.05087414011359215 the:0.022177334874868393 :0.2002437859773636 +same:0.017535245046019554 most:0.00877540372312069 said:0.008503383025527 whole:0.007330398075282574 :0.18148259818553925 +of:0.31784307956695557 to:0.06256476789712906 for:0.04466062784194946 is:0.032139357179403305 :0.031775057315826416 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +lot:0.02424987591803074 mortgage:0.018760014325380325 county:0.018255962058901787 Court,:0.016002638265490532 :0.15843673050403595 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.4096212685108185 a:0.10419229418039322 tho:0.01855645701289177 his:0.012694388628005981 :0.07589723914861679 +the:0.22999322414398193 a:0.03790245205163956 this:0.01936797983944416 his:0.018254902213811874 :0.11956862360239029 +of:0.08534974604845047 and:0.05193869397044182 in:0.018637096509337425 The:0.017784621566534042 :0.12610869109630585 +and:0.05663837864995003 man:0.030643174424767494 men:0.02397826686501503 of:0.010741516947746277 :0.15475508570671082 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +of:0.04519667476415634 and:0.03930540382862091 the:0.03452541306614876 to:0.031876880675554276 :0.15145380795001984 +wife:0.016039082780480385 own:0.015187663026154041 father:0.014788581989705563 heart:0.013581291772425175 :0.13423988223075867 +own:0.02545827440917492 country:0.018341658636927605 people:0.017173554748296738 State:0.01119675301015377 :0.16266362369060516 +to:0.2193571776151657 that:0.17079856991767883 in:0.06236749514937401 from:0.030443225055933 :0.03408297896385193 +have:0.13763530552387238 are:0.07519207149744034 shall:0.044952377676963806 can:0.038463421165943146 :0.04122548922896385 +hundred:0.05389389395713806 years:0.03918023407459259 minutes:0.027705658227205276 and:0.027280649170279503 :0.22430308163166046 +first:0.008028489537537098 men:0.0067892661318182945 following:0.006009225733578205 bill:0.005893171299248934 :0.09998618066310883 +was:0.09692199528217316 had:0.05383075773715973 said:0.04644669219851494 is:0.03895359858870506 :0.12229729443788528 +same:0.012769218534231186 way:0.006819441448897123 best:0.006391141563653946 most:0.004809602629393339 :0.19130630791187286 +of:0.36902275681495667 in:0.041486579924821854 the:0.03394444286823273 and:0.024020487442612648 :0.04470424726605415 +is:0.2774239182472229 was:0.12317095696926117 has:0.04885360971093178 would:0.04355717822909355 :0.038934845477342606 +ordered:0.31710249185562134 ordered,:0.09490775316953659 to:0.03031028062105179 that:0.022554190829396248 :0.10811762511730194 +ciety:0.195846289396286 the:0.054274361580610275 a:0.016291728243231773 and:0.01152715366333723 :0.24272851645946503 +the:0.07699684798717499 and:0.04004361107945442 of:0.025277016684412956 in:0.025060227140784264 :0.12068607658147812 +A.:0.02702999673783779 J.:0.014704998582601547 John:0.014112530276179314 H.:0.010075300931930542 :0.4097985029220581 +the:0.15280665457248688 a:0.018688226118683815 interest:0.015692172572016716 that:0.013127878308296204 :0.16633522510528564 +from:0.10176733136177063 to:0.08510690182447433 by:0.08319707214832306 in:0.04497957602143288 :0.06594482064247131 +a:0.028650866821408272 the:0.02083905041217804 and:0.014038416557013988 to:0.011350435204803944 :0.11203805357217789 +the:0.05332684889435768 and:0.02398693561553955 to:0.019785650074481964 a:0.01645967736840248 :0.2472950965166092 +the:0.05541679635643959 a:0.02185310609638691 that:0.018672414124011993 he:0.009983415715396404 :0.127602681517601 +to:0.95103919506073 in:0.004648569505661726 that:0.0034420352894812822 for:0.0026649071369320154 :0.003058187896385789 +the:0.08199726790189743 a:0.050943877547979355 to:0.03460349515080452 by:0.02756662853062153 :0.02928658202290535 +ing:0.4961228668689728 ed:0.12313338369131088 to:0.02619612216949463 and:0.018870707601308823 :0.08577948063611984 +and:0.12363108992576599 the:0.11979377269744873 a:0.0537506528198719 which:0.03382044658064842 :0.04538166522979736 +the:0.2489510327577591 a:0.06252668052911758 tho:0.014882502146065235 his:0.012036056257784367 :0.1503141075372696 +of:0.5458887815475464 and:0.05371004715561867 that:0.02259954623878002 which:0.021753905341029167 :0.016817620024085045 +of:0.13525035977363586 and:0.09247252345085144 in:0.06346703320741653 to:0.06039821729063988 :0.07101225107908249 +a:0.048119645565748215 the:0.045361168682575226 thing:0.015185504220426083 an:0.009831761941313744 :0.26552191376686096 +with:0.09736765921115875 and:0.07609381526708603 in:0.07245500385761261 to:0.041744671761989594 :0.032461024820804596 +be:0.2942564785480499 have:0.03133174777030945 the:0.029076246544718742 bo:0.018560661002993584 :0.07269676774740219 +and:0.07123184949159622 of:0.0258583165705204 who:0.021862665191292763 the:0.01528149377554655 :0.24119503796100616 +the:0.30323874950408936 them:0.029202787205576897 these:0.021064070984721184 his:0.018852444365620613 :0.1273968368768692 +per:0.15595853328704834 feet:0.10382802784442902 cents:0.08396398276090622 miles:0.07337426394224167 :0.11216561496257782 +and:0.0177469439804554 act:0.006823643576353788 line:0.0038208237383514643 part:0.003700349712744355 :0.2674742043018341 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +to:0.2097790539264679 and:0.05827166885137558 in:0.03245583921670914 of:0.029535219073295593 :0.13022829592227936 +to:0.1551642268896103 of:0.130126491189003 that:0.09397900849580765 for:0.0489804781973362 :0.04434133321046829 +the:0.03483287990093231 I:0.031866807490587234 and:0.02602686733007431 The:0.023872267454862595 :0.2544015944004059 +old:0.01734587736427784 order:0.01093175821006298 1:0.008764054626226425 act:0.00855819508433342 :0.29079732298851013 +of:0.05726724490523338 is:0.053862132132053375 who:0.05278325453400612 was:0.043716203421354294 :0.060108207166194916 +The:0.05820894241333008 and:0.017788559198379517 A:0.01596384309232235 In:0.014770662412047386 :0.5207116007804871 +successively,:0.11464434117078781 ago,:0.07030738145112991 ago:0.06735098361968994 in:0.06183035299181938 :0.05839761346578598 +in:0.09935348480939865 to:0.05118204280734062 of:0.04143049940466881 can:0.030594727024435997 :0.08753806352615356 +the:0.12681181728839874 a:0.08154057711362839 to:0.05014773830771446 it:0.03204720467329025 :0.07475485652685165 +the:0.045987050980329514 and:0.02446538209915161 to:0.013555077835917473 that:0.010177192278206348 :0.24354569613933563 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.01665247417986393 line:0.013807551935315132 the:0.007619689218699932 a:0.006353417877107859 :0.41081786155700684 +the:0.13825711607933044 a:0.02465759962797165 in:0.011964591220021248 that:0.010721907019615173 :0.12216482311487198 +to:0.06807815283536911 the:0.04898178204894066 and:0.02720005437731743 The:0.018343985080718994 :0.12352012097835541 +to:0.23035359382629395 and:0.10522495210170746 on:0.0880422294139862 the:0.07276642322540283 :0.030158625915646553 +and:0.07399924844503403 of:0.03322465717792511 the:0.022755896672606468 that:0.015484437346458435 :0.07563894987106323 +of:0.8570511937141418 ot:0.018623486161231995 in:0.01038406603038311 ol:0.008969544433057308 :0.008811026811599731 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.14665937423706055 a:0.022435763850808144 this:0.013167254626750946 said:0.009370031766593456 :0.22747978568077087 +and:0.16309146583080292 the:0.03144783899188042 than:0.02710413560271263 have:0.02362068183720112 :0.04198388755321503 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +to:0.0451849065721035 the:0.04012429341673851 and:0.033520039170980453 a:0.019517697393894196 :0.16636407375335693 +and:0.040943291038274765 .:0.032134439796209335 in:0.016229933127760887 to:0.012998007237911224 :0.45029985904693604 +and:0.08696270734071732 of:0.030189143493771553 The:0.01724386028945446 to:0.017174774780869484 :0.2286924421787262 +and:0.05692258104681969 as:0.04215701296925545 to:0.026766281574964523 of:0.02533460594713688 :0.18525700271129608 +been:0.14760366082191467 a:0.05584808811545372 the:0.02858027257025242 to:0.025686929002404213 :0.11843021959066391 +few:0.042630698531866074 very:0.015618205070495605 short:0.015611534006893635 large:0.011541273444890976 :0.17077979445457458 +the:0.10138121992349625 a:0.024708418175578117 other:0.01142088882625103 I:0.009447652846574783 :0.16183361411094666 +The:0.13936847448349 It:0.06400546431541443 He:0.03526372089982033 In:0.0314340777695179 :0.09029091894626617 +been:0.2698806822299957 seen:0.06189529225230217 heard:0.047228265553712845 had:0.026330217719078064 :0.08553608506917953 +the:0.17085416615009308 a:0.026793818920850754 that:0.016659067943692207 it:0.014175848104059696 :0.1292477250099182 +provisions:0.0360507033765316 direction:0.03458324074745178 laws:0.024701405316591263 name:0.014884534291923046 :0.16290751099586487 +of:0.05603650584816933 and:0.03241156041622162 to:0.01501487847417593 in:0.013656118884682655 :0.1157548800110817 +and:0.0449516586959362 of:0.02946237474679947 the:0.02913178876042366 at:0.012317375279963017 :0.22124052047729492 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +a:0.050926048308610916 the:0.026677073910832405 made:0.014100716449320316 in:0.01124698854982853 :0.18051491677761078 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +be:0.3371017277240753 not:0.09956804662942886 bo:0.024873103946447372 also:0.01878477819263935 :0.05764065310359001 +know:0.05172891169786453 want:0.025089748203754425 think:0.02492254041135311 see:0.024747323244810104 :0.09021051228046417 +president:0.12277478724718094 and:0.07987247407436371 president,:0.079829141497612 president;:0.04960302636027336 :0.1714099496603012 +the:0.23468159139156342 a:0.0441276915371418 his:0.01648602820932865 this:0.013920956291258335 :0.1434929370880127 +the:0.20679441094398499 a:0.09531369805335999 to:0.04416374862194061 him:0.03829321637749672 :0.03492099419236183 +May,:0.08095688372850418 April,:0.04585292935371399 the:0.044244881719350815 March,:0.043213747441768646 :0.09576082974672318 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +A:0.019325807690620422 A.:0.011990942992269993 The:0.00906780082732439 and:0.006896436680108309 :0.49360576272010803 +the:0.0634683221578598 it:0.03387894853949547 yet:0.03101358748972416 as:0.028578510507941246 :0.0729064792394638 +Virginia:0.0735774114727974 of:0.03398718312382698 Virginia.:0.02929580770432949 and:0.023993516340851784 :0.275613397359848 +the:0.09433699399232864 five:0.02693718671798706 three:0.017178205773234367 ten:0.016993453726172447 :0.15139374136924744 +the:0.05830564349889755 a:0.054198332130908966 not:0.041141632944345474 to:0.04102891683578491 :0.10750726610422134 +the:0.09764114767313004 and:0.044321246445178986 to:0.03375716134905815 a:0.01487661525607109 :0.18856462836265564 +and:0.028213458135724068 the:0.020622339099645615 to:0.01667172461748123 of:0.013433861546218395 :0.22872993350028992 +and:0.13402464985847473 to:0.039788659662008286 in:0.033627938479185104 or:0.028232349082827568 :0.12687762081623077 +a:0.12274648994207382 not:0.04351693019270897 the:0.033971067517995834 in:0.02204921282827854 :0.09906575083732605 +not:0.04850606620311737 to:0.023083819076418877 in:0.020728521049022675 the:0.0179793369024992 :0.128794863820076 +per:0.22713394463062286 a:0.14214663207530975 for:0.10941030085086823 and:0.0431385338306427 :0.06851430982351303 +a:0.11281757801771164 not:0.07292187213897705 the:0.06704414635896683 said:0.02236642874777317 :0.06751331686973572 +the:0.23576930165290833 a:0.0209493525326252 this:0.01871219463646412 said:0.015367048792541027 :0.2924051284790039 +in:0.5645626783370972 to:0.06349845230579376 In:0.05070686712861061 on:0.027326546609401703 :0.027207151055336 +more:0.09178570657968521 from:0.08806630223989487 as:0.07732655853033066 the:0.03778428956866264 :0.09711640328168869 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +the:0.30012837052345276 them:0.05263736844062805 which:0.05198413506150246 whom:0.040047504007816315 :0.0694689229130745 +the:0.26345664262771606 a:0.06416881829500198 their:0.037582878023386 them:0.030820248648524284 :0.04305665194988251 +have:0.08004068583250046 was:0.0721050426363945 had:0.03889749199151993 am:0.027097279205918312 :0.11715299636125565 +same:0.02404104173183441 most:0.005935808643698692 best:0.005782738793641329 first:0.0049850125797092915 :0.1495334655046463 +are:0.11928252130746841 were:0.07906246185302734 have:0.07799320667982101 will:0.0769071877002716 :0.05792372301220894 +and:0.04777286946773529 the:0.030547523871064186 to:0.022982178255915642 of:0.017357556149363518 :0.1946633905172348 +.:0.15281076729297638 min.:0.02621394209563732 .—:0.025102559477090836 at:0.01620512828230858 :0.25681325793266296 +The:0.0891156792640686 It:0.07252010703086853 He:0.03690655902028084 In:0.027401134371757507 :0.105470210313797 +the:0.05403327941894531 to:0.04201113432645798 and:0.03307858854532242 a:0.022806920111179352 :0.14323627948760986 +products:0.11362552642822266 and:0.04591420292854309 products,:0.03968982771039009 products.:0.015346067026257515 :0.1018989309668541 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.12162575125694275 it:0.05067181959748268 a:0.03597067669034004 he:0.03126728534698486 :0.04815520718693733 +the:0.06930922716856003 in:0.020424870774149895 any:0.020154204219579697 a:0.016535691916942596 :0.17611505091190338 +of:0.0843212902545929 and:0.06341295689344406 to:0.04086069017648697 in:0.01892530545592308 :0.13705575466156006 +man:0.05707960203289986 one:0.03329408913850784 day:0.021264512091875076 person:0.01742042601108551 :0.14769437909126282 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +that:0.220585435628891 the:0.12149661779403687 a:0.05236520990729332 by:0.03988640755414963 :0.02624550461769104 +to:0.06103655695915222 the:0.044116873294115067 and:0.03541865199804306 in:0.019758787006139755 :0.14264719188213348 +own:0.037691764533519745 life:0.009400890208780766 family:0.005222564563155174 friends:0.004922314081341028 :0.19804032146930695 +and:0.07142728567123413 the:0.05558318272233009 a:0.032294292002916336 in:0.021954797208309174 :0.19190746545791626 +years:0.15523529052734375 thousand:0.08725742250680923 dollars:0.05137763172388077 years,:0.041439447551965714 :0.0807136595249176 +the:0.33143168687820435 a:0.031501416116952896 said:0.022650346159934998 tho:0.012200413271784782 :0.12572123110294342 +the:0.07119327783584595 and:0.06700579822063446 a:0.037651047110557556 in:0.028879452496767044 :0.1192125454545021 +land:0.008391594514250755 said:0.007115629967302084 whole:0.006655886769294739 water:0.005732749123126268 :0.12744419276714325 +in:0.02320498414337635 the:0.022482547909021378 made:0.018323244526982307 and:0.014811994507908821 :0.09592997282743454 +own:0.03637128323316574 home:0.013981475494801998 wife:0.008942624554038048 friends:0.00709254527464509 :0.1596558839082718 +had:0.07221613824367523 was:0.06166986748576164 would:0.022920120507478714 has:0.022508036345243454 :0.1216825321316719 +the:0.1777413934469223 possible:0.04302145913243294 he:0.042532604187726974 I:0.04157225787639618 :0.06458777189254761 +the:0.18410804867744446 a:0.034310128539800644 contact:0.032870616763830185 this:0.026362406089901924 :0.10618478804826736 +be:0.14229905605316162 not:0.0664149820804596 have:0.02768930420279503 make:0.020209338515996933 :0.06940299272537231 +condition.:0.028614306822419167 place:0.016721086576581 and:0.014950276352465153 condition:0.013924090191721916 :0.17819564044475555 +Springs,:0.5160307884216309 Springs:0.07345572113990784 Springs.:0.030743151903152466 and:0.017932362854480743 :0.10990200936794281 +the:0.13042192161083221 and:0.12217142432928085 to:0.033455539494752884 a:0.02769298106431961 :0.07092069834470749 +the:0.34583213925361633 a:0.032741010189056396 this:0.022684268653392792 tho:0.016129035502672195 :0.10553537309169769 +the:0.19960658252239227 he:0.07026471197605133 it:0.031948521733284 a:0.02817126177251339 :0.07559886574745178 +the:0.2165055125951767 a:0.04103595018386841 any:0.022811537608504295 that:0.021737340837717056 :0.13663125038146973 +the:0.16320019960403442 a:0.04872581735253334 this:0.018538570031523705 an:0.0076534016989171505 :0.18284113705158234 +the:0.12276057153940201 to:0.05092158168554306 by:0.04689330980181694 a:0.04626116529107094 :0.035978853702545166 +be:0.5154675245285034 have:0.033890530467033386 bo:0.02795734442770481 not:0.024054158478975296 :0.033102042973041534 +of:0.1464289426803589 and:0.053438328206539154 in:0.034048695117235184 number:0.029635867103934288 :0.09129799902439117 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +of:0.13373950123786926 and:0.09578964859247208 in:0.044110242277383804 to:0.027096809819340706 :0.08111153542995453 +same:0.012198439799249172 amount:0.008061164990067482 work:0.0066961185075342655 following:0.005265886429697275 :0.18224431574344635 +and:0.023361334577202797 of:0.02294299006462097 the:0.022268209606409073 to:0.012293077073991299 :0.1783807873725891 +the:0.17722275853157043 be:0.03299955651164055 a:0.02701859548687935 have:0.019510962069034576 :0.112514927983284 +and:0.08146335184574127 in:0.026326827704906464 from:0.019498934969305992 or:0.0186319462954998 :0.10794240236282349 +are:0.1367880403995514 were:0.08319137245416641 have:0.06948600709438324 had:0.03500479459762573 :0.0830131471157074 +tory:0.41576266288757324 tory.:0.07908067107200623 tory,:0.07602063566446304 torial:0.05276209115982056 :0.07059886306524277 +of:0.2086712121963501 hundred:0.04468020051717758 or:0.025908147916197777 and:0.024533342570066452 :0.08546430617570877 +said:0.035178933292627335 first:0.01052313856780529 old:0.008238806389272213 following:0.0071416893042624 :0.25734397768974304 +of:0.10607002675533295 and:0.04424795135855675 the:0.027416503056883812 in:0.02422342821955681 :0.12414287030696869 +lbs.:0.0419602245092392 and:0.029184460639953613 per:0.025943202897906303 pounds:0.013000456616282463 :0.1187657043337822 +first:0.010348320938646793 following:0.007102638948708773 most:0.00654754089191556 said:0.006211522035300732 :0.10385795682668686 +Buren:0.035374194383621216 Horn,:0.0330289788544178 Horn:0.010708772577345371 -:0.003962385933846235 :0.821292519569397 +gested:0.30976834893226624 gest:0.12423598021268845 gestion:0.07593607157468796 The:0.005916469730436802 :0.34071147441864014 +and:0.0650825947523117 of:0.04440483823418617 the:0.022636834532022476 to:0.022328365594148636 :0.20588386058807373 +of:0.2689845860004425 to:0.17373350262641907 for:0.03969087824225426 a:0.01861203834414482 :0.051345568150281906 +be:0.3287675380706787 have:0.11881286650896072 do:0.023545093834400177 know:0.016638226807117462 :0.07373575866222382 +than:0.08852718025445938 and:0.04136187210679054 the:0.010916649363934994 of:0.006812941282987595 :0.2197185903787613 +the:0.07372155785560608 to:0.04577970877289772 be:0.03450864925980568 in:0.02492750808596611 :0.1627180278301239 +the:0.0456450954079628 a:0.024711648002266884 to:0.010625215247273445 other:0.009011777117848396 :0.1756017804145813 +and:0.058155763894319534 of:0.03155425935983658 The:0.02927550859749317 the:0.023144567385315895 :0.18984511494636536 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +of:0.05684904381632805 and:0.022047556936740875 was:0.015965541824698448 to:0.011692249216139317 :0.29912546277046204 +dren:0.6719223856925964 dren,:0.07156001031398773 and:0.007891387678682804 was:0.004960609599947929 :0.0989760085940361 +and:0.016649411991238594 M:0.011774856597185135 Smith,:0.008042668923735619 D.:0.008020601235330105 :0.5705638527870178 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +the:0.28369030356407166 consideration:0.06027917191386223 a:0.05663079023361206 custody:0.04494120180606842 :0.0638502836227417 +of:0.3192380368709564 the:0.0599142424762249 and:0.05327005684375763 in:0.03332345932722092 :0.05927114188671112 +the:0.35100889205932617 course,:0.035170771181583405 a:0.03355873003602028 this:0.019726747646927834 :0.11930166184902191 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +old:0.02008170820772648 order:0.015484028495848179 act:0.01400779839605093 average:0.012844891287386417 :0.18124961853027344 +first:0.010669738054275513 following:0.009955314919352531 old:0.008291298523545265 men:0.007516117766499519 :0.1341256946325302 +a:0.10379324108362198 to:0.07820121943950653 no:0.044384539127349854 the:0.04194626212120056 :0.08651705086231232 +to:0.0374152846634388 in:0.029095690697431564 of:0.02572065405547619 a:0.01800995133817196 :0.33980774879455566 +and:0.16262400150299072 to:0.1005292758345604 in:0.03357663005590439 the:0.02286866307258606 :0.11591032147407532 +ter:0.4205648601055145 fected:0.02980339527130127 ford:0.02447548136115074 fairs:0.01660962402820587 :0.30636340379714966 +and:0.086738720536232 to:0.062178656458854675 from:0.060356296598911285 in:0.041047703474760056 :0.04953907057642937 +and:0.23296493291854858 in:0.08219105005264282 to:0.06365521252155304 are:0.03594350814819336 :0.03869015350937843 +not:0.5346578359603882 the:0.047170791774988174 he:0.015475676394999027 it:0.01244654506444931 :0.04750289022922516 +the:0.21961887180805206 and:0.06430194526910782 to:0.05212634801864624 a:0.04003635421395302 :0.09485922753810883 +been:0.25844863057136536 not:0.05507957190275192 a:0.0349448099732399 made:0.01401203777641058 :0.06569766998291016 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +and:0.07976909726858139 as:0.01669277250766754 have:0.01614300161600113 to:0.01454813964664936 :0.18959474563598633 +be:0.5135430097579956 not:0.07286855578422546 have:0.04096580296754837 bo:0.030169202014803886 :0.028783094137907028 +and:0.11226579546928406 in:0.04271669313311577 to:0.03433637320995331 of:0.026147257536649704 :0.11065969616174698 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.19783775508403778 a:0.12296827882528305 his:0.021057695150375366 an:0.016907183453440666 :0.12122955173254013 +be:0.4537811279296875 have:0.04483996704220772 not:0.034333158284425735 neglect:0.02173617295920849 :0.047307245433330536 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +country:0.04513436183333397 city:0.032488130033016205 time:0.012945633381605148 city,:0.012899253517389297 :0.11745162308216095 +the:0.24336865544319153 a:0.053347356617450714 this:0.032331839203834534 his:0.01897038146853447 :0.08461721241474152 +line:0.08887813240289688 alley:0.06458739191293716 street:0.03710819035768509 road:0.02298394963145256 :0.1264405995607376 +.:0.09432733803987503 A.:0.017047308385372162 Mrs.:0.011432808823883533 M.:0.011303071863949299 :0.3876902759075165 +be:0.35906967520713806 have:0.05494517832994461 not:0.03497665375471115 bo:0.023663107305765152 :0.04556158557534218 +The:0.10986556857824326 It:0.05114119127392769 I:0.026764869689941406 He:0.02553839050233364 :0.09897349774837494 +the:0.2919130325317383 this:0.0670592412352562 a:0.01796989142894745 New:0.017705842852592468 :0.10470252484083176 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +to:0.08296869695186615 in:0.023599596694111824 husband:0.02151069976389408 and:0.017675379291176796 :0.10165733844041824 +years:0.09152428060770035 hundred:0.08228226751089096 per:0.04919860139489174 or:0.032620981335639954 :0.12581714987754822 +The:0.13248199224472046 It:0.0495053194463253 He:0.03975881636142731 I:0.035398442298173904 :0.06502030044794083 +same:0.00755726033821702 first:0.0071494621224701405 next:0.006673604715615511 whole:0.005468034651130438 :0.1241663321852684 +and:0.14207175374031067 or:0.026789043098688126 in:0.011156748980283737 than:0.009625053964555264 :0.07657467573881149 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.25334441661834717 a:0.035542480647563934 his:0.016943205147981644 this:0.014477469027042389 :0.11156747490167618 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +home:0.054554957896471024 own:0.042147669941186905 office:0.02438732609152794 office,:0.011206144466996193 :0.1751427948474884 +The:0.13958755135536194 It:0.057256970554590225 A:0.04569876194000244 He:0.03330027684569359 :0.11230237782001495 +in:0.08215724676847458 to:0.045600298792123795 with:0.035554930567741394 at:0.0321955569088459 :0.03961949050426483 +The:0.12244102358818054 She:0.10119384527206421 He:0.059703487902879715 It:0.04936749115586281 :0.06153435632586479 +and:0.06432893127202988 in:0.014035736210644245 to:0.012313183397054672 at:0.010835157707333565 :0.2465675324201584 +the:0.2311410754919052 a:0.0639604777097702 this:0.018744267523288727 his:0.01819087564945221 :0.10437405854463577 +and:0.15454691648483276 the:0.10479293018579483 but:0.030179325491189957 which:0.028805676847696304 :0.06047666445374489 +that:0.09692152589559555 it:0.09253949671983719 the:0.06808481365442276 to:0.05429478734731674 :0.05353349447250366 +and:0.10618680715560913 the:0.08404703438282013 of:0.03996267914772034 which:0.030602440237998962 :0.0613112635910511 +to:0.06103655695915222 the:0.044116873294115067 and:0.03541865199804306 in:0.019758787006139755 :0.14264719188213348 +the:0.11951781064271927 upon:0.09951040148735046 his:0.04135787487030029 for:0.0401124432682991 :0.10840296000242233 +to:0.2901122272014618 on:0.045709896832704544 down:0.04524727165699005 out:0.04245463013648987 :0.03962284326553345 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +own:0.026194527745246887 purpose:0.014640754088759422 use:0.0074638365767896175 first:0.0049673994071781635 :0.2710152864456177 +M:0.027604080736637115 I:0.018738383427262306 M.:0.015720976516604424 J:0.014915576204657555 :0.3175486922264099 +and:0.23413346707820892 the:0.09050731360912323 but:0.045269936323165894 to:0.028791313990950584 :0.08107978105545044 +time:0.05460339039564133 of:0.04680044949054718 the:0.03213396668434143 point:0.024206213653087616 :0.11070884764194489 +few:0.03897401690483093 .:0.026269525289535522 large:0.021430719643831253 man:0.013182253576815128 :0.23983179032802582 +same:0.01922713778913021 first:0.0062986211851239204 most:0.006268935278058052 amount:0.004714802838861942 :0.13378238677978516 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +and:0.11710189282894135 of:0.10081265866756439 to:0.060083337128162384 is:0.03520583733916283 :0.05065883323550224 +and:0.046559520065784454 the:0.04253949970006943 to:0.036975227296352386 in:0.02764093317091465 :0.1436147689819336 +and:0.12127867341041565 The:0.03103310614824295 to:0.022950926795601845 but:0.02226000837981701 :0.1365952491760254 +He:0.11110159754753113 The:0.07095548510551453 I:0.04685525596141815 It:0.033156804740428925 :0.10668610036373138 +and:0.04776885733008385 who:0.023108448833227158 John:0.021607305854558945 the:0.01895635388791561 :0.17283391952514648 +and:0.18079683184623718 to:0.056367382407188416 as:0.04099883884191513 of:0.03097270429134369 :0.04692045971751213 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +by:0.189473494887352 that:0.14256441593170166 with:0.0949454978108406 for:0.09151563793420792 :0.06163112446665764 +and:0.05638213828206062 to:0.02276429533958435 the:0.021261760964989662 a:0.01898646540939808 :0.28620365262031555 +and:0.055711813271045685 of:0.047235503792762756 the:0.03114880807697773 in:0.020348569378256798 :0.16194117069244385 +fifty:0.1190633475780487 sixty:0.04307481274008751 twenty:0.041097238659858704 eighty:0.024752823635935783 :0.24767635762691498 +and:0.03013627417385578 hope,:0.01397648174315691 not:0.011675366200506687 be:0.00928181130439043 :0.2486562877893448 +since:0.02275265008211136 before:0.016270777210593224 of:0.015591065399348736 increasing:0.013990036211907864 :0.18176324665546417 +the:0.1475256383419037 to:0.14307288825511932 and:0.08502153307199478 in:0.031512077897787094 :0.04307779669761658 +to:0.06596129387617111 the:0.05714833736419678 a:0.04310133680701256 in:0.03369841352105141 :0.09116359055042267 +the:0.05461757630109787 to:0.039548806846141815 and:0.037273239344358444 in:0.01610870100557804 :0.15440085530281067 +the:0.16942565143108368 of:0.07162218540906906 that:0.0252042505890131 over:0.01967603527009487 :0.1256670355796814 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +more:0.06700803339481354 in:0.06517662107944489 further:0.02859426662325859 the:0.023360995575785637 :0.1021503135561943 +of:0.20284146070480347 and:0.06110379472374916 Court:0.03518230840563774 Court,:0.018569255247712135 :0.2208302915096283 +of:0.5736129283905029 and:0.0354938879609108 to:0.029863281175494194 in:0.019758839160203934 :0.04805238917469978 +a:0.11281757801771164 not:0.07292187213897705 the:0.06704414635896683 said:0.02236642874777317 :0.06751331686973572 +and:0.09303499013185501 the:0.05686206370592117 of:0.03074411116540432 that:0.022511782124638557 :0.05868523195385933 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +of:0.5958680510520935 and:0.03142009675502777 to:0.02468601055443287 that:0.018583958968520164 :0.025997309014201164 +the:0.04710366949439049 a:0.046948082745075226 not:0.031510282307863235 to:0.022411195561289787 :0.11119968444108963 +own:0.03637128323316574 home:0.013981475494801998 wife:0.008942624554038048 friends:0.00709254527464509 :0.1596558839082718 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.04710366949439049 a:0.046948082745075226 not:0.031510282307863235 to:0.022411195561289787 :0.11119968444108963 +and:0.17765271663665771 the:0.05178488790988922 which:0.025208506733179092 for:0.025002269074320793 :0.08949047327041626 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.789420485496521 to:0.0305185467004776 and:0.02159762941300869 that:0.01964900642633438 :0.009750217199325562 +W:0.03428680822253227 H.:0.033607352524995804 W.:0.030811334028840065 M:0.027380388230085373 :0.23271970450878143 +are:0.06896695494651794 men:0.05603662133216858 two:0.030147366225719452 were:0.02095656655728817 :0.14760036766529083 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +of:0.13535486161708832 and:0.08933603763580322 in:0.0625847652554512 are:0.05154547467827797 :0.03603314980864525 +and:0.07583323121070862 with:0.03874349966645241 to:0.03596658259630203 the:0.034787341952323914 :0.06994646042585373 +to:0.13128717243671417 in:0.05986405164003372 are:0.028991088271141052 and:0.026940375566482544 :0.06465206295251846 +and:0.01778809353709221 the:0.006653971038758755 to:0.005259825382381678 in:0.003732717363163829 :0.5162254571914673 +of:0.5717954039573669 where:0.042566701769828796 on:0.036679379642009735 in:0.026993973180651665 :0.020313596352934837 +cupied:0.06035824865102768 curred:0.04237375780940056 casion:0.03578941151499748 curs:0.01448572427034378 :0.6021576523780823 +of:0.4919469654560089 due:0.04402145370841026 to:0.02379087172448635 required:0.022456549108028412 :0.03547384962439537 +of:0.05473342910408974 and:0.03660817816853523 to:0.02786068245768547 in:0.014832833781838417 :0.204084575176239 +was:0.12478098273277283 had:0.06336964666843414 is:0.047351475805044174 has:0.04371177777647972 :0.0418008528649807 +school:0.023810312151908875 opinion:0.01700645312666893 and:0.016546903178095818 road:0.013993876986205578 :0.18992716073989868 +and:0.04604066535830498 the:0.044895365834236145 to:0.025654261931777 a:0.0168885700404644 :0.18621648848056793 +the:0.18266141414642334 a:0.08455026894807816 this:0.03973747417330742 some:0.026543129235506058 :0.09496257454156876 +is:0.21139228343963623 was:0.16682805120944977 Is:0.14437036216259003 has:0.030734457075595856 :0.0390477292239666 +perience:0.07877444475889206 penses:0.03599580004811287 tent:0.02603122964501381 ports:0.023057013750076294 :0.43604356050491333 +was:0.0264427587389946 have:0.01651872880756855 of:0.014004410244524479 .:0.013552636839449406 :0.3057961165904999 +ten:0.2717614471912384 nine:0.046401266008615494 two:0.027011260390281677 three:0.024305300787091255 :0.10545432567596436 +mains:0.0341617651283741 gard:0.023287435993552208 sponsible:0.020186644047498703 quired:0.015228372067213058 :0.38017019629478455 +to:0.09424247592687607 for:0.08326062560081482 of:0.08109280467033386 the:0.019873084500432014 :0.14574867486953735 +wife:0.03458063304424286 own:0.029945194721221924 wife,:0.015771210193634033 father:0.0133608253672719 :0.18188758194446564 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.30995893478393555 was:0.06363235414028168 is:0.03983726352453232 to:0.02651168592274189 :0.04943554848432541 +the:0.1571742594242096 it:0.049322549253702164 he:0.04352615773677826 they:0.03254226967692375 :0.060814470052719116 +of:0.29629582166671753 in:0.04973021522164345 are:0.04657714441418648 and:0.04223262146115303 :0.03618020564317703 +and:0.0674280896782875 the:0.042513538151979446 to:0.030657274648547173 a:0.01894560642540455 :0.13873191177845 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +ferent:0.5936579704284668 ference:0.011566614732146263 ment:0.008051272481679916 of:0.003881175769492984 :0.19100502133369446 +time:0.20940712094306946 the:0.04527308791875839 time,:0.026476619765162468 time.:0.025205783545970917 :0.08889304846525192 +and:0.04582587629556656 to:0.017587563022971153 that:0.0121271638199687 in:0.011183670721948147 :0.2675004005432129 +of:0.1835142821073532 upon:0.08873121440410614 in:0.05710736662149429 for:0.054164186120033264 :0.0554678812623024 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.15765511989593506 of:0.052168168127536774 in:0.03686593845486641 at:0.025319192558526993 :0.08280138671398163 +the:0.2170206606388092 be:0.07479073852300644 a:0.023040518164634705 this:0.015547589398920536 :0.06642866134643555 +the:0.0547272227704525 and:0.015855560079216957 .:0.010058818385004997 a:0.00892961211502552 :0.408035010099411 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +and:0.026009168475866318 men:0.014519080519676208 five:0.008019008673727512 people:0.007977317087352276 :0.3551030158996582 +the:0.40548181533813477 a:0.058260899037122726 least:0.043688561767339706 this:0.017766525968909264 :0.08718481659889221 +the:0.21297360956668854 he:0.04556478187441826 it:0.04513239115476608 they:0.03184497728943825 :0.0663837194442749 +of:0.22347012162208557 to:0.11253239959478378 and:0.0759631022810936 in:0.03767745941877365 :0.05267319455742836 +or:0.06128388270735741 and:0.052709199488162994 of:0.04612383991479874 in:0.039813410490751266 :0.07620983570814133 +of:0.5703697204589844 and:0.03054349310696125 to:0.017305495217442513 ot:0.012398531660437584 :0.05945534631609917 +not:0.08358792960643768 have:0.04932590201497078 be:0.04742361977696419 do:0.02410636469721794 :0.0816253051161766 +direction:0.02917187102138996 provisions:0.021956998854875565 laws:0.019503070041537285 present:0.011572889983654022 :0.22001706063747406 +do:0.03691936656832695 make:0.030894408002495766 get:0.027700573205947876 be:0.01700892671942711 :0.08475592732429504 +the:0.1654345840215683 a:0.026653092354536057 this:0.012370928190648556 their:0.01143905334174633 :0.15631528198719025 +to:0.5671945810317993 a:0.02565852366387844 as:0.01909705623984337 that:0.0163958128541708 :0.09795024245977402 +and:0.023816142231225967 men:0.016169272363185883 in:0.013268479146063328 man:0.008178281597793102 :0.18839284777641296 +the:0.16914893686771393 he:0.0778769925236702 they:0.03974258527159691 it:0.03283437341451645 :0.043590523302555084 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.160635307431221 a:0.05629528686404228 and:0.019208695739507675 from:0.016916658729314804 :0.12700362503528595 +as:0.06328469514846802 much:0.05791153758764267 that:0.050791386514902115 to:0.04847373068332672 :0.10587504506111145 +the:0.13520893454551697 to:0.09978439658880234 a:0.09779426455497742 they:0.03201957046985626 :0.043525826185941696 +the:0.2068733125925064 a:0.19207558035850525 an:0.026687391102313995 his:0.019360879436135292 :0.08899268507957458 +and:0.17705398797988892 but:0.05270766466856003 which:0.04302487522363663 the:0.03815677389502525 :0.08941909670829773 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.17825542390346527 he:0.059918660670518875 they:0.04090765118598938 it:0.027097247540950775 :0.0456097275018692 +of:0.07373133301734924 the:0.0531788095831871 and:0.028040122240781784 which:0.013849450275301933 :0.2197333425283432 +of:0.17752699553966522 to:0.11638419330120087 is:0.06858810782432556 for:0.06362523138523102 :0.036082930862903595 +of:0.2933981418609619 to:0.2670357823371887 that:0.09043511003255844 in:0.0291554294526577 :0.024042002856731415 +by:0.12657959759235382 a:0.12463635951280594 to:0.11259809136390686 the:0.06331773847341537 :0.039345141500234604 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +the:0.35502687096595764 a:0.07565902918577194 his:0.01603945717215538 tho:0.014731641858816147 :0.06445470452308655 +the:0.3215647041797638 a:0.049547724425792694 this:0.01962093822658062 tho:0.015604784712195396 :0.09405811131000519 +The:0.13947899639606476 It:0.059787191450595856 I:0.036560527980327606 A:0.03598593547940254 :0.23228472471237183 +and:0.11615893244743347 on:0.02562842331826687 in:0.024392051622271538 at:0.024167034775018692 :0.11118534952402115 +to:0.1658189296722412 the:0.08310019969940186 a:0.06590813398361206 in:0.04714704304933548 :0.042859189212322235 +the:0.2818101644515991 a:0.05747731029987335 this:0.023430122062563896 their:0.01617279089987278 :0.08841117471456528 +been:0.20735785365104675 a:0.06363550573587418 the:0.04995407164096832 to:0.02705552615225315 :0.06985382735729218 +of:0.5118805170059204 in:0.039900124073028564 and:0.030545391142368317 from:0.01842273771762848 :0.04528580233454704 +the:0.04869237542152405 and:0.04679117724299431 to:0.02764051780104637 in:0.024815255776047707 :0.1620405614376068 +by:0.22004224359989166 in:0.07847240567207336 the:0.06580204516649246 to:0.043418463319540024 :0.04239609092473984 +and:0.11645157635211945 the:0.05224940925836563 but:0.02483508363366127 for:0.019989680498838425 :0.1495809108018875 +by:0.18905971944332123 to:0.18464793264865875 and:0.0360865518450737 the:0.03407610207796097 :0.06542961299419403 +of:0.5381119847297668 and:0.03853905573487282 in:0.0345071516931057 to:0.013797002844512463 :0.04020325839519501 +pany:0.08873850107192993 mittee:0.04782695323228836 mittee,:0.03485148772597313 pany,:0.0330837219953537 :0.3318040370941162 +of:0.54087895154953 with:0.034540627151727676 and:0.030369875952601433 to:0.028735391795635223 :0.031603388488292694 +the:0.17381364107131958 a:0.062450017780065536 this:0.013646136969327927 their:0.011234666220843792 :0.21659217774868011 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +the:0.05968590825796127 to:0.04666370525956154 and:0.04101290926337242 of:0.025573229417204857 :0.13637639582157135 +as:0.15043365955352783 in:0.05533929169178009 and:0.04956994205713272 the:0.040897585451602936 :0.06583285331726074 +a:0.03770310431718826 the:0.03496844321489334 made:0.027254745364189148 sold:0.016782863065600395 :0.12037137895822525 +the:0.27584803104400635 a:0.09863536804914474 his:0.018581831827759743 her:0.01289665699005127 :0.18302294611930847 +way:0.008241918869316578 diseases:0.0074983760714530945 men:0.0054404581896960735 property:0.005371723789721727 :0.2743726372718811 +the:0.29887035489082336 a:0.03714411333203316 this:0.019461000338196754 his:0.01698298566043377 :0.10023683309555054 +good:0.016605054959654808 few:0.014164464548230171 great:0.012107244692742825 large:0.011685143224895 :0.17153891921043396 +ed:0.15884259343147278 and:0.0715809166431427 of:0.022144805639982224 in:0.01983889564871788 :0.15806016325950623 +the:0.10865885764360428 and:0.10231783986091614 with:0.052454397082328796 in:0.023402757942676544 :0.10480979084968567 +as:0.047307759523391724 knowledge:0.032739125192165375 and:0.02894081175327301 to:0.02662743628025055 :0.18140920996665955 +the:0.26269015669822693 a:0.039922356605529785 he:0.02011595293879509 they:0.016656896099448204 :0.11442670971155167 +have:0.05078115314245224 was:0.04578379541635513 am:0.03606857359409332 had:0.02125757932662964 :0.1952621340751648 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.11913567036390305 who:0.06896631419658661 mortgagors,:0.034912917762994766 to:0.03230757266283035 :0.11927714198827744 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +a:0.05866646021604538 the:0.0585983544588089 to:0.056957926601171494 in:0.03620833903551102 :0.13035312294960022 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +that:0.1512635201215744 to:0.05981990694999695 the:0.05686616525053978 they:0.0348050557076931 :0.09150665253400803 +property:0.011620713397860527 subject:0.010696952231228352 said:0.009446420706808567 following:0.008107030764222145 :0.180214062333107 +of:0.5026986002922058 and:0.0781133770942688 were:0.019488325342535973 to:0.014467515982687473 :0.03512540087103844 +and:0.2521626651287079 of:0.08116239309310913 or:0.04475107416510582 to:0.04466380178928375 :0.06259210407733917 +be:0.17799894511699677 have:0.0667298436164856 see:0.027912363409996033 get:0.026959897950291634 :0.07984307408332825 +the:0.23438355326652527 a:0.03726577013731003 this:0.033106058835983276 which:0.023145318031311035 :0.06987831741571426 +the:0.1406514048576355 a:0.02658303827047348 it:0.017447037622332573 his:0.013041947968304157 :0.08447274565696716 +and:0.14072975516319275 of:0.05380398407578468 at:0.046218644827604294 in:0.04578369855880737 :0.05971014127135277 +be:0.22099368274211884 only:0.025223813951015472 have:0.023541223257780075 do:0.014406559988856316 :0.06126907467842102 +the:0.18460474908351898 a:0.02072947286069393 do:0.016325300559401512 be:0.013395372778177261 :0.15358714759349823 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.02547343820333481 the:0.02381819859147072 of:0.017856402322649956 and:0.01565786637365818 :0.3856164515018463 +States:0.10186558961868286 Pacific:0.08847925066947937 States,:0.05143817141652107 States.:0.020468799397349358 :0.14577129483222961 +the:0.16562741994857788 a:0.09234211593866348 it:0.02678569220006466 that:0.02247273176908493 :0.15151412785053253 +of:0.11342309415340424 is:0.08848489820957184 has:0.051983222365379333 was:0.049882836639881134 :0.042647749185562134 +creased:0.06283824890851974 terested:0.03163076564669609 serted:0.028471654281020164 tended:0.027628498151898384 :0.4104604125022888 +of:0.08170341700315475 and:0.06931133568286896 The:0.02562558837234974 to:0.019301222637295723 :0.12872101366519928 +for:0.5953748822212219 to:0.048696331679821014 of:0.038156114518642426 and:0.02592822164297104 :0.025380633771419525 +and:0.03273232653737068 nor:0.027980439364910126 the:0.018543602898716927 to:0.01640661433339119 :0.18095247447490692 +and:0.012504481710493565 the:0.0058281319215893745 duty:0.0023639460559934378 in:0.0023321022745221853 :0.2847592532634735 +and:0.07561807334423065 of:0.06259837746620178 The:0.02898709662258625 the:0.023871183395385742 :0.1229080930352211 +a:0.1691417247056961 case:0.098249152302742 cases:0.040854938328266144 an:0.031451061367988586 :0.11932310461997986 +who:0.10257197916507721 and:0.06343446671962738 of:0.042197972536087036 in:0.03081667236983776 :0.07860642671585083 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +and:0.08601611107587814 privileges:0.026919538155198097 as:0.026228375732898712 the:0.026034904643893242 :0.10126570612192154 +and:0.07434063404798508 to:0.027249110862612724 The:0.021744346246123314 of:0.015541549772024155 :0.1585753709077835 +the:0.3490581512451172 two:0.02964397519826889 a:0.021040454506874084 tho:0.018407540395855904 :0.1323837786912918 +are:0.07672853022813797 have:0.055875327438116074 had:0.04855307936668396 were:0.04322364181280136 :0.07379935681819916 +view:0.021477578207850456 large:0.014422591775655746 little:0.012711316347122192 few:0.011675581336021423 :0.20949006080627441 +that:0.11190585792064667 of:0.09034235775470734 to:0.08337375521659851 in:0.035486914217472076 :0.06381923705339432 +been:0.17620578408241272 the:0.0926690548658371 a:0.07947493344545364 an:0.014994936063885689 :0.07649044692516327 +been:0.21707431972026825 to:0.032493483275175095 not:0.028359586372971535 a:0.026907887309789658 :0.06783142685890198 +good:0.025210192427039146 right:0.02119189128279686 great:0.01621919497847557 very:0.01614796742796898 :0.13909828662872314 +the:0.09567426890134811 a:0.03133626654744148 this:0.01357155479490757 which:0.006869879085570574 :0.2608252763748169 +the:0.2165997326374054 a:0.06868260353803635 favor:0.029565924778580666 his:0.02115398645401001 :0.09222707152366638 +to:0.15721021592617035 of:0.1472219079732895 and:0.07006626576185226 for:0.03447967767715454 :0.037661533802747726 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +of:0.3892306983470917 in:0.05127362906932831 that:0.046298686414957047 and:0.03544587641954422 :0.03508637845516205 +the:0.43032148480415344 a:0.02789263054728508 it:0.02238958515226841 this:0.021068934351205826 :0.037483930587768555 +and:0.0925574079155922 number:0.03947114571928978 amount:0.029828300699591637 proportion:0.024844331666827202 :0.122948557138443 +be:0.35695192217826843 have:0.049856998026371 bo:0.02688656747341156 not:0.02279628999531269 :0.11633812636137009 +the:0.09762069582939148 it:0.07423655688762665 that:0.07092157751321793 a:0.06271092593669891 :0.05839388445019722 +in:0.026680225506424904 the:0.026500945910811424 not:0.024875054135918617 at:0.017287082970142365 :0.18585382401943207 +great:0.03469572961330414 very:0.02797994576394558 good:0.025457268580794334 matter:0.013830834068357944 :0.16428038477897644 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +to:0.06222877278923988 and:0.06168503686785698 of:0.05154882371425629 the:0.051389843225479126 :0.09869932383298874 +of:0.2017677128314972 other:0.028436115011572838 one:0.02132641337811947 means:0.017192022874951363 :0.1613164097070694 +the:0.04769657924771309 and:0.023672068491578102 of:0.02031714655458927 to:0.014940744265913963 :0.11931828409433365 +and:0.049249645322561264 amendment:0.023325465619564056 power:0.022388549521565437 rights:0.020612115040421486 :0.1931309551000595 +to:0.19050174951553345 out:0.12450180947780609 on:0.07711707800626755 into:0.07143297791481018 :0.046909134835004807 +the:0.13479721546173096 that:0.03677063807845116 a:0.021037088707089424 to:0.019642673432826996 :0.09847047179937363 +and:0.3603679835796356 of:0.12178539484739304 or:0.04932471737265587 in:0.04117009416222572 :0.05354706943035126 +follows::0.10426011681556702 much:0.06519082188606262 well:0.04979349300265312 a:0.046723872423172 :0.06631285697221756 +small:0.04390415549278259 few:0.02698451839387417 the:0.02421448938548565 a:0.015559050254523754 :0.3485215902328491 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +a:0.030458763241767883 made:0.023928897455334663 the:0.018045801669359207 in:0.017870217561721802 :0.16152282059192657 +the:0.26340001821517944 a:0.11820432543754578 his:0.022727439180016518 tho:0.021499408408999443 :0.0642271563410759 +the:0.16168811917304993 to:0.045975979417562485 a:0.034488972276449203 that:0.02840632200241089 :0.04864503815770149 +not:0.05713681876659393 a:0.05450480431318283 the:0.044921811670064926 now:0.02301846444606781 :0.09972365945577621 +of:0.055610816925764084 to:0.03891877830028534 and:0.028475472703576088 in:0.023572761565446854 :0.15131625533103943 +the:0.3059101104736328 a:0.0676424503326416 this:0.03191881254315376 their:0.018152644857764244 :0.1320488005876541 +the:0.1669221818447113 any:0.06977029144763947 it:0.03989911824464798 in:0.032407015562057495 :0.08663306385278702 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +The:0.09986508637666702 It:0.06474006921052933 In:0.03789065033197403 He:0.029819082468748093 :0.10392295569181442 +the:0.36450880765914917 a:0.07931077480316162 this:0.0165226012468338 tho:0.014110712334513664 :0.09760765731334686 +be:0.21478575468063354 is:0.057892393320798874 are:0.051224589347839355 was:0.037610527127981186 :0.05354529246687889 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +and:0.0719677060842514 mess:0.009339791722595692 white:0.007086758967489004 in:0.005353535991162062 :0.21608640253543854 +of:0.1394125521183014 to:0.031851861625909805 and:0.022924046963453293 the:0.016138728708028793 :0.28986042737960815 +are:0.1130317971110344 were:0.09146656095981598 will:0.07139736413955688 have:0.05655486881732941 :0.06575071811676025 +large:0.013662757351994514 small:0.008489375934004784 very:0.007798807695508003 new:0.007165288552641869 :0.23268534243106842 +a:0.11281757801771164 not:0.07292187213897705 the:0.06704414635896683 said:0.02236642874777317 :0.06751331686973572 +of:0.16755034029483795 ago:0.102560855448246 ago.:0.04739607125520706 ago,:0.037264563143253326 :0.07950286567211151 +the:0.0810750275850296 that:0.022592097520828247 to:0.022378189489245415 a:0.019134564325213432 :0.0979892835021019 +been:0.20916664600372314 a:0.04273725673556328 not:0.02633083611726761 to:0.02509927749633789 :0.08123298734426498 +from:0.20864908397197723 the:0.05867205187678337 with:0.05477293208241463 and:0.03724681958556175 :0.07209263741970062 +dollars:0.15116553008556366 cents:0.05656144395470619 dollars,:0.0405329093337059 thousand:0.040407050400972366 :0.11146275699138641 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.3276020586490631 a:0.020357919856905937 this:0.01938898302614689 tho:0.017914462834596634 :0.12086815387010574 +was:0.12024620175361633 is:0.08470948040485382 had:0.05424577742815018 has:0.05156044289469719 :0.07647030800580978 +of:0.371923565864563 is:0.11640515923500061 was:0.07630054652690887 has:0.02624828927218914 :0.02466713823378086 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +tory:0.5602381825447083 tory,:0.09610698372125626 torial:0.04806341975927353 tories:0.014836936257779598 :0.07549991458654404 +few:0.04025372117757797 two:0.03489880636334419 year:0.026048488914966583 of:0.02550877071917057 :0.12633731961250305 +right:0.03439706936478615 same:0.01700478047132492 best:0.015209801495075226 effect:0.013924180530011654 :0.16439194977283478 +the:0.07505525648593903 a:0.021889295428991318 more:0.012946277856826782 two:0.011164769530296326 :0.21703216433525085 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +ernment:0.5820439457893372 ernment.:0.09247712045907974 ernor:0.06887415051460266 ernment,:0.04344487562775612 :0.1371203511953354 +Y.:0.11829027533531189 Y:0.0744999498128891 C:0.026948107406497 J:0.024813154712319374 :0.22202558815479279 +of:0.17809030413627625 is:0.0607103556394577 and:0.05045204609632492 in:0.03739376366138458 :0.07505228370428085 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +the:0.2558519244194031 a:0.0407363697886467 which:0.02373986691236496 tho:0.01943916641175747 :0.15491294860839844 +and:0.040187716484069824 the:0.03142688795924187 of:0.023744938895106316 to:0.02122739516198635 :0.27504462003707886 +to:0.05573825538158417 not:0.044066015630960464 the:0.02106749452650547 in:0.02004210837185383 :0.14786294102668762 +and:0.0650825947523117 of:0.04440483823418617 the:0.022636834532022476 to:0.022328365594148636 :0.20588386058807373 +and:0.07123184949159622 of:0.0258583165705204 who:0.021862665191292763 the:0.01528149377554655 :0.24119503796100616 +first:0.011877608485519886 following:0.007347770966589451 fact:0.007218183483928442 whole:0.006904731970280409 :0.14818857610225677 +dollars:0.18978837132453918 the:0.062132932245731354 dollars.:0.04873613268136978 dollars,:0.04211172088980675 :0.133308544754982 +the:0.43037235736846924 a:0.03977071866393089 tho:0.019715696573257446 this:0.01654197834432125 :0.05725077912211418 +of:0.37573495507240295 and:0.07497376948595047 in:0.05552529916167259 to:0.03912368789315224 :0.037748612463474274 +and:0.05882751941680908 John:0.006612447090446949 J:0.005833412986248732 Hill:0.005027977749705315 :0.5428943037986755 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +The:0.08274964243173599 It:0.03272572159767151 A:0.024028267711400986 In:0.020297279581427574 :0.17656278610229492 +the:0.11982423067092896 a:0.04422401636838913 and:0.03878503665328026 with:0.03825848177075386 :0.09350423514842987 +and:0.04594726860523224 of:0.02662532776594162 the:0.022252220660448074 to:0.02204449474811554 :0.18186940252780914 +be:0.2836248278617859 not:0.04669543728232384 have:0.027842959389090538 make:0.021931828930974007 :0.06045236065983772 +that:0.06885480135679245 and:0.042015060782432556 the:0.038331564515829086 a:0.02798292599618435 :0.09367992728948593 +to:0.26795586943626404 for:0.12421029061079025 in:0.08689862489700317 by:0.05333787575364113 :0.051778219640254974 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +made:0.03650125116109848 said:0.02559165470302105 a:0.01326157245784998 the:0.012953398749232292 :0.1409868448972702 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.17681047320365906 a:0.024968616664409637 this:0.014336648397147655 tho:0.00860580988228321 :0.18460728228092194 +at:0.2671950161457062 in:0.10277783125638962 here:0.08273644745349884 on:0.05540769547224045 :0.05256396532058716 +the:0.34275439381599426 a:0.048849087208509445 this:0.022170638665556908 his:0.013915719464421272 :0.12817168235778809 +the:0.2555566728115082 a:0.046893153339624405 this:0.02852873131632805 his:0.018114235252141953 :0.06396175175905228 +and:0.022273583337664604 company:0.0050536044873297215 to:0.0043935333378612995 in:0.004258937668055296 :0.19493667781352997 +to:0.19430497288703918 that:0.12005691975355148 for:0.06237485632300377 the:0.027553221210837364 :0.05109240487217903 +other:0.03466709703207016 more:0.027632219716906548 one:0.027190320193767548 matter:0.015126385726034641 :0.1094227060675621 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.06672987341880798 it:0.05513525381684303 he:0.03126121312379837 I:0.028538739308714867 :0.03824930265545845 +a:0.17529705166816711 the:0.12202440947294235 it:0.07081807404756546 an:0.030660714954137802 :0.04140821471810341 +Pierce,:0.024410253390669823 .:0.01855950616300106 and:0.013985555619001389 The:0.01375042274594307 :0.388262540102005 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.09669829905033112 to:0.02718331292271614 or:0.018949830904603004 miles:0.017511427402496338 :0.4521205723285675 +John:0.021667474880814552 J.:0.01597592420876026 W.:0.010281852446496487 H.:0.009595454670488834 :0.45262256264686584 +the:0.10412687808275223 and:0.08225719630718231 a:0.02456323616206646 in:0.020657094195485115 :0.09786919504404068 +to:0.079206682741642 as:0.06004195287823677 shall:0.059608835726976395 be:0.05809210240840912 :0.046043381094932556 +the:0.06682004034519196 a:0.021436447277665138 and:0.018299195915460587 he:0.017633015289902687 :0.13852335512638092 +to:0.060480691492557526 a:0.056466422975063324 been:0.04122495651245117 not:0.03568076342344284 :0.12604553997516632 +the:0.26870816946029663 a:0.06684480607509613 this:0.014987788163125515 some:0.014562920667231083 :0.12993335723876953 +and:0.04070448502898216 A.:0.02890462800860405 1,:0.015188471414148808 1.:0.012513913214206696 :0.2324746996164322 +of:0.06106695905327797 and:0.05379378795623779 the:0.02808035910129547 The:0.02148333378136158 :0.18942230939865112 +and:0.09968544542789459 of:0.024806253612041473 was:0.01752263307571411 at:0.011223947629332542 :0.30749601125717163 +by:0.6223719716072083 to:0.06654569506645203 the:0.029352786019444466 in:0.028761930763721466 :0.01588399149477482 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +than:0.035656340420246124 and:0.01380078960210085 of:0.0085139824077487 things:0.008488751947879791 :0.22089692950248718 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.02996545471251011 was:0.022727979347109795 who:0.019894659519195557 Miss:0.018999280408024788 :0.3249210715293884 +The:0.070926234126091 A:0.028214283287525177 It:0.01819923147559166 I:0.016826700419187546 :0.3064200282096863 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.06336847692728043 a:0.05440768226981163 not:0.03314916044473648 made:0.015736723318696022 :0.10211337357759476 +of:0.42882707715034485 and:0.0439632274210453 the:0.022883500903844833 in:0.014125785790383816 :0.0518953874707222 +quantities:0.03344658017158508 sums:0.02872656285762787 amount:0.011215184815227985 and:0.010779298841953278 :0.16158121824264526 +the:0.2629300653934479 a:0.05941736325621605 tho:0.021720297634601593 to:0.01768902689218521 :0.10583144426345825 +pared:0.10223504900932312 serve:0.046183280646800995 ferred:0.04305892065167427 scribed:0.042002540081739426 :0.30830487608909607 +the:0.094077929854393 a:0.04616576433181763 with:0.023885054513812065 and:0.023223979398608208 :0.2228652834892273 +the:0.36984631419181824 a:0.05945910885930061 tho:0.0200555007904768 his:0.01958518847823143 :0.07041756808757782 +same:0.03540819510817528 most:0.013825715519487858 best:0.013776849023997784 whole:0.008495820686221123 :0.13321632146835327 +been:0.1596960425376892 not:0.038509100675582886 to:0.030300995334982872 no:0.025824787095189095 :0.07362274825572968 +the:0.16942565143108368 of:0.07162218540906906 that:0.0252042505890131 over:0.01967603527009487 :0.1256670355796814 +and:0.04362886771559715 of:0.023632189258933067 the:0.019213560968637466 to:0.017689870670437813 :0.24292631447315216 +a:0.039504390209913254 the:0.030702687799930573 made:0.01746257022023201 in:0.010321597568690777 :0.20798936486244202 +and:0.15862080454826355 the:0.09585332125425339 by:0.09010281413793564 that:0.0399327352643013 :0.03548119217157364 +same:0.010353661142289639 whole:0.005427360534667969 said:0.004690983798354864 present:0.004681091755628586 :0.29332953691482544 +and:0.016067806631326675 law:0.012440749444067478 tariff:0.006565234158188105 building:0.005522526800632477 :0.19417685270309448 +.:0.15300844609737396 H:0.026882696896791458 W:0.02202722057700157 B:0.01706567220389843 :0.3321189880371094 +of:0.06816951930522919 the:0.04976126179099083 and:0.04557827115058899 for:0.033964745700359344 :0.06462476402521133 +hand,:0.09232205152511597 side:0.038405172526836395 hand:0.022691791877150536 day:0.01900930143892765 :0.13054713606834412 +and:0.11319158226251602 of:0.0620737187564373 to:0.04388418048620224 or:0.042350850999355316 :0.06379757076501846 +be:0.3383939266204834 not:0.08568879216909409 have:0.046303071081638336 bo:0.026282649487257004 :0.04542531818151474 +the:0.31996268033981323 a:0.03570297732949257 this:0.014607517048716545 tho:0.014349820092320442 :0.08838517218828201 +man:0.017662793397903442 good:0.010149803012609482 great:0.009077077731490135 large:0.008228846825659275 :0.3170256018638611 +the:0.0860430970788002 a:0.03767465427517891 that:0.03256683051586151 and:0.03245898708701134 :0.14655454456806183 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +of:0.2381656914949417 and:0.05291058123111725 was:0.02121547982096672 that:0.01707380637526512 :0.059973862022161484 +and:0.0650825947523117 of:0.04440483823418617 the:0.022636834532022476 to:0.022328365594148636 :0.20588386058807373 +and:0.011868969537317753 of:0.006395222153514624 fact:0.004592747427523136 character:0.003575619077309966 :0.4451899826526642 +The:0.1597888320684433 It:0.053015612065792084 He:0.04241934418678284 I:0.03357064351439476 :0.09189850836992264 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.05640308931469917 of:0.03670733794569969 the:0.022751249372959137 The:0.019809454679489136 :0.22737345099449158 +The:0.12525705993175507 He:0.09269685298204422 It:0.048439834266901016 A:0.03808414936065674 :0.09552178531885147 +same:0.05667797103524208 size:0.0116123016923666 middle:0.011247881688177586 time:0.010165534913539886 :0.15743552148342133 +the:0.2141297161579132 a:0.08880387991666794 in:0.019880665466189384 by:0.01867491565644741 :0.08719507604837418 +to:0.08583495020866394 of:0.0712435394525528 and:0.06361556053161621 in:0.04843435436487198 :0.1207621693611145 +of:0.334683358669281 and:0.05427950248122215 in:0.039184413850307465 who:0.012689364142715931 :0.050929952412843704 +the:0.03315724804997444 and:0.019143715500831604 I:0.01760079897940159 THE:0.0104582654312253 :0.1515282541513443 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.05529783293604851 the:0.05105266720056534 and:0.04471292346715927 was:0.034237317740917206 :0.03393538296222687 +a:0.19762752950191498 no:0.1959511935710907 not:0.05429288372397423 an:0.029512491077184677 :0.04038234427571297 +and:0.05818143114447594 of:0.050625115633010864 the:0.028655825182795525 to:0.020538518205285072 :0.17290562391281128 +the:0.276235967874527 a:0.04496820643544197 tho:0.018922360613942146 this:0.017424950376152992 :0.09291116148233414 +oath:0.017017565667629242 first:0.011422749608755112 place:0.010043194517493248 last:0.00958888791501522 :0.17277446389198303 +the:0.2698342502117157 be:0.0484912283718586 a:0.028419293463230133 his:0.013334627263247967 :0.06812858581542969 +a:0.10592610388994217 the:0.06778256595134735 one:0.05971977859735489 two:0.03334498032927513 :0.11585099250078201 +the:0.14435845613479614 a:0.08373807370662689 out:0.04276670515537262 up:0.030361713841557503 :0.0668274387717247 +great:0.026309678331017494 very:0.02252604439854622 member:0.02048908732831478 good:0.019123850390315056 :0.17179067432880402 +the:0.04607555270195007 a:0.01584836095571518 to:0.011268331669270992 in:0.009591734036803246 :0.1751600205898285 +of:0.15048982203006744 and:0.05844707414507866 The:0.01923777349293232 in:0.01580430567264557 :0.20378923416137695 +to:0.5382751226425171 and:0.15819820761680603 by:0.0846005529165268 the:0.025737397372722626 :0.020555954426527023 +able:0.028965085744857788 a:0.0253139641135931 made:0.02311130054295063 in:0.02070789597928524 :0.16357728838920593 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +will:0.05512174591422081 have:0.04957492649555206 to:0.03358783200383186 can:0.029428966343402863 :0.07336592674255371 +and:0.06040406599640846 expanse:0.018200499936938286 of:0.010719086043536663 fields:0.007850860245525837 :0.2083442509174347 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +is:0.21692705154418945 was:0.19023902714252472 would:0.07719545811414719 will:0.06181121990084648 :0.04437723755836487 +the:0.21815341711044312 be:0.04671306163072586 a:0.02503492869436741 tho:0.010135539807379246 :0.11866069585084915 +be:0.34887444972991943 have:0.14314520359039307 not:0.08402719348669052 bo:0.014998922124505043 :0.037478696554899216 +in:0.09849243611097336 and:0.0683441236615181 of:0.057568926364183426 are:0.046211544424295425 :0.04377669095993042 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +is:0.2813173830509186 was:0.1429443061351776 Is:0.06031987816095352 has:0.036271724849939346 :0.06841246038675308 +to:0.08088333904743195 of:0.0658491849899292 and:0.048328619450330734 the:0.03981111943721771 :0.13715636730194092 +where:0.09640638530254364 and:0.08283001184463501 in:0.05699146166443825 of:0.03777802363038063 :0.06717293709516525 +try:0.4267793297767639 try,:0.20393270254135132 ty:0.07995838671922684 try.:0.06591888517141342 :0.06483283638954163 +a:0.05563613772392273 the:0.04888615012168884 to:0.04521850869059563 in:0.036631327122449875 :0.13112622499465942 +the:0.05909387022256851 a:0.028002047911286354 more:0.017067160457372665 by:0.016911368817090988 :0.20865578949451447 +to:0.19154493510723114 of:0.13988563418388367 for:0.08326387405395508 that:0.04779552295804024 :0.029758507385849953 +other:0.05744735151529312 one:0.042736705392599106 of:0.038456227630376816 person:0.029739581048488617 :0.11292918771505356 +to:0.03878623619675636 and:0.034634243696928024 in:0.018169116228818893 1:0.015164874494075775 :0.1391361653804779 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +and:0.10556752979755402 of:0.10111671686172485 to:0.06688857823610306 was:0.047040004283189774 :0.09495973587036133 +and:0.20451673865318298 the:0.05806257203221321 as:0.03296482935547829 to:0.029970137402415276 :0.08491158485412598 +to:0.06063924729824066 the:0.04046611860394478 in:0.03876775503158569 by:0.024185949936509132 :0.13581548631191254 +of:0.18095825612545013 and:0.15349958837032318 on:0.031089672818779945 in:0.02944129891693592 :0.046049702912569046 +and:0.26088279485702515 but:0.06322309374809265 which:0.04691622033715248 the:0.04228651523590088 :0.04867935925722122 +few:0.042630698531866074 very:0.015618205070495605 short:0.015611534006893635 large:0.011541273444890976 :0.17077979445457458 +a:0.14813132584095 as:0.08129135519266129 an:0.039964709430933 other:0.01080386247485876 :0.12574146687984467 +was:0.040192779153585434 and:0.03900322690606117 of:0.031873732805252075 is:0.026363397017121315 :0.1517830193042755 +and:0.04050213843584061 the:0.02645166404545307 of:0.02640913799405098 to:0.019080771133303642 :0.16596367955207825 +a:0.11378289014101028 the:0.056762054562568665 to:0.04975175857543945 well:0.02849162556231022 :0.06844033300876617 +a:0.04104303568601608 the:0.038583237677812576 to:0.03641480952501297 not:0.031130239367485046 :0.15796314179897308 +of:0.07392438501119614 and:0.03313944861292839 to:0.019728995859622955 was:0.017124852165579796 :0.18530844151973724 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +of:0.41219639778137207 and:0.056351013481616974 was:0.022283518686890602 in:0.02120436728000641 :0.08170121163129807 +given:0.295858234167099 given,:0.1491725742816925 authorized:0.03879088535904884 ordered:0.03350592404603958 :0.08914471417665482 +people:0.040367241948843 story:0.01296600978821516 readers:0.011323211714625359 own:0.0082798907533288 :0.17522123456001282 +and:0.0966528132557869 in:0.022587629035115242 or:0.015340782701969147 the:0.013823483139276505 :0.19455280900001526 +sides:0.37326788902282715 sides,:0.09463644027709961 sides.:0.08400492370128632 of:0.021680736914277077 :0.061656653881073 +have:0.10843525826931 are:0.09612328559160233 were:0.03035389631986618 do:0.026925954967737198 :0.08455862104892731 +a:0.14058777689933777 the:0.08790799230337143 to:0.05716576427221298 us:0.051024824380874634 :0.04752662032842636 +had:0.06557044386863708 saw:0.045694369822740555 was:0.024608125910162926 heard:0.02356616035103798 :0.0877087339758873 +the:0.13204741477966309 upon:0.09817138314247131 a:0.057004619389772415 to:0.054997146129608154 :0.12363883852958679 +the:0.051443539559841156 a:0.0206957645714283 Mrs.:0.018436111509799957 State:0.01074318215250969 :0.153647318482399 +of:0.28065940737724304 to:0.044340986758470535 in:0.03640550747513771 and:0.03589402511715889 :0.05076233670115471 +the:0.1497848927974701 be:0.0577884204685688 have:0.020123498514294624 a:0.017745405435562134 :0.1419278085231781 +of:0.4363652467727661 and:0.08683090656995773 in:0.03931994363665581 to:0.030132584273815155 :0.04541771113872528 +the:0.4067331552505493 a:0.05008890852332115 this:0.022882750257849693 tho:0.017890095710754395 :0.044603247195482254 +and:0.06824421882629395 courage:0.021939139813184738 of:0.015365825966000557 obligation:0.00936164055019617 :0.22099679708480835 +the:0.11628290265798569 this:0.04481159523129463 be:0.03208561986684799 make:0.024303611367940903 :0.15985481441020966 +the:0.4224419891834259 a:0.05734759196639061 this:0.021311236545443535 tho:0.016007812693715096 :0.11087249964475632 +time:0.03982901945710182 is:0.03936811536550522 year:0.025348875671625137 was:0.025286158546805382 :0.10459458827972412 +be:0.4696776866912842 not:0.028455201536417007 bo:0.027145786210894585 do:0.012908286415040493 :0.054507989436388016 +of:0.32368016242980957 and:0.12434159964323044 to:0.04206068813800812 in:0.029443377628922462 :0.08416534960269928 +of:0.25063803791999817 the:0.07866770029067993 and:0.03385377675294876 to:0.03125304728746414 :0.0770704373717308 +and:0.07422276586294174 the:0.0693691223859787 to:0.04168161749839783 a:0.031075287610292435 :0.13498231768608093 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +mortgage:0.03551492840051651 John:0.014492273330688477 County:0.012314995750784874 William:0.009532668627798557 :0.16362731158733368 +the:0.3286641240119934 a:0.05549320951104164 all:0.028411652892827988 this:0.027232207357883453 :0.09889314323663712 +in:0.468309611082077 from:0.07795121520757675 In:0.06350662559270859 on:0.04049933701753616 :0.04769037663936615 +of:0.4133590757846832 for:0.10245922952890396 to:0.0915544331073761 and:0.05647193267941475 :0.02771526202559471 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.1501796543598175 you:0.07968977093696594 of:0.06144148111343384 us:0.049520913511514664 :0.05175910145044327 +the:0.21337303519248962 to:0.07389867305755615 a:0.05024753883481026 with:0.033611781895160675 :0.10274825990200043 +and:0.007261383347213268 family:0.006544740870594978 country:0.005424957722425461 people:0.0039877379313111305 :0.28304940462112427 +and:0.062115661799907684 John:0.010786525905132294 J.:0.008937530219554901 James:0.006796672940254211 :0.4919961988925934 +Carlos:0.02207738161087036 Juan:0.017322223633527756 and:0.009849130176007748 county,:0.00893931370228529 :0.5573889017105103 +of:0.5573408007621765 and:0.038693785667419434 for:0.02117365226149559 was:0.014969938434660435 :0.035656873136758804 +and:0.065162293612957 of:0.04248335212469101 the:0.02050097845494747 in:0.019079668447375298 :0.16434547305107117 +the:0.25860151648521423 a:0.05798793584108353 their:0.02659241110086441 this:0.014946017414331436 :0.09359369426965714 +a:0.10906589776277542 the:0.08850087225437164 an:0.014763793908059597 his:0.011630527675151825 :0.19177478551864624 +edy:0.15205690264701843 and:0.04860586300492287 of:0.014035442844033241 The:0.012899166904389858 :0.24717368185520172 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.05546777322888374 to:0.04231332615017891 and:0.030342699959874153 a:0.028691308572888374 :0.14267094433307648 +the:0.06540803611278534 and:0.06074400618672371 that:0.027619661763310432 to:0.022167356684803963 :0.1581120491027832 +the:0.3492510914802551 this:0.04189975559711456 a:0.03381466493010521 said:0.020713912323117256 :0.0530453622341156 +the:0.09681390970945358 a:0.05979800596833229 in:0.058718014508485794 up:0.05858113244175911 :0.05071670189499855 +the:0.6408658623695374 which:0.04785904288291931 this:0.028522707521915436 tho:0.025086749345064163 :0.023416247218847275 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +and:0.23080439865589142 the:0.05997220426797867 but:0.04687914252281189 in:0.019717976450920105 :0.049644436687231064 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +best:0.010452749207615852 most:0.008248402737081051 first:0.007798835635185242 same:0.006905900780111551 :0.18814320862293243 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +The:0.1547529548406601 It:0.07120801508426666 In:0.052490051835775375 I:0.02710438147187233 :0.11155279725790024 +and:0.1426478624343872 or:0.04972988739609718 in:0.04188237339258194 to:0.041753318160772324 :0.12997962534427643 +and:0.08696270734071732 of:0.030189143493771553 The:0.01724386028945446 to:0.017174774780869484 :0.2286924421787262 +said:0.007296264637261629 other:0.0051066200248897076 people:0.005024994257837534 same:0.004993358626961708 :0.22680704295635223 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.018329724669456482 to:0.015081886202096939 made:0.012568783946335316 got:0.011205073446035385 :0.12309256941080093 +or:0.05696126073598862 than:0.046831000596284866 of:0.026958439499139786 and:0.025059465318918228 :0.17567019164562225 +and:0.045304056257009506 W.:0.04411500319838524 H.:0.03912993520498276 E.:0.034126922488212585 :0.2108922302722931 +and:0.08696270734071732 of:0.030189143493771553 The:0.01724386028945446 to:0.017174774780869484 :0.2286924421787262 +are:0.14407624304294586 were:0.08605150133371353 have:0.0757959857583046 will:0.030459364876151085 :0.06795039772987366 +of:0.21415582299232483 and:0.0867857038974762 in:0.0374453105032444 to:0.0205085426568985 :0.06989721208810806 +of:0.24859824776649475 men:0.06099559739232063 and:0.04253830015659332 is:0.026095591485500336 :0.045633215457201004 +to:0.039954960346221924 the:0.03942010924220085 and:0.028694545850157738 in:0.018308589234948158 :0.17310065031051636 +to:0.13649830222129822 of:0.12333317846059799 and:0.10498907417058945 in:0.0559091679751873 :0.05028020963072777 +a:0.19762752950191498 no:0.1959511935710907 not:0.05429288372397423 an:0.029512491077184677 :0.04038234427571297 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +not:0.06583818793296814 the:0.03229038417339325 to:0.025458192452788353 a:0.022974668070673943 :0.12763726711273193 +the:0.04690080136060715 a:0.023993192240595818 any:0.01911311224102974 other:0.015991101041436195 :0.2837858200073242 +and:0.1554156392812729 the:0.07495351135730743 that:0.05356508493423462 a:0.02236734889447689 :0.06005280837416649 +and:0.06867433339357376 situate:0.05700047314167023 in:0.055347420275211334 conveyed:0.030649976804852486 :0.07914772629737854 +of:0.27674421668052673 who:0.0526159293949604 to:0.04227253422141075 are:0.03817153722047806 :0.036899711936712265 +feet:0.06601379066705704 per:0.04434575140476227 miles:0.027974745258688927 pounds,:0.019482946023344994 :0.13954129815101624 +The:0.01747046411037445 and:0.015902230516076088 the:0.013112624175846577 of:0.01249554194509983 :0.25462210178375244 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +of:0.0695650652050972 and:0.060028307139873505 the:0.05726435407996178 or:0.026319051161408424 :0.0968286395072937 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.2807996869087219 and:0.10273581743240356 in:0.07185240089893341 which:0.03235248848795891 :0.03949713706970215 +of:0.10737697780132294 and:0.050183359533548355 The:0.014838176779448986 to:0.014681256376206875 :0.17993338406085968 +part:0.0664774477481842 number:0.048979196697473526 extent:0.03766461834311485 degree:0.02474040910601616 :0.1083754152059555 +old:0.01734587736427784 order:0.01093175821006298 1:0.008764054626226425 act:0.00855819508433342 :0.29079732298851013 +the:0.09810922294855118 a:0.024310922250151634 be:0.020238088443875313 see:0.01826271042227745 :0.16035063564777374 +the:0.2173410952091217 virtue:0.08710645139217377 a:0.04882842302322388 said:0.01989412121474743 :0.0770500898361206 +was:0.027622373774647713 is:0.020174317061901093 government:0.01863032393157482 and:0.014429873786866665 :0.14310918748378754 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +of:0.28038910031318665 and:0.04545079916715622 was:0.03510862961411476 is:0.02186283841729164 :0.08219856023788452 +the:0.11387161165475845 he:0.05527450889348984 they:0.0404374785721302 in:0.028926918283104897 :0.04982754960656166 +of:0.14314280450344086 other:0.026366714388132095 one:0.015609660185873508 good:0.010614386759698391 :0.15037326514720917 +the:0.12216145545244217 a:0.05658717080950737 to:0.04336189478635788 if:0.03914370387792587 :0.08395683020353317 +the:0.13846701383590698 he:0.05580265820026398 they:0.03516180440783501 it:0.035077184438705444 :0.06137195602059364 +miles:0.11173760890960693 years:0.08743615448474884 hundred:0.07528121769428253 feet:0.056741055101156235 :0.054159946739673615 +Range:0.07602901011705399 The:0.020550426095724106 Mr.:0.019918840378522873 and:0.01839318685233593 :0.21627265214920044 +and:0.11279657483100891 to:0.09668309986591339 for:0.0438690148293972 but:0.022489292547106743 :0.12494846433401108 +and:0.19952243566513062 the:0.04862833395600319 as:0.02793198823928833 to:0.02715587429702282 :0.1465967893600464 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +by:0.5040638446807861 in:0.045316994190216064 with:0.0385705940425396 the:0.025745907798409462 :0.02687549591064453 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.2941704988479614 a:0.06161165237426758 this:0.015540850348770618 any:0.01308904867619276 :0.16427208483219147 +the:0.1525888741016388 said:0.02060827799141407 a:0.019924791529774666 this:0.013818930834531784 :0.23655736446380615 +head:0.02550945058465004 in:0.015608127228915691 head,:0.015464702621102333 to:0.014214139431715012 :0.19239500164985657 +the:0.18438692390918732 a:0.05979050695896149 that:0.018589764833450317 any:0.01840865984559059 :0.12009278684854507 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.07829366624355316 to:0.02089940570294857 that:0.018488002941012383 a:0.01617395505309105 :0.10879939049482346 +and:0.19286563992500305 but:0.04229855164885521 the:0.034853383898735046 with:0.021266227588057518 :0.1038016825914383 +the:0.3156953752040863 they:0.02829277142882347 he:0.02522873878479004 it:0.022104941308498383 :0.07050961256027222 +the:0.02511308714747429 a:0.016270557418465614 more:0.012442282401025295 other:0.011449852958321571 :0.2873902916908264 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.11591397225856781 in:0.04210786148905754 the:0.02781391330063343 on:0.026167793199419975 :0.13727441430091858 +off:0.091746985912323 out:0.04967513307929039 into:0.0427091158926487 and:0.042289670556783676 :0.046769365668296814 +of:0.7833479046821594 and:0.014289400540292263 ot:0.012723001651465893 was:0.008976011537015438 :0.012459468096494675 +and:0.036252494901418686 the:0.03563239797949791 a:0.020683832466602325 by:0.020400382578372955 :0.24122633039951324 +of:0.18275900185108185 as:0.06246227025985718 to:0.042342230677604675 in:0.03832312300801277 :0.10536094009876251 +and:0.11169587820768356 the:0.0503762811422348 in:0.039499714970588684 at:0.029557902365922928 :0.09626229852437973 +a:0.06846656650304794 the:0.04825889691710472 not:0.02478213980793953 in:0.015073750168085098 :0.14466936886310577 +the:0.0766075998544693 a:0.025451647117733955 to:0.02071322873234749 that:0.018293991684913635 :0.11764654517173767 +The:0.0965927392244339 It:0.05707905814051628 I:0.02636300027370453 In:0.023847127333283424 :0.14779280126094818 +not:0.05706248804926872 in:0.022442925721406937 to:0.021432049572467804 the:0.0165143683552742 :0.16116802394390106 +the:0.20062121748924255 you:0.052168719470500946 he:0.045020364224910736 it:0.034812670201063156 :0.0875391811132431 +and:0.15880189836025238 but:0.09613662958145142 the:0.043167844414711 he:0.030253134667873383 :0.03149430453777313 +was:0.06413806229829788 had:0.04708809778094292 has:0.03844723477959633 would:0.03703773766756058 :0.060565125197172165 +and:0.24855618178844452 as:0.036244869232177734 to:0.028639910742640495 in:0.022794954478740692 :0.10502247512340546 +the:0.06904071569442749 that:0.01744072511792183 a:0.01705722138285637 to:0.014946460723876953 :0.10308399051427841 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +train:0.04804593324661255 and:0.03056989423930645 of:0.02731105126440525 in:0.021171197295188904 :0.1004364863038063 +the:0.021324263885617256 .:0.013770485296845436 of:0.010907178744673729 and:0.007352745160460472 :0.4889639616012573 +the:0.06712085008621216 that:0.015369284898042679 a:0.014922648668289185 to:0.014024775475263596 :0.15850608050823212 +and:0.012902394868433475 State:0.005057841539382935 the:0.0035907698329538107 in:0.003566521918401122 :0.30962520837783813 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +of:0.8393592238426208 and:0.018916454166173935 in:0.01399945467710495 ot:0.01063426025211811 :0.007316445466130972 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +or:0.06484632194042206 years:0.0639173686504364 of:0.03157338872551918 and:0.024737678468227386 :0.1886429339647293 +the:0.09016728401184082 money:0.04764586687088013 said:0.014349423348903656 a:0.013890777714550495 :0.16763241589069366 +the:0.39333561062812805 his:0.028032872825860977 a:0.027287693694233894 this:0.02297133207321167 :0.07402954995632172 +time:0.06716762483119965 as:0.03796509653329849 to:0.026660649105906487 time,:0.01691386103630066 :0.09311540424823761 +not:0.028838424012064934 the:0.027751626446843147 in:0.022584808990359306 made:0.01434516254812479 :0.1933598518371582 +be:0.43349340558052063 not:0.04019462317228317 have:0.028775909915566444 bo:0.0239704716950655 :0.03477070480585098 +that:0.23537741601467133 the:0.09988389909267426 a:0.041669320315122604 as:0.027192585170269012 :0.05693529546260834 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.2851836085319519 a:0.03490026295185089 tho:0.01585848443210125 his:0.015296146273612976 :0.1415252983570099 +a:0.06288297474384308 the:0.05655816197395325 to:0.04273422434926033 up:0.028330955654382706 :0.08791223913431168 +covered:0.10787315666675568 posed:0.042139217257499695 solved:0.033068399876356125 charged:0.02812029793858528 :0.3272404074668884 +and:0.030372491106390953 of:0.023556195199489594 Company:0.02350146695971489 company:0.01191149652004242 :0.15120287239551544 +been:0.2351735383272171 a:0.0456407368183136 not:0.025228317826986313 the:0.020197948440909386 :0.09860303997993469 +and:0.06883170455694199 of:0.03978463634848595 the:0.02490801364183426 in:0.018487980589270592 :0.19819821417331696 +point:0.014206399209797382 large:0.012137062847614288 very:0.009463929571211338 great:0.007171118166297674 :0.17669185996055603 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +the:0.12700025737285614 a:0.04041829705238342 that:0.02983083575963974 in:0.02346217818558216 :0.0552007257938385 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +a:0.03770310431718826 the:0.03496844321489334 made:0.027254745364189148 sold:0.016782863065600395 :0.12037137895822525 +not:0.06460228562355042 to:0.044273339211940765 in:0.02402147836983204 the:0.022427326068282127 :0.10414555668830872 +and:0.1000833585858345 of:0.08049603551626205 in:0.02144833654165268 were:0.01693004183471203 :0.10944576561450958 +of:0.2028810679912567 to:0.07197023183107376 and:0.05388817936182022 in:0.04579053819179535 :0.05124857276678085 +and:0.052259527146816254 the:0.02982551045715809 of:0.023875152692198753 to:0.020614970475435257 :0.18944883346557617 +.:0.3780101537704468 of:0.019627775996923447 W:0.016853496432304382 H:0.013143014162778854 :0.2498159408569336 +are:0.12360631674528122 were:0.09871520847082138 have:0.0597321093082428 will:0.056833479553461075 :0.050738152116537094 +to:0.17574194073677063 in:0.16156050562858582 on:0.06490717828273773 at:0.06309032440185547 :0.062144871801137924 +the:0.04683327302336693 and:0.04444475099444389 to:0.02350771427154541 of:0.019624775275588036 :0.18142768740653992 +much:0.05259434133768082 great:0.018475709483027458 well:0.017851633951067924 far:0.017537172883749008 :0.1424325704574585 +and:0.07228203117847443 to:0.050736937671899796 in:0.043195318430662155 the:0.03545491397380829 :0.06214122846722603 +own:0.037691764533519745 life:0.009400890208780766 family:0.005222564563155174 friends:0.004922314081341028 :0.19804032146930695 +and:0.07420546561479568 of:0.0225034411996603 to:0.020054584369063377 The:0.01827886886894703 :0.16275674104690552 +be:0.050353728234767914 make:0.04252210631966591 get:0.02989100106060505 the:0.027570955455303192 :0.09362652152776718 +the:0.11239155381917953 that:0.037235572934150696 to:0.019660646095871925 it:0.01642884686589241 :0.09775691479444504 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +in:0.11605152487754822 to:0.07960590720176697 and:0.06862203031778336 with:0.06692994385957718 :0.05620047450065613 +the:0.06143253296613693 to:0.05841853842139244 and:0.024111641570925713 in:0.019725561141967773 :0.17706578969955444 +and:0.018517162650823593 in:0.01087496429681778 the:0.010279946960508823 In:0.0076375687494874 :0.24987521767616272 +the:0.1980343759059906 a:0.04550977796316147 one:0.017536252737045288 which:0.012618806213140488 :0.20736689865589142 +person:0.025926239788532257 persons:0.015456053428351879 rock:0.009281909093260765 of:0.008263278752565384 :0.18155331909656525 +and:0.016926389187574387 the:0.015341629274189472 I:0.007242354564368725 The:0.00434325635433197 :0.5532441735267639 +the:0.1887837052345276 a:0.06505906581878662 all:0.02468460611999035 this:0.020185407251119614 :0.07371731102466583 +Carolina:0.09191826730966568 Dakota,:0.08221165835857391 Carolina,:0.0364169180393219 and:0.01847114786505699 :0.2196899801492691 +the:0.24387264251708984 a:0.04709027707576752 tho:0.01610676385462284 any:0.014625255949795246 :0.10701166838407516 +the:0.36764463782310486 a:0.08671106398105621 tho:0.018367966637015343 his:0.016712291166186333 :0.0976702868938446 +few:0.27448001503944397 short:0.06295067816972733 year:0.05176148563623428 mile:0.04252760112285614 :0.08005251735448837 +and:0.03320536017417908 of:0.029033614322543144 the:0.02174251154065132 to:0.021054508164525032 :0.14055435359477997 +been:0.060034383088350296 a:0.04918312281370163 to:0.042047712951898575 no:0.03611384332180023 :0.08072179555892944 +.:0.120015949010849 and:0.012487947940826416 the:0.004924369510263205 of:0.004425626713782549 :0.46946069598197937 +the:0.219182088971138 a:0.01813342235982418 naval:0.016303302720189095 his:0.01598289981484413 :0.211869016289711 +have:0.0826743096113205 are:0.06162133440375328 had:0.059292037039995193 can:0.04194861650466919 :0.10647016763687134 +and:0.03938133269548416 of:0.030896712094545364 the:0.02644524723291397 a:0.019508834928274155 :0.19229091703891754 +of:0.1864059865474701 and:0.1434168666601181 was:0.039620041847229004 to:0.02770770899951458 :0.07061003148555756 +time:0.01527309324592352 right,:0.013752451166510582 other:0.012364895083010197 way:0.008908342570066452 :0.16499440371990204 +the:0.1703718900680542 a:0.04255823418498039 as:0.03587327525019646 to:0.016080904752016068 :0.19622021913528442 +first:0.016724519431591034 said:0.011751418001949787 time:0.011722218245267868 war:0.011099166236817837 :0.17003309726715088 +Union:0.06473716348409653 Canada:0.057012785226106644 and:0.036907535046339035 steam:0.017508788034319878 :0.24659770727157593 +and:0.07144726067781448 of:0.04087495431303978 who:0.015852751210331917 the:0.014432868920266628 :0.27161431312561035 +J:0.013871255330741405 J.:0.012909330427646637 A.:0.011898593977093697 John:0.008477075025439262 :0.4801158905029297 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.24702990055084229 to:0.07067319005727768 in:0.06612087786197662 and:0.06151227653026581 :0.06342422962188721 +the:0.283138632774353 a:0.06709182262420654 all:0.02891964465379715 it:0.02881728485226631 :0.12164819985628128 +to:0.01540446188300848 and:0.007231267634779215 a:0.006400512997061014 that:0.00538157531991601 :0.34964320063591003 +act:0.03460190072655678 overwhelming:0.03245998173952103 instrument:0.020929990336298943 old:0.017247335985302925 :0.21405163407325745 +the:0.1486661583185196 of:0.05274590104818344 that:0.024740763008594513 this:0.012910446152091026 :0.10014583170413971 +and:0.23737706243991852 dollars:0.051699940115213394 yards:0.04415437579154968 years:0.038136888295412064 :0.09443012624979019 +the:0.25410714745521545 a:0.0705784410238266 him:0.02187686413526535 us:0.021271580830216408 :0.0740370973944664 +sale:0.19749842584133148 the:0.16307300329208374 a:0.030307067558169365 this:0.016194744035601616 :0.12459171563386917 +of:0.03635965287685394 more:0.025214267894625664 one:0.023378683254122734 other:0.019741913303732872 :0.1143471971154213 +form:0.00679564056918025 and:0.0063896384090185165 a:0.004727667663246393 county,:0.004720171447843313 :0.5014773607254028 +the:0.042866405099630356 not:0.036825187504291534 now:0.03674030303955078 to:0.023111442103981972 :0.11745712161064148 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +be:0.07198319584131241 the:0.051098015159368515 do:0.03451006859540939 make:0.03343247249722481 :0.0678383931517601 +Louis:0.11644092202186584 Paul:0.03548363223671913 Louis,:0.026011057198047638 John,:0.02106139436364174 :0.310166597366333 +the:0.032483477145433426 was:0.02919202856719494 of:0.027414429932832718 and:0.026798516511917114 :0.17232030630111694 +of:0.09810836613178253 is:0.09153366833925247 was:0.045419152826070786 the:0.041135065257549286 :0.04218638688325882 +the:0.32392874360084534 a:0.05746397003531456 this:0.02647174708545208 tho:0.02092195302248001 :0.12207726389169693 +of:0.06907482445240021 the:0.04223942756652832 and:0.039783768355846405 to:0.03077479638159275 :0.1312531977891922 +the:0.15046827495098114 that:0.03373367339372635 in:0.03226540982723236 any:0.032164961099624634 :0.07298532873392105 +and:0.07019471377134323 the:0.05406629294157028 to:0.048366475850343704 was:0.034620627760887146 :0.12921284139156342 +and:0.07305588573217392 the:0.03267774358391762 to:0.030519582331180573 The:0.016636598855257034 :0.1549842655658722 +than:0.02217085100710392 of:0.022010937333106995 important:0.01936647668480873 or:0.013529944233596325 :0.17497310042381287 +and:0.1285092681646347 of:0.030673250555992126 the:0.02450370043516159 at:0.016114825382828712 :0.1563514918088913 +the:0.06275581568479538 a:0.04773280769586563 to:0.02987077459692955 in:0.028040096163749695 :0.16350825130939484 +the:0.10128695517778397 a:0.07369344681501389 up:0.018792886286973953 rid:0.01839485950767994 :0.11367549747228622 +old,:0.21422334015369415 of:0.09715152531862259 old.:0.069854237139225 and:0.04304524511098862 :0.055193234235048294 +the:0.0642160102725029 a:0.017737701535224915 to:0.017717406153678894 in:0.013569807633757591 :0.10666291415691376 +the:0.05169578641653061 and:0.040611132979393005 whereas,:0.036231156438589096 that:0.0268546175211668 :0.04800596833229065 +and:0.11307621747255325 that:0.09871302545070648 of:0.0753801167011261 or:0.03801538050174713 :0.07244569808244705 +to:0.32539084553718567 and:0.13517093658447266 of:0.04994804412126541 or:0.04106296971440315 :0.03527042642235756 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +of:0.31774359941482544 to:0.08479190617799759 entitled:0.051787130534648895 as:0.02789389342069626 :0.042964208871126175 +the:0.3139689266681671 a:0.05084019526839256 his:0.014777790755033493 tho:0.012548957951366901 :0.11177278310060501 +the:0.11634110659360886 a:0.11173687130212784 to:0.07718195021152496 well:0.03497118502855301 :0.07928917557001114 +the:0.23256199061870575 a:0.04588703066110611 this:0.015103301964700222 tho:0.01405534241348505 :0.22837327420711517 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.1957455575466156 to:0.051796697080135345 in:0.02930307574570179 the:0.023498227819800377 :0.07850410044193268 +important:0.03610443323850632 of:0.021564314141869545 interesting:0.012456282041966915 prominent:0.012193573638796806 :0.17557279765605927 +the:0.14625123143196106 a:0.04030471667647362 much:0.028719792142510414 well:0.02324768342077732 :0.09931688010692596 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +and:0.10673709958791733 of:0.07718387991189957 for:0.02202601544559002 the:0.021069318056106567 :0.13101902604103088 +the:0.11758024990558624 to:0.11044459044933319 a:0.03944387286901474 two:0.033714622259140015 :0.20951759815216064 +and:0.03176127001643181 of:0.02170916460454464 I:0.019068162888288498 at:0.01555261667817831 :0.1717277318239212 +that:0.46632298827171326 the:0.16869883239269257 and:0.03209218010306358 from:0.015404459089040756 :0.030663734301924706 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +part:0.023945337161421776 tract:0.020927980542182922 promissory:0.016316503286361694 mortgage:0.01430914830416441 :0.15459394454956055 +hundred:0.5646169185638428 of:0.03419676795601845 hun-:0.019594142213463783 who:0.011574864387512207 :0.046542853116989136 +of:0.059054214507341385 in:0.04815710708498955 and:0.0426098108291626 on:0.03296497091650963 :0.08230870962142944 +the:0.17458246648311615 a:0.04688071832060814 to:0.034060731530189514 with:0.020177168771624565 :0.19956718385219574 +own:0.04947119578719139 hands:0.04158778861165047 hands.:0.013879051432013512 respective:0.011720092035830021 :0.22640158236026764 +bearers:0.24109376966953278 of:0.10961262136697769 and:0.08125576376914978 that:0.021782124415040016 :0.05635445937514305 +the:0.20579081773757935 a:0.034069258719682693 his:0.02378821186721325 this:0.020398244261741638 :0.10058443993330002 +been:0.3500768840312958 a:0.023211443796753883 the:0.01885223761200905 done:0.016291635110974312 :0.06375680863857269 +and:0.04532448574900627 of:0.02744375355541706 the:0.02625546231865883 to:0.023811204358935356 :0.1882035881280899 +the:0.315324604511261 a:0.03834686428308487 this:0.02345098741352558 his:0.015233790501952171 :0.12648846209049225 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +not:0.06534674763679504 the:0.04117107391357422 now:0.020585285499691963 in:0.019811362028121948 :0.12373991310596466 +W:0.043409060686826706 W.:0.037963658571243286 H.:0.03093159757554531 H:0.02889390103518963 :0.33188289403915405 +way:0.15683016180992126 the:0.1548563688993454 suffrage:0.0299540963023901 a:0.02245725691318512 :0.16061413288116455 +the:0.13292154669761658 in:0.035145051777362823 they:0.022558974102139473 on:0.021545475348830223 :0.1287868320941925 +the:0.30736640095710754 a:0.026213210076093674 his:0.023191936314105988 their:0.02205842360854149 :0.11445639282464981 +of:0.17673155665397644 fund:0.0551062747836113 in:0.022073475643992424 to:0.021897291764616966 :0.09679634869098663 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +and:0.17102575302124023 the:0.037177715450525284 which:0.02484431490302086 in:0.023866422474384308 :0.11394692957401276 +the:0.1561526358127594 he:0.0481242761015892 a:0.03956868499517441 they:0.035359155386686325 :0.07324080914258957 +the:0.2751919627189636 and:0.03744083270430565 a:0.023635568097233772 his:0.022820699959993362 :0.07355678081512451 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.08645561337471008 a:0.06838880479335785 more:0.027649829164147377 in:0.026010654866695404 :0.11468919366598129 +a:0.07195116579532623 the:0.039955731481313705 to:0.023456836119294167 no:0.0218899454921484 :0.14216944575309753 +and:0.08075155317783356 to:0.07333829253911972 the:0.047993358224630356 The:0.028022540733218193 :0.12651777267456055 +Office:0.3212154805660248 Office,:0.05404870957136154 of:0.03525013104081154 and:0.027200914919376373 :0.11819884926080704 +of:0.07852435857057571 and:0.049536753445863724 to:0.016607314348220825 the:0.016574712470173836 :0.24687336385250092 +was:0.09592394530773163 is:0.08851736783981323 to:0.05915253981947899 and:0.04365856945514679 :0.03761088475584984 +purposes:0.026653708890080452 and:0.023712599650025368 purposes.:0.02019353397190571 purposes,:0.014695229008793831 :0.20934639871120453 +amount:0.033132895827293396 increase:0.023527277633547783 interest:0.017766043543815613 average:0.015063862316310406 :0.18780262768268585 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +do:0.03164638951420784 get:0.028603538870811462 make:0.027184559032320976 pay:0.01779761351644993 :0.09429807960987091 +of:0.20976290106773376 and:0.047746844589710236 in:0.02649969421327114 the:0.02351812645792961 :0.05669845640659332 +of:0.1001666933298111 that:0.09485635906457901 the:0.040868278592824936 and:0.03553106263279915 :0.1165793240070343 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +know:0.05172891169786453 want:0.025089748203754425 think:0.02492254041135311 see:0.024747323244810104 :0.09021051228046417 +is:0.19220121204853058 was:0.08673154562711716 will:0.03282377868890762 would:0.031237101182341576 :0.12148718535900116 +from:0.20912154018878937 of:0.0871720016002655 to:0.056393396109342575 and:0.0371299684047699 :0.05004924535751343 +the:0.2558519244194031 a:0.0407363697886467 which:0.02373986691236496 tho:0.01943916641175747 :0.15491294860839844 +have:0.025978926569223404 the:0.024414626881480217 was:0.01968555524945259 am:0.016700854524970055 :0.21293482184410095 +ceived:0.11531150341033936 quired:0.10809734463691711 membered:0.048414457589387894 garded:0.039655428379774094 :0.18085865676403046 +trip:0.017858562991023064 to:0.0149742616340518 in:0.012505642138421535 part:0.011543910019099712 :0.21008533239364624 +and:0.12306345254182816 a:0.016417670994997025 the:0.0113374600186944 or:0.009677829220890999 :0.25355300307273865 +and:0.08613605052232742 to:0.0712357759475708 as:0.04622959718108177 in:0.042642269283533096 :0.031021535396575928 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +J:0.048396412283182144 W.:0.037512801587581635 Dr.:0.0363955982029438 J.:0.03586092218756676 :0.15730434656143188 +and:0.05853642150759697 the:0.033602748066186905 of:0.021760961040854454 in:0.0209842287003994 :0.24553143978118896 +the:0.2210799902677536 a:0.04567909240722656 this:0.031053489074110985 tho:0.02067658305168152 :0.14637210965156555 +of:0.11441344767808914 me:0.0866289809346199 the:0.07933808118104935 that:0.06424686312675476 :0.08634010702371597 +of:0.19621184468269348 and:0.036126699298620224 for:0.035542868077754974 the:0.0299704447388649 :0.1364637315273285 +was:0.06902047246694565 and:0.048437200486660004 is:0.041098181158304214 in:0.027681611478328705 :0.08394613116979599 +ers:0.0892123430967331 of:0.057845085859298706 and:0.0466967411339283 was:0.022559842094779015 :0.19624260067939758 +said:0.013132651336491108 following:0.010908967815339565 same:0.009678245522081852 first:0.009439731016755104 :0.16098394989967346 +is:0.20426388084888458 was:0.11510105431079865 has:0.0382513664662838 would:0.03751962259411812 :0.05155707150697708 +lage:0.6569531559944153 and:0.016316473484039307 of:0.009866210632026196 The:0.005501763429492712 :0.11448963731527328 +self:0.5650674104690552 self.:0.06785515695810318 self,:0.05320347473025322 and:0.02644488587975502 :0.0531863272190094 +and:0.08747165650129318 to:0.02489342913031578 of:0.021503906697034836 or:0.017625778913497925 :0.16362422704696655 +by:0.32781359553337097 the:0.0937093123793602 in:0.07758499681949615 to:0.05840638279914856 :0.04333922639489174 +the:0.07624048739671707 and:0.057416416704654694 a:0.02213997021317482 in:0.015468272380530834 :0.1622115522623062 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +to:0.779651939868927 for:0.015338068827986717 the:0.013289369642734528 a:0.007117941044270992 :0.024030776694417 +the:0.16839437186717987 be:0.12191830575466156 have:0.02629181556403637 a:0.017408011481165886 :0.09171782433986664 +the:0.25239038467407227 said:0.02939416840672493 a:0.02471042238175869 this:0.019087305292487144 :0.2372852861881256 +and:0.08483438938856125 of:0.08104351162910461 to:0.0488397553563118 in:0.02894977480173111 :0.06508366018533707 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +and:0.0701281800866127 the:0.044264212250709534 in:0.023164065554738045 The:0.02084522694349289 :0.15570998191833496 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.4368709921836853 and:0.0718373954296112 to:0.028099974617362022 in:0.027344711124897003 :0.06524627655744553 +the:0.2251998335123062 section:0.20879870653152466 Section:0.08045027405023575 a:0.06995449215173721 :0.07609054446220398 +made:0.024013899266719818 a:0.021987220272421837 the:0.020558802410960197 was:0.01039567869156599 :0.23619356751441956 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +The:0.14470157027244568 It:0.05225210636854172 In:0.05194991081953049 He:0.030585957691073418 :0.10780034959316254 +was:0.040192779153585434 and:0.03900322690606117 of:0.031873732805252075 is:0.026363397017121315 :0.1517830193042755 +only:0.26280006766319275 a:0.09314801543951035 long:0.04657452553510666 the:0.0380709245800972 :0.06683848798274994 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +o'clock:0.33225417137145996 o’clock:0.08256586641073227 o'clock,:0.049899738281965256 o'clock.:0.04850849136710167 :0.09379889816045761 +the:0.37618982791900635 a:0.0527912862598896 his:0.032596200704574585 this:0.023071620613336563 :0.11146082729101181 +been:0.3549823462963104 made:0.016909591853618622 become:0.016580680385231972 a:0.016063719987869263 :0.056510064750909805 +The:0.17732198536396027 It:0.07678145170211792 He:0.04166848212480545 This:0.027204465121030807 :0.08315691351890564 +from:0.2067233771085739 the:0.12142430990934372 with:0.06141071021556854 and:0.04759102314710617 :0.037282589823007584 +that:0.14167997241020203 the:0.10970459878444672 his:0.06223827600479126 a:0.050734102725982666 :0.03449532017111778 +was:0.04179548844695091 am:0.026767725124955177 have:0.025874463841319084 had:0.02055789716541767 :0.18226072192192078 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.07122800499200821 in:0.026248862966895103 of:0.023064374923706055 the:0.021075792610645294 :0.21331894397735596 +been:0.1839200109243393 not:0.034707922488451004 had:0.019597861915826797 a:0.01767822355031967 :0.08000820130109787 +the:0.22152560949325562 a:0.060383278876543045 least:0.03969615697860718 present:0.01697119139134884 :0.1850556582212448 +the:0.10094147175550461 a:0.05486923083662987 so:0.03821052983403206 any:0.031649842858314514 :0.07404366135597229 +great:0.03299156576395035 good:0.02633814886212349 member:0.019187768921256065 very:0.012915865518152714 :0.13919493556022644 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.12708526849746704 a:0.05127483606338501 called:0.025635976344347 known:0.018961776047945023 :0.13960352540016174 +the:0.07526315748691559 a:0.058299604803323746 not:0.023282451555132866 in:0.015951763838529587 :0.11858399212360382 +to:0.05417110398411751 and:0.045876070857048035 a:0.03520403429865837 in:0.03493059054017067 :0.06313427537679672 +of:0.24376267194747925 for:0.1743946075439453 to:0.08160538971424103 and:0.07268361002206802 :0.034447573125362396 +the:0.13616369664669037 this:0.016692381352186203 a:0.016541240736842155 their:0.007595370057970285 :0.1684398651123047 +said:0.1487249732017517 the:0.12207972258329391 a:0.012439682148396969 lot:0.008175143972039223 :0.18369463086128235 +The:0.017546026036143303 and:0.01246724184602499 A:0.010557275265455246 the:0.007730450946837664 :0.5726027488708496 +that:0.14075496792793274 the:0.06571441888809204 a:0.06044520437717438 not:0.04762134701013565 :0.07843714207410812 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +of:0.1371271163225174 was:0.08301002532243729 and:0.07241827994585037 is:0.06077900528907776 :0.08578271418809891 +the:0.19438154995441437 in:0.06415484845638275 a:0.0467948280274868 and:0.039531342685222626 :0.09025721251964569 +the:0.300420343875885 a:0.04661533609032631 which:0.03190905600786209 his:0.02855374477803707 :0.05213911458849907 +a:0.01833304576575756 was:0.01806221529841423 the:0.01613035425543785 said:0.013758858665823936 :0.16790756583213806 +and:0.11749354749917984 the:0.05585283786058426 but:0.04656961187720299 for:0.022375836968421936 :0.06886839121580124 +the:0.23163621127605438 a:0.13055409491062164 all:0.023954417556524277 his:0.023232562467455864 :0.07906612008810043 +and:0.11973108351230621 the:0.06568140536546707 which:0.03889703378081322 but:0.037248749285936356 :0.08536852151155472 +a:0.042774226516485214 the:0.029847009107470512 not:0.02728050760924816 to:0.025115691125392914 :0.1258692890405655 +to:0.058013394474983215 the:0.054062340408563614 and:0.03757854178547859 of:0.02942950464785099 :0.0540623664855957 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.2508307993412018 a:0.03735692799091339 this:0.018644731491804123 their:0.014672582037746906 :0.1817479133605957 +the:0.26258915662765503 a:0.03411833569407463 his:0.014407049864530563 this:0.013575581833720207 :0.15017232298851013 +days:0.11037056148052216 years:0.06524758040904999 weeks:0.04300606995820999 minutes:0.03682844713330269 :0.13118532299995422 +been:0.13681617379188538 to:0.04921169579029083 a:0.04290284961462021 the:0.031617868691682816 :0.11936667561531067 +not:0.05146466940641403 a:0.04500502720475197 the:0.03365222364664078 to:0.025832097977399826 :0.07564763724803925 +of:0.38738295435905457 and:0.06707841902971268 from:0.031498875468969345 in:0.027208928018808365 :0.08347606658935547 +the:0.15745294094085693 to:0.06810690462589264 it:0.05432942137122154 in:0.04221566766500473 :0.045078009366989136 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +who:0.06675779819488525 and:0.05374220013618469 of:0.045644309371709824 is:0.040187086910009384 :0.06706157326698303 +United:0.009103541262447834 said:0.007021836005151272 city:0.00613123644143343 present:0.005068934988230467 :0.25462085008621216 +the:0.23512621223926544 a:0.05193200334906578 this:0.03399619460105896 their:0.01910419762134552 :0.0761270746588707 +of:0.17783845961093903 and:0.09775818884372711 to:0.037449173629283905 was:0.029297461733222008 :0.13590803742408752 +to:0.0568438321352005 the:0.05231362581253052 and:0.031168824061751366 a:0.02234230563044548 :0.1449517160654068 +the:0.22456924617290497 a:0.07630404084920883 said:0.03828493878245354 an:0.015910012647509575 :0.11668060719966888 +the:0.04690080136060715 a:0.023993192240595818 any:0.01911311224102974 other:0.015991101041436195 :0.2837858200073242 +be:0.17799894511699677 have:0.0667298436164856 see:0.027912363409996033 get:0.026959897950291634 :0.07984307408332825 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +and:0.19113492965698242 the:0.08921650797128677 but:0.04677150025963783 was:0.02302851341664791 :0.033204879611730576 +the:0.21764223277568817 a:0.03020630218088627 to:0.022267121821641922 this:0.01893661357462406 :0.11790923774242401 +of:0.6776915192604065 that:0.04187627509236336 and:0.028263602405786514 to:0.0146745964884758 :0.010324631817638874 +to:0.10993149876594543 and:0.10543272644281387 in:0.02655847929418087 for:0.019141890108585358 :0.1364249289035797 +and:0.052280325442552567 of:0.03248077258467674 was:0.025014426559209824 is:0.02451755292713642 :0.18182587623596191 +the:0.31924930214881897 a:0.07471165060997009 his:0.03221641108393669 their:0.020796064287424088 :0.05812535434961319 +and:0.03620809689164162 ing:0.012430715374648571 in:0.010335158556699753 or:0.008195338770747185 :0.47368937730789185 +the:0.10571835935115814 a:0.027656452730298042 in:0.015178864821791649 that:0.011578723788261414 :0.1406329721212387 +from:0.03969508782029152 as:0.03320896252989769 of:0.024815179407596588 below:0.022199448198080063 :0.14865003526210785 +the:0.24903185665607452 a:0.022660020738840103 this:0.021407192572951317 his:0.015324774198234081 :0.16000646352767944 +country:0.052185241132974625 city:0.046934403479099274 way:0.031117264181375504 city,:0.022620681673288345 :0.1143367663025856 +cree:0.06969407200813293 cided:0.055393487215042114 lightful:0.03919912502169609 mand:0.0366169773042202 :0.38256940245628357 +of:0.48418518900871277 was:0.059127021580934525 is:0.046012505888938904 in:0.035234831273555756 :0.03352272883057594 +and:0.0682905837893486 of:0.04254655912518501 feet:0.02018573135137558 in:0.01950349099934101 :0.27514103055000305 +and:0.09944309294223785 the:0.049425192177295685 a:0.03893784433603287 in:0.03072989732027054 :0.1424248367547989 +the:0.466702938079834 a:0.030566738918423653 tho:0.024705199524760246 his:0.021727517247200012 :0.04817059636116028 +of:0.22468677163124084 and:0.0888458862900734 in:0.0353693850338459 is:0.033810004591941833 :0.030915578827261925 +been:0.2825845777988434 a:0.0371301993727684 to:0.025174913927912712 not:0.02381744049489498 :0.07547640055418015 +al.:0.10745935142040253 seq.,:0.06175525113940239 al.,:0.028696874156594276 al,:0.025263642892241478 :0.3997447192668915 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.2420325130224228 a:0.07586559653282166 their:0.04258757829666138 this:0.023788444697856903 :0.07983004301786423 +page:0.7189568877220154 the:0.09568653255701065 a:0.02158536948263645 said:0.011992485262453556 :0.02808965928852558 +and:0.1829548478126526 or:0.03153456002473831 which:0.02560635842382908 in:0.02132079005241394 :0.1456361562013626 +the:0.051990993320941925 a:0.04675532132387161 in:0.029200436547398567 not:0.021209368482232094 :0.10216211527585983 +a:0.07010596990585327 not:0.05420732498168945 the:0.05396781489253044 in:0.016393130645155907 :0.10485593974590302 +the:0.09152432531118393 a:0.027556410059332848 in:0.012511386536061764 all:0.011630367487668991 :0.1480754315853119 +been:0.14760366082191467 a:0.05584808811545372 the:0.02858027257025242 to:0.025686929002404213 :0.11843021959066391 +.:0.0836515948176384 he:0.03796952962875366 and:0.025355685502290726 J:0.018976889550685883 :0.3343936502933502 +been:0.21902433037757874 to:0.030629374086856842 a:0.029786592349410057 the:0.022143572568893433 :0.07825400680303574 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.2491634488105774 this:0.017090821638703346 a:0.014706740155816078 their:0.012064915150403976 :0.15714377164840698 +the:0.10106850415468216 a:0.07535490393638611 his:0.06359799951314926 on:0.052678413689136505 :0.05683174729347229 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +the:0.20666567981243134 any:0.04982920363545418 a:0.046565283089876175 this:0.02401084080338478 :0.0874057486653328 +people:0.014286915771663189 said:0.009541111066937447 same:0.007768310606479645 United:0.007545930799096823 :0.16696782410144806 +House:0.26475512981414795 of:0.11313646286725998 House,:0.0804530456662178 for:0.04990098625421524 :0.06440133601427078 +own:0.026829075068235397 to:0.01808350346982479 husband:0.016375254839658737 mother:0.016060305759310722 :0.17519693076610565 +The:0.032851338386535645 .:0.026836039498448372 and:0.01711110770702362 the:0.012540537863969803 :0.2852705717086792 +that:0.22724969685077667 the:0.09370025992393494 of:0.05793771147727966 or:0.034091461449861526 :0.033593952655792236 +people:0.014286915771663189 said:0.009541111066937447 same:0.007768310606479645 United:0.007545930799096823 :0.16696782410144806 +to:0.0983693078160286 the:0.08477026969194412 and:0.030304964631795883 he:0.026578780263662338 :0.10946652293205261 +of:0.3179345726966858 and:0.044116731733083725 to:0.02114863321185112 is:0.014724831096827984 :0.07423865050077438 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.2765847146511078 a:0.037665657699108124 said:0.02423921786248684 this:0.02348443865776062 :0.18016937375068665 +of:0.11653453856706619 and:0.04395477473735809 to:0.03935397043824196 The:0.02454395964741707 :0.16472485661506653 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +own:0.044845812022686005 respective:0.012155706994235516 friends:0.00942209642380476 means:0.00532557675614953 :0.23447246849536896 +and:0.05618410184979439 the:0.03402279317378998 in:0.02113320492208004 of:0.017953181639313698 :0.163044273853302 +the:0.2914518713951111 a:0.03448964282870293 be:0.025941548869013786 tho:0.013658344745635986 :0.09871285408735275 +the:0.11102502793073654 a:0.0626477524638176 his:0.058845292776823044 to:0.026998696848750114 :0.11352125555276871 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.34606921672821045 least:0.06906789541244507 a:0.03351430967450142 this:0.026376614347100258 :0.1064925566315651 +and:0.06388934701681137 of:0.018922841176390648 The:0.017023738473653793 the:0.014015167020261288 :0.23600545525550842 +the:0.0823468342423439 be:0.05038292333483696 make:0.02391497977077961 secure:0.015262299217283726 :0.08740893751382828 +to:0.02917325682938099 the:0.01981990598142147 and:0.01705177128314972 that:0.00842275284230709 :0.25324589014053345 +of:0.11835335195064545 and:0.046161673963069916 to:0.016980664804577827 in:0.011536768637597561 :0.23652540147304535 +and:0.12543590366840363 in:0.08668165653944016 of:0.05519266426563263 the:0.030225424095988274 :0.0941508412361145 +and:0.03787187486886978 in:0.03098435141146183 or:0.018476342782378197 In:0.013302546925842762 :0.23562100529670715 +and:0.15276820957660675 the:0.06455378979444504 but:0.05399150401353836 with:0.02316994033753872 :0.10759851336479187 +and:0.18397468328475952 which:0.03741477429866791 the:0.026573343202471733 but:0.023877380415797234 :0.02944820560514927 +and:0.22923550009727478 in:0.04987921193242073 to:0.03735104948282242 that:0.026184123009443283 :0.058299873024225235 +the:0.1608768105506897 it:0.04269815608859062 we:0.035765331238508224 I:0.033226773142814636 :0.06210765987634659 +house:0.18632157146930695 of:0.1081605777144432 and:0.10588178038597107 house,:0.06946169584989548 :0.09019771218299866 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +and:0.032256122678518295 party:0.021186193451285362 parties:0.00974157266318798 economy,:0.007743086200207472 :0.22461457550525665 +the:0.2546987533569336 a:0.025505218654870987 which:0.017377495765686035 tho:0.013661016710102558 :0.15858730673789978 +side:0.16513587534427643 line:0.1629037857055664 of:0.07413312792778015 half:0.05804550647735596 :0.050693970173597336 +States:0.4906804859638214 States,:0.18643523752689362 States.:0.10460172593593597 Slates:0.01353408768773079 :0.11112630367279053 +the:0.40570950508117676 them:0.08724837005138397 these:0.03180652856826782 our:0.02578161656856537 :0.046934228390455246 +the:0.2906218469142914 a:0.03579466789960861 his:0.017773201689124107 their:0.015151220373809338 :0.10418080538511276 +the:0.07478010654449463 a:0.047753218561410904 and:0.0371871218085289 in:0.02106298692524433 :0.07713048905134201 +the:0.20944279432296753 I:0.0654977485537529 a:0.056893765926361084 he:0.049976762384176254 :0.09009654819965363 +and:0.05949090048670769 the:0.03881753981113434 or:0.020619694143533707 to:0.019655320793390274 :0.1400960236787796 +of:0.13930903375148773 the:0.08294185996055603 to:0.056796375662088394 that:0.03543362393975258 :0.037678685039281845 +and:0.08038987964391708 of:0.04049922153353691 The:0.02769174613058567 the:0.02633664943277836 :0.12987788021564484 +the:0.35318058729171753 this:0.026945810765028 his:0.026661640033125877 a:0.023517893627285957 :0.0754663273692131 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.8204043507575989 and:0.02482990175485611 or:0.02120123989880085 for:0.009552127681672573 :0.020332440733909607 +the:0.11545556783676147 a:0.07252061367034912 by:0.06817113608121872 that:0.056400902569293976 :0.09515991806983948 +same:0.016206730157136917 whole:0.01079404167830944 most:0.006430224049836397 amount:0.005980413407087326 :0.18595010042190552 +The:0.12305013090372086 In:0.0674615427851677 It:0.06419740617275238 He:0.048073381185531616 :0.07791583985090256 +than:0.690720796585083 or:0.012509120628237724 to:0.008723771199584007 fully:0.006178497802466154 :0.039247576147317886 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.0684778168797493 and:0.06350813060998917 The:0.02163209393620491 to:0.01949123851954937 :0.18836919963359833 +the:0.1078842505812645 and:0.045123059302568436 to:0.026847010478377342 in:0.024662507697939873 :0.0684787780046463 +a:0.1226046159863472 the:0.12192402780056 it:0.08203953504562378 up:0.03686317056417465 :0.049926549196243286 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +of:0.07817355543375015 year,:0.036114539951086044 and:0.029553702101111412 other:0.02676771953701973 :0.11772779375314713 +the:0.13779865205287933 be:0.05281587690114975 a:0.03051116317510605 all:0.010387925431132317 :0.1391582190990448 +the:0.07506091147661209 to:0.050516486167907715 off:0.04619671031832695 a:0.038471825420856476 :0.07159049808979034 +of:0.3999103605747223 in:0.1031579077243805 and:0.05070141330361366 to:0.026140276342630386 :0.032576244324445724 +of:0.7016294002532959 and:0.024191902950406075 ot:0.01494668796658516 ol:0.007067096419632435 :0.03429020196199417 +of:0.3169519901275635 to:0.06757523119449615 and:0.04368414729833603 in:0.03743315488100052 :0.034635867923498154 +of:0.5716392993927002 and:0.07123765349388123 to:0.024955036118626595 are:0.01768133044242859 :0.018558960407972336 +court:0.44478416442871094 court,:0.14609484374523163 court.:0.05171036720275879 and:0.006355648394674063 :0.06429940462112427 +The:0.11445177346467972 It:0.050283338874578476 He:0.032604336738586426 There:0.02895505540072918 :0.06685630232095718 +a:0.19762752950191498 no:0.1959511935710907 not:0.05429288372397423 an:0.029512491077184677 :0.04038234427571297 +the:0.07328622788190842 a:0.018887503072619438 to:0.014861300587654114 after:0.014224435202777386 :0.18059957027435303 +the:0.25510337948799133 a:0.027971088886260986 work:0.016678256914019585 his:0.012070034630596638 :0.14886422455310822 +us:0.14716298878192902 the:0.11290881782770157 me:0.06040807440876961 him:0.0581674724817276 :0.04998595267534256 +and:0.148617222905159 is:0.02522413060069084 the:0.022256001830101013 where:0.019747044891119003 :0.1476120948791504 +be:0.07253089547157288 the:0.07201702147722244 make:0.023766230791807175 see:0.016776975244283676 :0.09577339887619019 +to:0.10418666154146194 and:0.06369595229625702 into:0.03151986375451088 down:0.029404914006590843 :0.09321814030408859 +and:0.31717440485954285 but:0.061034608632326126 the:0.03337251767516136 in:0.02283715456724167 :0.10715585947036743 +upon:0.21243916451931 that:0.17474861443042755 on:0.13100482523441315 in:0.10045668482780457 :0.04361705482006073 +the:0.1607210636138916 and:0.08350596576929092 as:0.02682827040553093 to:0.024379024282097816 :0.03477685526013374 +been:0.1596960425376892 not:0.038509100675582886 to:0.030300995334982872 no:0.025824787095189095 :0.07362274825572968 +who:0.17654964327812195 in:0.06359987705945969 and:0.02833813615143299 as:0.0255458764731884 :0.06277188658714294 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +to:0.5901028513908386 for:0.1147323027253151 in:0.03178641200065613 that:0.03178204596042633 :0.027481982484459877 +and:0.05980103462934494 o'clock:0.044484175741672516 feet:0.04122065007686615 years:0.03389400616288185 :0.1835172027349472 +the:0.31496304273605347 a:0.053504809737205505 tho:0.018049156293272972 said:0.016378384083509445 :0.10536044090986252 +shall:0.0964524894952774 can:0.07295657694339752 is:0.06994438916444778 may:0.052998460829257965 :0.12281056493520737 +of:0.07453280687332153 and:0.03957579284906387 to:0.024298813194036484 the:0.013754712417721748 :0.2437763661146164 +and:0.08776291459798813 in:0.03756863996386528 for:0.018781347200274467 than:0.017986778169870377 :0.12686295807361603 +is:0.06416309624910355 to:0.058347441256046295 and:0.04803742468357086 in:0.036539074033498764 :0.035549767315387726 +of:0.014293924905359745 the:0.010244768112897873 and:0.009573507122695446 man:0.008068880997598171 :0.3163638412952423 +are:0.07672853022813797 have:0.055875327438116074 had:0.04855307936668396 were:0.04322364181280136 :0.07379935681819916 +as:0.017946595326066017 and:0.017824731767177582 not:0.015730923041701317 a:0.013638591393828392 :0.1379602998495102 +and:0.050915949046611786 the:0.050571948289871216 in:0.0185653418302536 to:0.017222272232174873 :0.13889077305793762 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +a:0.12832513451576233 been:0.07636576145887375 the:0.06574423611164093 no:0.017199641093611717 :0.09517976641654968 +the:0.1546996533870697 a:0.01900949329137802 said:0.017986679449677467 this:0.01001007854938507 :0.16725832223892212 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.05503026396036148 and:0.044547319412231445 to:0.03850151225924492 of:0.031713131815195084 :0.15346135199069977 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +The:0.06835447251796722 Lot:0.020640797913074493 In:0.0195491760969162 of:0.017917703837156296 :0.3589183986186981 +own:0.027070999145507812 best:0.005072483327239752 way:0.004584781359881163 friends:0.004412030801177025 :0.23026137053966522 +the:0.22107920050621033 they:0.10387637466192245 he:0.07851788401603699 it:0.07642952352762222 :0.07106982916593552 +and:0.11179187148809433 of:0.02880755625665188 was:0.02369176596403122 is:0.021453766152262688 :0.14739477634429932 +mortgage:0.16841578483581543 mortgage,:0.11803607642650604 deed:0.029790043830871582 mort­:0.01803589053452015 :0.11996258050203323 +ith:0.1604495346546173 ill:0.06714199483394623 hich:0.06285654008388519 hen:0.04518180340528488 :0.22145193815231323 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +to:0.12172471731901169 out:0.08300001174211502 down:0.07184726744890213 on:0.06979905813932419 :0.05702640488743782 +years:0.1385050117969513 days:0.03924304619431496 miles:0.037093233317136765 minutes:0.03550710901618004 :0.11131207644939423 +is:0.09813271462917328 was:0.057762522250413895 are:0.05030478909611702 has:0.04449561983346939 :0.07118967920541763 +the:0.11327734589576721 be:0.03687063232064247 do:0.025729164481163025 a:0.019811810925602913 :0.10912517458200455 +had:0.027138851583003998 be:0.023918122053146362 were:0.020575260743498802 have:0.013456465676426888 :0.09224120527505875 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.10197757929563522 The:0.03599952161312103 to:0.033753957599401474 of:0.0322868786752224 :0.15825051069259644 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +guilty:0.1012941226363182 to:0.07206975668668747 necessary:0.06976544111967087 a:0.049493830651044846 :0.15229421854019165 +W.:0.047628115862607956 A.:0.044045113027095795 H.:0.032321855425834656 B.:0.020856572315096855 :0.27595585584640503 +No.:0.0880410447716713 of:0.07481494545936584 and:0.04491761326789856 4:0.01983765885233879 :0.165511816740036 +Court:0.3687193989753723 Court,:0.06239069625735283 Courts:0.035084281116724014 Court.:0.02952885814011097 :0.16901259124279022 +only:0.04133141413331032 most:0.03888779878616333 best:0.025256868451833725 same:0.01565677486360073 :0.15790358185768127 +the:0.027406081557273865 was:0.018132487311959267 a:0.014462891966104507 he:0.009127452038228512 :0.26577314734458923 +the:0.12116312235593796 a:0.018146704882383347 his:0.010584116913378239 was:0.009811755269765854 :0.14547201991081238 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +and:0.1949344277381897 that:0.04161844775080681 but:0.04017302766442299 the:0.03119593672454357 :0.045594990253448486 +the:0.1859828233718872 a:0.13246136903762817 all:0.01909283548593521 his:0.0188906267285347 :0.09149815142154694 +and:0.1267031580209732 coast:0.05620850622653961 seaboard:0.03865208476781845 coast.:0.02368868887424469 :0.18245890736579895 +same:0.023155326023697853 duty:0.01227793749421835 most:0.01150596048682928 first:0.010421696119010448 :0.15776047110557556 +the:0.04929354041814804 and:0.04517838731408119 to:0.03853658214211464 of:0.023918120190501213 :0.14477881789207458 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +Science:0.018346060067415237 and:0.01607358083128929 church:0.009983178228139877 church,:0.006504063028842211 :0.387149840593338 +the:0.1385212391614914 be:0.02823903039097786 a:0.025065811350941658 make:0.010648316703736782 :0.17452245950698853 +the:0.08982931822538376 and:0.027396786957979202 a:0.02290673553943634 to:0.012928120791912079 :0.14752472937107086 +the:0.09729675948619843 it:0.04769623652100563 he:0.027081863954663277 they:0.02597961015999317 :0.0797344520688057 +the:0.22450414299964905 a:0.04454977437853813 his:0.024731585755944252 tho:0.013513468205928802 :0.1901475191116333 +the:0.04172198846936226 a:0.018240664154291153 of:0.011674119159579277 more:0.011531401425600052 :0.1466386318206787 +and:0.0160758588463068 in:0.01315506361424923 to:0.011630446650087833 with:0.009712997823953629 :0.282648503780365 +and:0.06659034639596939 to:0.04242805391550064 of:0.03305015712976456 in:0.03140709176659584 :0.08687259256839752 +of:0.13234098255634308 and:0.08490833640098572 was:0.04262616112828255 with:0.029506029561161995 :0.10517658293247223 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +The:0.13915207982063293 It:0.054560523480176926 He:0.03224870562553406 A:0.0308939591050148 :0.14040525257587433 +of:0.7249466776847839 and:0.0297783762216568 was:0.012137618847191334 for:0.011587139219045639 :0.011382166296243668 +.:0.14003486931324005 of:0.04718451201915741 ,:0.04330168664455414 at:0.02825700119137764 :0.13551460206508636 +and:0.07814864069223404 to:0.04991080239415169 in:0.032101746648550034 the:0.02882586419582367 :0.09504874050617218 +and:0.26284053921699524 of:0.10521460324525833 in:0.033035870641469955 but:0.032193005084991455 :0.03588251769542694 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +beginning.:0.1139671579003334 beginning,:0.1100948229432106 the:0.1064874678850174 a:0.01625100150704384 :0.1458595246076584 +of:0.29100489616394043 and:0.07088085263967514 was:0.03297056257724762 for:0.03193814679980278 :0.050303149968385696 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.02329753153026104 and:0.022692685946822166 of:0.02029247395694256 the:0.016742631793022156 :0.29071593284606934 +and:0.07324936240911484 I:0.044682275503873825 that:0.03834105283021927 the:0.02840333990752697 :0.05795734375715256 +of:0.04786454886198044 and:0.04491841793060303 or:0.028567243367433548 the:0.028341613709926605 :0.16377893090248108 +The:0.13420470058918 It:0.04065932333469391 He:0.037245411425828934 In:0.0292997807264328 :0.08454345911741257 +the:0.09729675948619843 it:0.04769623652100563 he:0.027081863954663277 they:0.02597961015999317 :0.0797344520688057 +in:0.1828460991382599 of:0.12347130477428436 to:0.11010272055864334 with:0.07206284254789352 :0.05441933497786522 +of:0.45829930901527405 and:0.05626949667930603 for:0.02233366295695305 to:0.017194032669067383 :0.03525130823254585 +of:0.04624592885375023 the:0.03235350176692009 allied:0.02811608463525772 to:0.0251480545848608 :0.14352953433990479 +pected:0.0476459376513958 -:0.03475489839911461 ceedingly:0.03265457600355148 tremely:0.03115137107670307 :0.3991500735282898 +quire:0.12594494223594666 ceive:0.09652668237686157 main:0.035767991095781326 sist:0.02030632086098194 :0.24632813036441803 +C.:0.04114101827144623 B.:0.02945389598608017 H.:0.02806590497493744 J.:0.02754353918135166 :0.32868850231170654 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.049319006502628326 to:0.04533640295267105 the:0.04423326626420021 in:0.02933785319328308 :0.14587494730949402 +the:0.16814720630645752 be:0.08238916099071503 a:0.0322224497795105 have:0.01751120761036873 :0.10648863762617111 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.0790470540523529 he:0.04412885755300522 of:0.038412757217884064 they:0.02410382218658924 :0.12774653732776642 +the:0.2614479064941406 this:0.030398081988096237 a:0.02247500605881214 tho:0.022290745750069618 :0.16793105006217957 +and:0.015017351135611534 family:0.005058883689343929 people:0.00350129883736372 or:0.003088463796302676 :0.34097176790237427 +the:0.42962646484375 which:0.0734768882393837 a:0.03474010154604912 such:0.02185051143169403 :0.05228177830576897 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +line:0.05007737874984741 and:0.03404925763607025 to:0.019188888370990753 descendant:0.015367638319730759 :0.1565209925174713 +been:0.045756563544273376 the:0.029782727360725403 a:0.013554195873439312 The:0.008639786392450333 :0.22219575941562653 +In:0.03131618723273277 of:0.0300346240401268 .:0.025740433484315872 in:0.023739615455269814 :0.2642763555049896 +to:0.1270088404417038 a:0.12597869336605072 the:0.08820857107639313 it:0.023156993091106415 :0.05962751805782318 +and:0.21862997114658356 of:0.10016229748725891 the:0.02269010618329048 in:0.021468836814165115 :0.07747677713632584 +to:0.07733332365751266 will:0.05060333013534546 are:0.039626769721508026 have:0.03405480831861496 :0.054275497794151306 +the:0.06256428360939026 to:0.0363004207611084 not:0.021365001797676086 he:0.021244265139102936 :0.10323059558868408 +the:0.23758630454540253 he:0.026008062064647675 it:0.024500597268342972 a:0.0159616619348526 :0.057688936591148376 +words,:0.5685914158821106 parts:0.022725680842995644 cases:0.01302807591855526 countries:0.011783402413129807 :0.06551796942949295 +and:0.29292887449264526 the:0.06415972113609314 by:0.0423407144844532 with:0.026845579966902733 :0.09664200991392136 +and:0.009668133221566677 the:0.008700784295797348 of:0.00595261063426733 a:0.005833110306411982 :0.3024504780769348 +of:0.8034947514533997 ot:0.02176806516945362 ol:0.011913822963833809 and:0.009289837442338467 :0.007200347259640694 +the:0.07780148088932037 a:0.0183657668530941 that:0.015077495016157627 in:0.015076718293130398 :0.12774574756622314 +the:0.17432115972042084 a:0.03228165581822395 his:0.02129797637462616 this:0.012720759026706219 :0.1252647191286087 +The:0.13723555207252502 It:0.05664227157831192 He:0.045690517872571945 I:0.04237658157944679 :0.08366108685731888 +the:0.07748319953680038 North:0.049295131117105484 Minnesota,:0.04875544086098671 affairs:0.04848531633615494 :0.12016335874795914 +of:0.09668935835361481 before:0.06132121384143829 after:0.059597309678792953 ago:0.059321049600839615 :0.047430455684661865 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +who:0.11957362294197083 of:0.08448772132396698 was:0.04424425587058067 to:0.04235835000872612 :0.06381383538246155 +the:0.12464069575071335 a:0.05293775349855423 up:0.02544875256717205 his:0.018848281353712082 :0.11075016856193542 +The:0.132253497838974 It:0.05896247550845146 A:0.031220149248838425 Mr.:0.02198430709540844 :0.13003675639629364 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +cured.:0.04613649100065231 cured,:0.024804506450891495 a:0.017120439559221268 cured:0.01684720814228058 :0.2166380137205124 +and:0.03719746321439743 the:0.035208895802497864 to:0.023725245147943497 of:0.0221687164157629 :0.17600303888320923 +of:0.19965212047100067 not:0.07468537241220474 or:0.06500127911567688 to:0.04005126282572746 :0.06249109283089638 +to:0.23352594673633575 and:0.04516635462641716 the:0.03922904655337334 that:0.034520622342824936 :0.05084111541509628 +a:0.05080556869506836 the:0.03977344185113907 not:0.0349537692964077 in:0.022743577137589455 :0.1436847597360611 +the:0.18910826742649078 and:0.08026247471570969 that:0.054380979388952255 whether:0.03899670019745827 :0.03249625861644745 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.24572999775409698 a:0.09851886332035065 his:0.014382234774529934 all:0.013748591765761375 :0.14193303883075714 +of:0.31134459376335144 to:0.08303413540124893 in:0.037550635635852814 that:0.022373849526047707 :0.0479552187025547 +the:0.3893849551677704 these:0.0536818690598011 them:0.03629745543003082 a:0.017087029293179512 :0.10138887912034988 +people:0.01919311098754406 citizens:0.013850717805325985 friends:0.00928485207259655 own:0.008605735376477242 :0.19525553286075592 +of:0.784552276134491 ot:0.02022414095699787 ol:0.014458734542131424 and:0.009298338554799557 :0.01934247463941574 +to:0.4232991933822632 for:0.0648491233587265 the:0.029172351583838463 with:0.02847176045179367 :0.03589331731200218 +the:0.14901667833328247 a:0.07773630321025848 in:0.045728880912065506 if:0.0249214805662632 :0.07970617711544037 +and:0.16017921268939972 which:0.023889755830168724 the:0.02090838924050331 who:0.01926339976489544 :0.10063552111387253 +large:0.011774062179028988 few:0.010440334677696228 man:0.008541728369891644 new:0.008277921006083488 :0.21974895894527435 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.11813326179981232 it:0.05182032659649849 a:0.04132797569036484 I:0.02623077668249607 :0.04718547314405441 +the:0.23318468034267426 a:0.02865949645638466 tho:0.026286568492650986 this:0.022845908999443054 :0.1481921225786209 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +said:0.019238319247961044 people:0.007796264253556728 whole:0.007552729919552803 law:0.006210491992533207 :0.17766766250133514 +the:0.2793819010257721 this:0.07776243984699249 a:0.035233382135629654 last:0.034937407821416855 :0.1434706598520279 +and:0.01610221154987812 .:0.013485700823366642 The:0.01276060938835144 to:0.007966377772390842 :0.34694337844848633 +been:0.32150498032569885 not:0.027752676978707314 to:0.01907900907099247 a:0.015786094591021538 :0.05112145468592644 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +The:0.08494460582733154 and:0.04669724032282829 A:0.024841632694005966 That:0.02001899480819702 :0.20589031279087067 +the:0.23563355207443237 a:0.07444150745868683 his:0.013700914569199085 an:0.011302296072244644 :0.09353897720575333 +the:0.16245359182357788 their:0.06114838644862175 a:0.05720654875040054 his:0.04367636516690254 :0.06518017500638962 +the:0.2583756446838379 a:0.07358134537935257 their:0.029274292290210724 them:0.02815311774611473 :0.04054718092083931 +be:0.19032022356987 the:0.03963896259665489 have:0.030534790828824043 bo:0.017609087750315666 :0.08002880960702896 +and:0.0466926284134388 est:0.0302094928920269 street:0.01942003145813942 of:0.01796397566795349 :0.24723607301712036 +.:0.015018055215477943 the:0.014687289483845234 of:0.013483737595379353 and:0.0126665523275733 :0.39347702264785767 +than:0.23452603816986084 or:0.04322735220193863 to:0.026808010414242744 and:0.017336279153823853 :0.0950424000620842 +the:0.33561792969703674 a:0.08593279123306274 tho:0.019822677597403526 his:0.017082471400499344 :0.13329407572746277 +the:0.2516953647136688 a:0.05129598081111908 any:0.014612584374845028 this:0.0130580123513937 :0.15232887864112854 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +the:0.2020633965730667 a:0.06421293318271637 all,:0.04268622770905495 five:0.017972061410546303 :0.06170224770903587 +and:0.06447054445743561 of:0.04501350596547127 to:0.039367835968732834 in:0.025915540754795074 :0.1835612803697586 +own:0.028212575241923332 hand:0.012917477637529373 mind:0.010777732357382774 head:0.009251897223293781 :0.15282651782035828 +been:0.2351735383272171 a:0.0456407368183136 not:0.025228317826986313 the:0.020197948440909386 :0.09860303997993469 +of:0.22549211978912354 was:0.035578224807977676 and:0.02288241498172283 is:0.02229558676481247 :0.0465196818113327 +to:0.6146454811096191 by:0.09334052354097366 for:0.02702988311648369 in:0.02675624191761017 :0.022613493725657463 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +a:0.07914108783006668 the:0.056905005127191544 well:0.05151932314038277 it:0.04133738577365875 :0.04504774883389473 +and:0.16406795382499695 to:0.050612922757864 of:0.04073377698659897 or:0.029805591329932213 :0.18062396347522736 +of:0.2734083831310272 and:0.06656203418970108 the:0.027124403044581413 was:0.02640199474990368 :0.04106275364756584 +time:0.06716762483119965 as:0.03796509653329849 to:0.026660649105906487 time,:0.01691386103630066 :0.09311540424823761 +the:0.1621103584766388 a:0.08415810763835907 that:0.06097593903541565 him:0.04841327667236328 :0.09077347069978714 +the:0.37421485781669617 a:0.05648982897400856 tho:0.013035367242991924 and:0.01036333478987217 :0.10179676860570908 +to:0.44943368434906006 the:0.05022456869482994 in:0.03351011872291565 and:0.023582058027386665 :0.028652627021074295 +party:0.036685217171907425 situation:0.022535031661391258 and:0.021730557084083557 power:0.019315460696816444 :0.22325049340724945 +are:0.018125616014003754 and:0.01531097199767828 were:0.010566671378910542 things:0.010023556649684906 :0.1965828537940979 +the:0.2789686322212219 a:0.03329430893063545 this:0.02941109798848629 which:0.022284289821982384 :0.11189792305231094 +and:0.07173100858926773 of:0.06636563688516617 the:0.05075526237487793 to:0.03328704088926315 :0.1004234105348587 +of:0.7756350040435791 and:0.03770137205719948 ot:0.01826225221157074 by:0.011825136840343475 :0.01970652863383293 +proved:0.06877851486206055 mediately:0.04969436675310135 provement:0.04962470382452011 provements:0.021666962653398514 :0.47267985343933105 +the:0.17471490800380707 be:0.08933708071708679 a:0.018199095502495766 which:0.016888193786144257 :0.10068080574274063 +of:0.023069849237799644 and:0.01706903614103794 to:0.016990244388580322 the:0.013258149847388268 :0.1523611694574356 +the:0.17477338016033173 a:0.09982958436012268 their:0.014121576212346554 his:0.013416895642876625 :0.10915704071521759 +wife,:0.03510062023997307 own:0.020067038014531136 wife:0.01520314160734415 head:0.011249985545873642 :0.2084280103445053 +and:0.06101113185286522 to:0.04887515306472778 as:0.046711139380931854 in:0.037186890840530396 :0.04041139408946037 +The:0.08450347185134888 It:0.059373315423727036 In:0.0263883788138628 He:0.023951316252350807 :0.20366336405277252 +and:0.23789271712303162 but:0.07414426654577255 as:0.02620730735361576 the:0.02568683959543705 :0.03977759927511215 +the:0.0634596049785614 not:0.05395931378006935 a:0.048361748456954956 to:0.036462876945734024 :0.1500060260295868 +The:0.16373485326766968 It:0.05436358600854874 He:0.04655459150671959 There:0.027628915384411812 :0.06988172233104706 +own:0.04832814261317253 friends:0.014119481667876244 wife:0.011450376361608505 name:0.009991470724344254 :0.21393369138240814 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.07890456914901733 a:0.03082314133644104 .:0.02819751761853695 of:0.00943190511316061 :0.3086589574813843 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +of:0.10085734724998474 and:0.08182864636182785 in:0.046270702034235 at:0.037708580493927 :0.062414802610874176 +best:0.010452749207615852 most:0.008248402737081051 first:0.007798835635185242 same:0.006905900780111551 :0.18814320862293243 +that:0.14497920870780945 of:0.09437499940395355 the:0.09036947786808014 it:0.08408862352371216 :0.04608479142189026 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +one:0.05224136263132095 matter:0.03357695788145065 more:0.026644358411431313 other:0.019276602193713188 :0.24228109419345856 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.06266769766807556 of:0.06025603041052818 to:0.02337600477039814 The:0.019563103094697 :0.1779087334871292 +than:0.17978543043136597 to:0.019817272201180458 or:0.019009165465831757 of:0.013771855272352695 :0.14378096163272858 +thing:0.016207193955779076 impression:0.013860287144780159 to:0.0126809636130929 line:0.010362646542489529 :0.17791014909744263 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.2674143314361572 hundred:0.03766323998570442 or:0.025511931627988815 in:0.025475814938545227 :0.06346728652715683 +be:0.15981259942054749 have:0.12505201995372772 not:0.040145326405763626 do:0.016073351725935936 :0.06668141484260559 +Columbia,:0.3587249517440796 Columbia:0.2168382853269577 Columbia.:0.06687985360622406 the:0.040039096027612686 :0.10483592748641968 +as:0.7553030848503113 to:0.012412646785378456 and:0.012000263668596745 ns:0.010433629155158997 :0.028033461421728134 +to:0.010228079743683338 and:0.009479999542236328 a:0.008408873341977596 of:0.007080744486302137 :0.15375347435474396 +and:0.10360657423734665 of:0.06484942138195038 to:0.032345738261938095 in:0.02537086419761181 :0.07179470360279083 +the:0.3070444166660309 a:0.0654584988951683 by:0.03616708517074585 that:0.03353666886687279 :0.061149030923843384 +to:0.12069643288850784 more:0.018634796142578125 as:0.015319358557462692 that:0.015112802386283875 :0.09621415287256241 +the:0.3458266854286194 a:0.05091138556599617 said:0.03439531847834587 tho:0.017229294404387474 :0.10454902797937393 +to:0.019901759922504425 and:0.015039335004985332 e:0.012402087450027466 the:0.01215913612395525 :0.30288293957710266 +been:0.30491021275520325 a:0.03476632386445999 not:0.01896708272397518 boon:0.01879664696753025 :0.07520674914121628 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +of:0.06122772395610809 and:0.03997013717889786 was:0.02308555319905281 to:0.021856103092432022 :0.1882818043231964 +the:0.10615558922290802 a:0.028515784069895744 that:0.0213903971016407 it:0.013865333050489426 :0.10718773305416107 +and:0.047047700732946396 for:0.009579134173691273 which:0.009310953319072723 to:0.008995122276246548 :0.18228937685489655 +the:0.12882110476493835 be:0.03193597123026848 make:0.021047992631793022 a:0.01696830801665783 :0.09397299587726593 +a:0.08431241661310196 the:0.06654507666826248 any:0.05254177004098892 an:0.01096015702933073 :0.1944429874420166 +and:0.1858043074607849 the:0.0524902306497097 for:0.02339969202876091 but:0.02307846024632454 :0.08224983513355255 +said:0.005758924875408411 country:0.004956260323524475 United:0.004882306791841984 most:0.004627077840268612 :0.2853545844554901 +been:0.17865413427352905 a:0.037331659346818924 not:0.029278051108121872 no:0.019049208611249924 :0.08663524687290192 +and:0.06659034639596939 to:0.04242805391550064 of:0.03305015712976456 in:0.03140709176659584 :0.08687259256839752 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.12244503945112228 of:0.018119335174560547 life:0.012126442044973373 equality:0.00989281665533781 :0.18032385408878326 +the:0.17986442148685455 a:0.08306077122688293 no:0.018494239076972008 not:0.016814226284623146 :0.08578702062368393 +and:0.07372066378593445 of:0.032792914658784866 The:0.020467234775424004 in:0.0169362872838974 :0.1502278596162796 +and:0.21651218831539154 but:0.06326743215322495 the:0.03804690018296242 which:0.025684479624032974 :0.05602683871984482 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +touches:0.23596793413162231 of:0.08002225309610367 the:0.02806401252746582 and:0.012245992198586464 :0.17633579671382904 +to:0.31827476620674133 and:0.06483010202646255 of:0.03725726157426834 in:0.03656703978776932 :0.07698287814855576 +same:0.012362866662442684 whole:0.010395122691988945 people:0.008836224675178528 fact:0.007295630872249603 :0.11235636472702026 +the:0.06415124982595444 that:0.0524783656001091 it:0.04645199701189995 and:0.0424497164785862 :0.06855407357215881 +been:0.1596960425376892 not:0.038509100675582886 to:0.030300995334982872 no:0.025824787095189095 :0.07362274825572968 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +the:0.2611224353313446 a:0.04072399437427521 their:0.03395858034491539 and:0.030984267592430115 :0.09190462529659271 +the:0.31153199076652527 a:0.037774208933115005 their:0.019998254254460335 his:0.018508844077587128 :0.07372954487800598 +more:0.07237657159566879 the:0.043618883937597275 in:0.0404035709798336 greater:0.03238069266080856 :0.12461064010858536 +and:0.06071431189775467 to:0.057858578860759735 the:0.051316387951374054 in:0.020872097462415695 :0.1864336133003235 +and:0.07549327611923218 to:0.05741758644580841 by:0.039672400802373886 in:0.02432161197066307 :0.13086660206317902 +and:0.06264893710613251 the:0.04803318530321121 a:0.024362562224268913 in:0.023906173184514046 :0.2022172212600708 +the:0.0575815811753273 a:0.032843973487615585 and:0.023051656782627106 of:0.013785620220005512 :0.23716221749782562 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +and:0.22624436020851135 but:0.049429673701524734 as:0.043093886226415634 which:0.040735989809036255 :0.09911897778511047 +be:0.27894294261932373 not:0.08310601860284805 he:0.020620597526431084 have:0.0170179083943367 :0.059333521872758865 +and:0.14380809664726257 to:0.023052925243973732 in:0.022984489798545837 or:0.017528770491480827 :0.19406457245349884 +to:0.049133285880088806 and:0.02581849880516529 for:0.014953541569411755 conditions:0.010787717066705227 :0.19796693325042725 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.07453280687332153 and:0.03957579284906387 to:0.024298813194036484 the:0.013754712417721748 :0.2437763661146164 +is:0.3114991784095764 was:0.13534849882125854 has:0.04807186499238014 will:0.031132493168115616 :0.044861022382974625 +and:0.08059528470039368 The:0.030947944149374962 to:0.030756404623389244 the:0.02026664838194847 :0.16424399614334106 +the:0.3704242408275604 a:0.02695579081773758 said:0.025476370006799698 this:0.020772021263837814 :0.06401197612285614 +amount:0.046803660690784454 sum:0.03493351489305496 same,:0.033940814435482025 same:0.03107479400932789 :0.11479613184928894 +the:0.033578064292669296 and:0.024580884724855423 The:0.016615858301520348 a:0.011146399192512035 :0.20175324380397797 +D.:0.028313113376498222 D:0.023485105484724045 S.:0.02018246427178383 M.:0.01677924580872059 :0.34544381499290466 +and:0.04706329479813576 of:0.03261113166809082 the:0.023140501230955124 in:0.013453830033540726 :0.20800389349460602 +day:0.3146824240684509 of:0.10925493389368057 and:0.04604307562112808 to:0.0069388533011078835 :0.18355752527713776 +the:0.490116685628891 a:0.04557399824261665 tho:0.025020025670528412 this:0.018370814621448517 :0.04675852134823799 +and:0.13988517224788666 the:0.05871478095650673 is:0.04496542736887932 was:0.04134029150009155 :0.0667051449418068 +notified:0.47635018825531006 ordered:0.037189584225416183 notified,:0.030566556379199028 to:0.015308828093111515 :0.09228438884019852 +one:0.054397955536842346 day:0.02658156119287014 man:0.02082955278456211 year:0.016936931759119034 :0.15015672147274017 +and:0.12677516043186188 to:0.03322792425751686 in:0.029695875942707062 the:0.027233503758907318 :0.09399668127298355 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.16078931093215942 of:0.09265702217817307 was:0.027692090719938278 from:0.023855984210968018 :0.05479078367352486 +and:0.05424875393509865 cabin:0.051685381680727005 of:0.035482410341501236 to:0.01909494958817959 :0.1328197568655014 +and:0.011359328404068947 line:0.01110104750841856 of:0.007722478825598955 the:0.006434666458517313 :0.29758021235466003 +and:0.053301431238651276 the:0.03793469816446304 of:0.03681178390979767 to:0.021059056743979454 :0.15187983214855194 +the:0.3405707776546478 said:0.038161374628543854 this:0.032677970826625824 a:0.02642836794257164 :0.14178065955638885 +of:0.09473508596420288 is:0.0659630298614502 that:0.05012485012412071 and:0.04992183670401573 :0.06560572236776352 +be:0.15334288775920868 have:0.09963176399469376 not:0.042604804039001465 do:0.018830662593245506 :0.08379413932561874 +the:0.3637915253639221 said:0.028153203427791595 a:0.024722492322325706 tho:0.016086656600236893 :0.17656022310256958 +the:0.19829174876213074 a:0.11363717913627625 his:0.020226314663887024 which:0.017271677032113075 :0.1459406316280365 +the:0.08472657203674316 a:0.01420313399285078 to:0.012323044240474701 in:0.011956177651882172 :0.12454237043857574 +and:0.07184495031833649 to:0.05831602215766907 for:0.023883406072854996 in:0.019955426454544067 :0.07702415436506271 +the:0.050549138337373734 and:0.047904327511787415 of:0.0328027606010437 to:0.025723153725266457 :0.20458318293094635 +and:0.0628194659948349 the:0.028831815347075462 of:0.02844935655593872 ing:0.021624157205224037 :0.22745244204998016 +in:0.020943714305758476 f:0.02063511125743389 to:0.01746419258415699 .:0.01535416767001152 :0.18870121240615845 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.11264438182115555 he:0.05466104671359062 that:0.03564007952809334 I:0.025878889486193657 :0.05265352502465248 +to:0.37818795442581177 that:0.17996913194656372 by:0.09663473814725876 in:0.03556882217526436 :0.025950264185667038 +the:0.15380336344242096 a:0.03305218741297722 his:0.016565870493650436 this:0.01251949556171894 :0.17101384699344635 +quarter:0.47555676102638245 Quarter:0.08167489618062973 the:0.020446132868528366 and:0.010774770751595497 :0.15237608551979065 +of:0.43712276220321655 and:0.03707338497042656 was:0.02903103269636631 is:0.017671996727585793 :0.0832214206457138 +of:0.5607851147651672 in:0.050439827144145966 and:0.027302473783493042 are:0.02318655326962471 :0.02035260759294033 +and:0.09286793321371078 system:0.03626178577542305 prostration:0.026052210479974747 to:0.025084219872951508 :0.2751483619213104 +and:0.06767313927412033 of:0.0586518719792366 a:0.04174940288066864 the:0.03639347851276398 :0.132412388920784 +the:0.2301679402589798 a:0.0338943712413311 this:0.01782621629536152 tho:0.014925665222108364 :0.14521823823451996 +the:0.18943743407726288 a:0.04444733262062073 his:0.013838782906532288 said:0.011820214800536633 :0.1941295713186264 +of:0.08872605860233307 and:0.0659462958574295 is:0.024091899394989014 will:0.022308481857180595 :0.16863098740577698 +the:0.10809233784675598 a:0.03230738267302513 I:0.016964025795459747 in:0.013109627179801464 :0.11357881873846054 +and:0.07434063404798508 to:0.027249110862612724 The:0.021744346246123314 of:0.015541549772024155 :0.1585753709077835 +and:0.064136803150177 of:0.05769664794206619 the:0.02492150105535984 who:0.014650055207312107 :0.24568745493888855 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +in:0.147475004196167 that:0.1424199342727661 to:0.12127011269330978 on:0.03878665342926979 :0.04421583563089371 +the:0.04932286590337753 and:0.04884449392557144 of:0.034710463136434555 a:0.018504032865166664 :0.215331569314003 +been:0.3763655126094818 a:0.029539907351136208 not:0.02828817069530487 made:0.014367133378982544 :0.043625347316265106 +cated:0.5105432868003845 cal:0.05972016602754593 and:0.02176695503294468 at:0.015986496582627296 :0.11951959133148193 +the:0.21841001510620117 a:0.10073202103376389 him:0.027433406561613083 his:0.018341222777962685 :0.09680259227752686 +to:0.47122642397880554 the:0.03522707521915436 for:0.02384011819958687 it:0.02080600894987583 :0.02238432690501213 +the:0.1886204183101654 he:0.06023837625980377 it:0.04744291678071022 they:0.034185294061899185 :0.032664284110069275 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +of:0.27058303356170654 to:0.05104546248912811 and:0.04047045856714249 for:0.031330835074186325 :0.0335758812725544 +the:0.26695168018341064 he:0.0445648729801178 they:0.025672130286693573 it:0.02387423627078533 :0.07189957052469254 +was:0.040192779153585434 and:0.03900322690606117 of:0.031873732805252075 is:0.026363397017121315 :0.1517830193042755 +and:0.046082984656095505 ground:0.012476335279643536 to:0.01236780360341072 of:0.011871952563524246 :0.14097708463668823 +the:0.14298388361930847 in:0.06980790197849274 to:0.061959072947502136 and:0.05955849960446358 :0.055260367691516876 +and:0.08104468882083893 of:0.03502269461750984 to:0.03359527513384819 in:0.02677758038043976 :0.07628732174634933 +and:0.08059528470039368 The:0.030947944149374962 to:0.030756404623389244 the:0.02026664838194847 :0.16424399614334106 +and:0.060827214270830154 the:0.0480104424059391 to:0.02948976680636406 or:0.024829918518662453 :0.1735297441482544 +and:0.1425061821937561 is:0.05884255841374397 of:0.04474988207221031 will:0.038732025772333145 :0.03555214777588844 +the:0.35359251499176025 which:0.046120911836624146 this:0.04472099244594574 a:0.021511679515242577 :0.06314415484666824 +of:0.47992944717407227 the:0.043323587626218796 in:0.02765873447060585 on:0.023065360262989998 :0.02169521525502205 +and:0.12473883479833603 of:0.06547919660806656 in:0.05038986727595329 are:0.037259869277477264 :0.02814308926463127 +and:0.13902844488620758 that:0.07818730920553207 the:0.06412459164857864 but:0.05997762456536293 :0.046925827860832214 +first:0.010865229181945324 next:0.009847057051956654 only:0.00964005570858717 following:0.008955119177699089 :0.1247619166970253 +than:0.06537366658449173 and:0.04766986146569252 man:0.01458143349736929 more:0.011488079093396664 :0.19960886240005493 +the:0.20161618292331696 tho:0.023419545963406563 a:0.020762085914611816 this:0.01539697777479887 :0.24429364502429962 +in:0.05253031104803085 and:0.028201879933476448 being:0.01811828278005123 that:0.01756887324154377 :0.13824871182441711 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +the:0.11330606043338776 he:0.08706416189670563 not:0.04836862161755562 they:0.044726721942424774 :0.059684086591005325 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.23044466972351074 a:0.04663087800145149 your:0.04349961504340172 my:0.025419890880584717 :0.0747765451669693 +the:0.289413720369339 he:0.05463596433401108 I:0.03989734873175621 they:0.03770032525062561 :0.08227057009935379 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +from:0.4871562123298645 to:0.06498641520738602 the:0.04849444702267647 a:0.026024289429187775 :0.03613029047846794 +and:0.1438189595937729 in:0.041319914162158966 are:0.04043852537870407 of:0.029361659660935402 :0.07646230608224869 +not:0.67768794298172 you:0.012703205458819866 hereby:0.010097925551235676 so:0.007290846202522516 :0.04750263690948486 +to:0.1367991864681244 the:0.023517565801739693 and:0.023242171853780746 much:0.02103348635137081 :0.1409674882888794 +be:0.17799894511699677 have:0.0667298436164856 see:0.027912363409996033 get:0.026959897950291634 :0.07984307408332825 +own:0.04525170475244522 way:0.038322046399116516 part:0.01842259243130684 part,:0.014079680666327477 :0.17519551515579224 +not:0.5988935232162476 the:0.013025590218603611 to:0.012898200191557407 so:0.011996177025139332 :0.04697837680578232 +the:0.0999411940574646 a:0.01617267169058323 that:0.0132070854306221 was:0.012218471616506577 :0.13686522841453552 +and:0.0678914412856102 the:0.028317110612988472 to:0.0209591593593359 in:0.01469383668154478 :0.16592556238174438 +the:0.2545514404773712 a:0.02593485824763775 this:0.018421752378344536 said:0.016529032960534096 :0.11094620823860168 +a:0.050794877111911774 not:0.04216545820236206 the:0.037298534065485 now:0.02612696960568428 :0.1410701870918274 +to:0.29536932706832886 of:0.2629832923412323 in:0.03653104603290558 and:0.034525517374277115 :0.024747023358941078 +a:0.048371922224760056 not:0.04376301169395447 the:0.02493579126894474 to:0.016622021794319153 :0.1346965730190277 +own:0.024698929861187935 opinion:0.02067769691348076 wife:0.014394797384738922 head:0.011464763432741165 :0.16987450420856476 +a:0.11279584467411041 been:0.10898479074239731 the:0.055794332176446915 no:0.04206812381744385 :0.08119769394397736 +not:0.037433456629514694 now:0.028715739026665688 to:0.026275090873241425 the:0.023251652717590332 :0.10877339541912079 +be:0.6432176828384399 not:0.04909450188279152 bo:0.030814576894044876 have:0.018620392307639122 :0.01883230172097683 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +to:0.08923729509115219 in:0.057557880878448486 and:0.05688408389687538 with:0.05424768105149269 :0.044305358082056046 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +in:0.14887608587741852 to:0.1204991564154625 at:0.07487238198518753 on:0.07025416940450668 :0.041884955018758774 +was:0.0826709046959877 had:0.08115388453006744 has:0.042726095765829086 would:0.0363927036523819 :0.09097734093666077 +the:0.1155400276184082 a:0.08443539589643478 to:0.044965099543333054 they:0.02407102845609188 :0.11077164858579636 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +is:0.20599766075611115 was:0.12434966117143631 would:0.049124520272016525 will:0.04536717012524605 :0.04498367756605148 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +the:0.1152292788028717 make:0.01845596544444561 a:0.017091700807213783 be:0.014913884922862053 :0.13457736372947693 +to:0.19634708762168884 the:0.14450138807296753 with:0.04064737260341644 at:0.03951377049088478 :0.031330306082963943 +be:0.2942564785480499 have:0.03133174777030945 the:0.029076246544718742 bo:0.018560661002993584 :0.07269676774740219 +and:0.06101113185286522 to:0.04887515306472778 as:0.046711139380931854 in:0.037186890840530396 :0.04041139408946037 +as:0.12246184796094894 in:0.06272246688604355 and:0.05299314484000206 to:0.04159334674477577 :0.09080997854471207 +and:0.2085668295621872 but:0.07031469792127609 the:0.03697659447789192 I:0.025011269375681877 :0.04040900617837906 +and:0.06072615832090378 of:0.036354586482048035 the:0.02693784609436989 The:0.021774619817733765 :0.16385780274868011 +the:0.24938571453094482 a:0.03208514302968979 this:0.0186073686927557 said:0.015654338523745537 :0.23160935938358307 +sides:0.37326788902282715 sides,:0.09463644027709961 sides.:0.08400492370128632 of:0.021680736914277077 :0.061656653881073 +in:0.0837213397026062 and:0.07620392739772797 for:0.06512801349163055 at:0.0416141077876091 :0.06074767932295799 +the:0.29048559069633484 a:0.09369143098592758 to:0.03171643242239952 this:0.023456422612071037 :0.08325272053480148 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +a:0.034013837575912476 made:0.03037656471133232 the:0.02903985045850277 done:0.013762258924543858 :0.15797042846679688 +and:0.05719750374555588 in:0.04771939292550087 to:0.027738045901060104 by:0.022398628294467926 :0.047949884086847305 +plete:0.05071048066020012 menced:0.044950634241104126 mon:0.02111116610467434 mercial:0.015478999353945255 :0.3376592695713043 +a:0.10600125789642334 not:0.04890286549925804 the:0.039311300963163376 to:0.02091303840279579 :0.1307395100593567 +to:0.7117754220962524 for:0.0142888855189085 in:0.01305558905005455 and:0.012362474575638771 :0.011449149809777737 +and:0.09374204277992249 The:0.020843148231506348 to:0.02008119784295559 the:0.016992490738630295 :0.14711162447929382 +who:0.08357611298561096 of:0.08108904957771301 and:0.07137427479028702 in:0.04675589129328728 :0.07501718401908875 +to:0.30704113841056824 of:0.23860405385494232 in:0.06184547394514084 for:0.043624959886074066 :0.03249922767281532 +the:0.25345927476882935 a:0.04273124039173126 this:0.026485934853553772 our:0.01599634811282158 :0.12537868320941925 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +by:0.08041583746671677 the:0.07645238935947418 and:0.07569700479507446 in:0.07349824160337448 :0.04266667738556862 +is:0.19740541279315948 was:0.11636589467525482 are:0.11165598034858704 were:0.0648626908659935 :0.05239478498697281 +of:0.18671531975269318 to:0.07452817261219025 and:0.04184235632419586 for:0.03753504902124405 :0.15164555609226227 +The:0.13233058154582977 It:0.05411151051521301 He:0.037695057690143585 There:0.026982629671692848 :0.09252374619245529 +the:0.021040111780166626 and:0.01318641472607851 was:0.012274614535272121 e:0.010893980972468853 :0.32023879885673523 +the:0.1715097576379776 a:0.022474829107522964 this:0.017887404188513756 said:0.013654422014951706 :0.199519082903862 +and:0.046352725476026535 to:0.040059659630060196 of:0.027014870196580887 in:0.01476085465401411 :0.1919998675584793 +to:0.12098759412765503 in:0.06372585892677307 and:0.06291808187961578 of:0.039509519934654236 :0.045142121613025665 +the:0.373726487159729 a:0.0398293100297451 which:0.03738731890916824 this:0.02452094294130802 :0.04412524029612541 +poration:0.13215497136116028 porations:0.08438710123300552 ner:0.07321089506149292 respondent:0.06292197853326797 :0.35457688570022583 +and:0.03245774656534195 the:0.009183547459542751 State:0.008525855839252472 in:0.006568595767021179 :0.21358101069927216 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +with:0.4663952887058258 and:0.0856250673532486 by:0.04549412801861763 to:0.030357735231518745 :0.03016718104481697 +the:0.13134793937206268 a:0.01703970693051815 in:0.011580001562833786 that:0.010762921534478664 :0.11098886281251907 +years:0.0719297006726265 days:0.06261918693780899 (15):0.0502062626183033 miles:0.03139295428991318 :0.13537868857383728 +the:0.06701169908046722 up:0.062202055007219315 out:0.04884735867381096 forth:0.042886197566986084 :0.09932956844568253 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +the:0.05149463191628456 to:0.01175639871507883 a:0.01149796973913908 other:0.011475326493382454 :0.2274858057498932 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +is:0.2425529956817627 was:0.16055135428905487 Is:0.05857397988438606 has:0.04366958513855934 :0.046076878905296326 +to:0.04566007852554321 stock:0.04107633978128433 sense:0.03375551104545593 pleas:0.03121938370168209 :0.192702516913414 +be:0.16379015147686005 the:0.029316507279872894 make:0.02657593972980976 have:0.02445872500538826 :0.07229489088058472 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.34933584928512573 a:0.05378485098481178 tho:0.018815435469150543 any:0.01793406717479229 :0.07708416134119034 +D:0.028107328340411186 D.:0.023527154698967934 M:0.017627613618969917 W:0.011036361567676067 :0.4010152816772461 +the:0.0852496325969696 a:0.017491405829787254 that:0.010455708019435406 to:0.010295405052602291 :0.24687165021896362 +own:0.049583107233047485 hand,:0.009334270842373371 power:0.008298046886920929 pocket:0.007051335647702217 :0.16691681742668152 +a:0.17446459829807281 the:0.11289707571268082 his:0.057524558156728745 in:0.02698514610528946 :0.061732057482004166 +the:0.07293692231178284 to:0.06763338297605515 much:0.06450233608484268 many:0.04243309050798416 :0.09087356925010681 +of:0.2404191493988037 for:0.1921059936285019 to:0.11408386379480362 in:0.03553872928023338 :0.038145385682582855 +to:0.03940553963184357 of:0.03717358037829399 and:0.036763276904821396 in:0.03254169225692749 :0.03990514203906059 +of:0.7351946830749512 and:0.02026304043829441 was:0.0063956924714148045 ot:0.006007303483784199 :0.06514028459787369 +to:0.07079693675041199 and:0.05910824239253998 by:0.03149368241429329 in:0.02825075201690197 :0.13734816014766693 +the:0.04621723294258118 and:0.04591831564903259 to:0.02349458821117878 in:0.018669601529836655 :0.1714891493320465 +ern:0.21027223765850067 erly:0.08336523175239563 and:0.05830734223127365 the:0.010331862606108189 :0.29935458302497864 +of:0.09094709903001785 and:0.06878966093063354 in:0.02536708675324917 the:0.02046477608382702 :0.13474400341510773 +and:0.007135914172977209 ter:0.005899072624742985 I:0.00381110911257565 The:0.0030086804181337357 :0.41470205783843994 +and:0.0700576901435852 of:0.0330013781785965 to:0.03266502544283867 the:0.023750392720103264 :0.16131392121315002 +the:0.28289762139320374 a:0.06133274361491203 his:0.053908511996269226 once:0.024335050955414772 :0.10354909300804138 +the:0.22118501365184784 a:0.06812725961208344 his:0.012440319173038006 said:0.012186368927359581 :0.11976292729377747 +a:0.10933484137058258 the:0.05550305172801018 to:0.03924337774515152 only:0.03406539931893349 :0.09984607994556427 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.12882110476493835 be:0.03193597123026848 make:0.021047992631793022 a:0.01696830801665783 :0.09397299587726593 +to:0.26667869091033936 upon:0.09672002494335175 that:0.07894939184188843 to.:0.05727120488882065 :0.053760770708322525 +the:0.15887510776519775 of:0.031120164319872856 other:0.02789166569709778 that:0.017148621380329132 :0.1115763783454895 +and:0.0741942748427391 from:0.07146099954843521 in:0.06484077870845795 the:0.03394821658730507 :0.08717475086450577 +the:0.07959435135126114 it:0.058473777025938034 I:0.03346327692270279 that:0.027400502935051918 :0.05898755416274071 +the:0.07138318568468094 it:0.06253533065319061 he:0.06238694489002228 we:0.03664262220263481 :0.07777263224124908 +in:0.18645723164081573 by:0.09769519418478012 at:0.09617425501346588 on:0.07276754826307297 :0.05996347591280937 +jects:0.05206345394253731 tained:0.046934500336647034 ject:0.044125691056251526 jection:0.04226914048194885 :0.4421672523021698 +important:0.03610443323850632 of:0.021564314141869545 interesting:0.012456282041966915 prominent:0.012193573638796806 :0.17557279765605927 +the:0.18177291750907898 a:0.025881558656692505 said:0.023639550432562828 this:0.014125792309641838 :0.3005284070968628 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +the:0.12187663465738297 that:0.02612796239554882 it:0.02290615439414978 then:0.01492241583764553 :0.08094771951436996 +or:0.04725354537367821 years:0.04560805857181549 of:0.03962398320436478 hundred:0.03221343830227852 :0.255649596452713 +the:0.3769250810146332 a:0.0506962314248085 this:0.0388716422021389 their:0.014736891724169254 :0.07395649701356888 +to:0.08749093860387802 for:0.037128742784261703 in:0.03600287064909935 and:0.0358271598815918 :0.05254101753234863 +in:0.09862689673900604 the:0.08370272070169449 on:0.08153637498617172 upon:0.05408867448568344 :0.033439211547374725 +The:0.18009452521800995 He:0.04976193606853485 It:0.046597279608249664 There:0.033762071281671524 :0.06869394332170486 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.15989373624324799 be:0.04119139537215233 a:0.019553031772375107 make:0.01300719752907753 :0.1830396205186844 +to:0.05911805480718613 and:0.04711763560771942 with:0.03191268444061279 in:0.022760707885026932 :0.2715080678462982 +the:0.2210799902677536 a:0.04567909240722656 this:0.031053489074110985 tho:0.02067658305168152 :0.14637210965156555 +the:0.17889711260795593 a:0.0725112035870552 in:0.04683968797326088 with:0.03699900582432747 :0.05835903808474541 +the:0.17025001347064972 a:0.06373907625675201 to:0.0613563135266304 in:0.03161603957414627 :0.08645963668823242 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +a:0.09988796710968018 the:0.06825481355190277 to:0.05756993591785431 it:0.04408923164010048 :0.05164049565792084 +and:0.061468932777643204 from:0.03259774297475815 of:0.029993556439876556 was:0.015478739514946938 :0.3934253752231598 +of:0.13730503618717194 for:0.06045413762331009 and:0.052718933671712875 to:0.04051252827048302 :0.047652438282966614 +that:0.1590866595506668 the:0.13047176599502563 a:0.09449296444654465 to:0.08137013763189316 :0.05575545132160187 +been:0.2883729636669159 yet:0.033536192029714584 a:0.024621473625302315 only:0.022136207669973373 :0.08815761655569077 +and:0.31533128023147583 who:0.043659310787916183 in:0.02522433176636696 of:0.01810290478169918 :0.10392816364765167 +to:0.05931703373789787 the:0.03825787082314491 made:0.03363034874200821 that:0.03062266670167446 :0.16283497214317322 +in:0.021299805492162704 been:0.021066823974251747 and:0.011093693785369396 at:0.010756447911262512 :0.18765197694301605 +not:0.06891504675149918 sure:0.03804183751344681 a:0.03172788396477699 in:0.02125701680779457 :0.1584703028202057 +had:0.10220818966627121 was:0.09434595704078674 has:0.06607384979724884 is:0.04741915315389633 :0.10072356462478638 +not:0.24229943752288818 to:0.08951263129711151 the:0.042212747037410736 a:0.04085775464773178 :0.05436430126428604 +to:0.17977996170520782 and:0.12324327230453491 in:0.10043185949325562 the:0.058233365416526794 :0.03881000727415085 +have:0.08145459741353989 are:0.024903886020183563 I:0.018503643572330475 do:0.017089376226067543 :0.06914468109607697 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +cent:0.159132719039917 cent,:0.0876176580786705 cent.:0.05640853941440582 acre:0.03450955078005791 :0.19300203025341034 +the:0.2405422478914261 a:0.05707547441124916 his:0.020748784765601158 this:0.017633657902479172 :0.07486014068126678 +day:0.10584733635187149 and:0.019434504210948944 day.:0.016811832785606384 in:0.014578423462808132 :0.13616825640201569 +the:0.3001956045627594 a:0.05696596950292587 said:0.01494862511754036 an:0.01402378175407648 :0.07656417787075043 +and:0.1574857532978058 of:0.0653664842247963 the:0.025973431766033173 in:0.02519630268216133 :0.056796155869960785 +of:0.7592899203300476 in:0.016831595450639725 and:0.010701894760131836 to:0.01051279716193676 :0.03035573661327362 +of:0.6989564895629883 is:0.01961497589945793 to:0.013903675600886345 and:0.012846608646214008 :0.019579138606786728 +be:0.39187535643577576 have:0.0545104555785656 not:0.022473858669400215 bo:0.020002193748950958 :0.07112529873847961 +nue:0.36674997210502625 of:0.04487749934196472 was:0.015894105657935143 is:0.012203768827021122 :0.10439631342887878 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +ever,:0.9407120943069458 and:0.0036712202709168196 in:0.003182401414960623 In:0.0019315800163894892 :0.00676703779026866 +the:0.21725329756736755 a:0.07744595408439636 favor:0.022399557754397392 this:0.021561967208981514 :0.07924051582813263 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +The:0.05798427760601044 and:0.021272897720336914 It:0.017309095710515976 A:0.016700617969036102 :0.20821647346019745 +the:0.4182508885860443 a:0.05034690722823143 them:0.03619127348065376 their:0.027506384998559952 :0.0503813661634922 +of:0.8369812965393066 to:0.00983716081827879 ot:0.00826890580356121 is:0.008238757960498333 :0.009044359438121319 +of:0.18254990875720978 is:0.09853042662143707 and:0.06983589380979538 was:0.0563851073384285 :0.04571346938610077 +states:0.019360022619366646 part:0.017417898401618004 and:0.016545629128813744 of:0.00877509918063879 :0.359793096780777 +public:0.009868605993688107 property:0.008885595947504044 real:0.008562793955206871 land:0.006472455337643623 :0.33091622591018677 +and:0.1800694763660431 the:0.041567280888557434 or:0.03510192781686783 but:0.026978828012943268 :0.0365079902112484 +not:0.028838424012064934 the:0.027751626446843147 in:0.022584808990359306 made:0.01434516254812479 :0.1933598518371582 +to:0.19256167113780975 for:0.04118288680911064 quantity:0.03287692368030548 and:0.028400857001543045 :0.06921373307704926 +of:0.8641225695610046 ot:0.014742881059646606 in:0.007543122861534357 ol:0.006501967087388039 :0.015287407673895359 +and:0.03767723962664604 to:0.031851258128881454 of:0.021376807242631912 in:0.021059773862361908 :0.26713982224464417 +be:0.39409008622169495 not:0.06760449707508087 have:0.05325246602296829 bo:0.01812216266989708 :0.08413179218769073 +and:0.19822335243225098 of:0.19279694557189941 which:0.03691457211971283 in:0.028798311948776245 :0.028366250917315483 +a:0.03770310431718826 the:0.03496844321489334 made:0.027254745364189148 sold:0.016782863065600395 :0.12037137895822525 +was:0.0912667065858841 had:0.04625921696424484 is:0.03568771481513977 has:0.022622250020503998 :0.17422428727149963 +the:0.2165997326374054 a:0.06868260353803635 favor:0.029565924778580666 his:0.02115398645401001 :0.09222707152366638 +the:0.1240738034248352 a:0.05565470829606056 that:0.03997430577874184 of:0.033286456018686295 :0.06649225950241089 +the:0.053980231285095215 said:0.019191501662135124 a:0.016619302332401276 this:0.009136085398495197 :0.2319563627243042 +years:0.09881049394607544 or:0.09162640571594238 hundred:0.0831332877278328 weeks:0.03091375343501568 :0.10090368986129761 +a:0.05866646021604538 the:0.0585983544588089 to:0.056957926601171494 in:0.03620833903551102 :0.13035312294960022 +the:0.13510040938854218 a:0.06553907692432404 to:0.054303474724292755 in:0.04159575328230858 :0.04132768511772156 +the:0.1764301210641861 a:0.04723832756280899 tho:0.013027283363044262 his:0.011990640312433243 :0.22138643264770508 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.6716040372848511 in:0.035522472113370895 the:0.03515370190143585 with:0.028813527897000313 :0.022890226915478706 +people:0.0289258174598217 and:0.02636898308992386 men:0.02232302911579609 government:0.009406703524291515 :0.3000256419181824 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +to:0.8621551990509033 in:0.009482160210609436 from:0.008223666809499264 for:0.005893502850085497 :0.014447101391851902 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +as:0.09096915274858475 known:0.06426403671503067 that:0.04891339689493179 pleased:0.031909674406051636 :0.10334081202745438 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +time:0.0044927895069122314 notice:0.004214652813971043 people:0.004055347293615341 first:0.003577621653676033 :0.378966748714447 +be:0.052917033433914185 the:0.0525391511619091 do:0.020548636093735695 a:0.01920219324529171 :0.15134389698505402 +the:0.17643511295318604 a:0.056967366486787796 this:0.05259666591882706 addition:0.019719574600458145 :0.14177285134792328 +and:0.26758497953414917 but:0.047061529010534286 to:0.043989185243844986 the:0.03537031263113022 :0.10855351388454437 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +said:0.010149397887289524 first:0.00427474407479167 whole:0.003969715442508459 same:0.003889824263751507 :0.2100655436515808 +is:0.33527013659477234 was:0.15886008739471436 has:0.05396697670221329 Is:0.05015607550740242 :0.04545476287603378 +and:0.0765698254108429 in:0.058951977640390396 who:0.045438338071107864 to:0.024740470573306084 :0.13412059843540192 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.03769032284617424 a:0.011825639754533768 more:0.008388769812881947 glorious:0.008150466717779636 :0.1377830058336258 +of:0.3390340209007263 was:0.061791256070137024 is:0.03574322536587715 the:0.034034065902233124 :0.03204723447561264 +few:0.03445642441511154 large:0.014060328714549541 little:0.0129512008279562 new:0.012250685133039951 :0.17513597011566162 +to:0.2618105411529541 that:0.03851158544421196 in:0.025251131504774094 the:0.025235073640942574 :0.10812196135520935 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +made:0.024013899266719818 a:0.021987220272421837 the:0.020558802410960197 was:0.01039567869156599 :0.23619356751441956 +the:0.09945505857467651 a:0.03876898065209389 to:0.012900353409349918 it:0.01162573043256998 :0.05506513640284538 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +the:0.04850277677178383 men:0.02316298335790634 years:0.019446006044745445 persons:0.016547976061701775 :0.1883264034986496 +be:0.5221916437149048 not:0.06269410997629166 have:0.04726056009531021 bo:0.03382117301225662 :0.026502683758735657 +and:0.06394840031862259 of:0.0333731546998024 to:0.018228715285658836 in:0.01612490974366665 :0.12613622844219208 +the:0.1965056210756302 a:0.03382156044244766 his:0.019384561106562614 tho:0.010592794977128506 :0.12492618709802628 +will:0.06818803399801254 are:0.05478247255086899 have:0.04677477478981018 can:0.033433590084314346 :0.11855483055114746 +The:0.11165301501750946 It:0.057582538574934006 He:0.03651304543018341 I:0.024876225739717484 :0.10733813047409058 +be:0.2797798812389374 have:0.04072899371385574 not:0.024566883221268654 complain:0.020599178969860077 :0.0456530824303627 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +a:0.14434707164764404 the:0.07264761626720428 been:0.0681275948882103 no:0.0511917844414711 :0.09862450510263443 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +said:0.019238319247961044 people:0.007796264253556728 whole:0.007552729919552803 law:0.006210491992533207 :0.17766766250133514 +of:0.3356173634529114 and:0.11581765860319138 that:0.03108641691505909 in:0.022255247458815575 :0.02149965800344944 +been:0.2607380747795105 to:0.04762893542647362 not:0.039324935525655746 a:0.029427872970700264 :0.07694686204195023 +the:0.09433699399232864 five:0.02693718671798706 three:0.017178205773234367 ten:0.016993453726172447 :0.15139374136924744 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +of:0.16105559468269348 and:0.10983241349458694 in:0.029694711789488792 is:0.02711046300828457 :0.10139583796262741 +and:0.08840058743953705 was:0.028379419818520546 Davis:0.02245943434536457 is:0.013762947171926498 :0.2079029083251953 +made:0.027910856530070305 been:0.020337054505944252 a:0.01962101459503174 of:0.018702087923884392 :0.09819542616605759 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +in:0.2450542002916336 with:0.14896899461746216 by:0.09020166099071503 for:0.06981918960809708 :0.06565561890602112 +cept:0.10096248239278793 plained:0.03159001097083092 penses:0.02248762734234333 perience:0.01879192143678665 :0.4062650203704834 +of:0.44997408986091614 and:0.08567313104867935 that:0.028943661600351334 to:0.02569594420492649 :0.024230290204286575 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +the:0.07027938961982727 a:0.023684784770011902 he:0.02160075679421425 went:0.01702074334025383 :0.10920879244804382 +of:0.5729623436927795 and:0.026977891102433205 to:0.023998020216822624 that:0.02034466713666916 :0.026156824082136154 +a:0.13403676450252533 the:0.06944283097982407 not:0.04981841892004013 an:0.016019992530345917 :0.07908862084150314 +the:0.2080756425857544 he:0.05516954883933067 it:0.04510660097002983 this:0.04016312211751938 :0.03885119780898094 +thority:0.029523318633437157 thorities:0.012390842661261559 extent:0.011888743378221989 and:0.01138631347566843 :0.3100072741508484 +own:0.0498628169298172 respective:0.011498261243104935 own.:0.005039859097450972 own,:0.00395617401227355 :0.23608587682247162 +of:0.06091293320059776 amount:0.024858057498931885 country:0.016958417370915413 sum:0.016614487394690514 :0.10629099607467651 +of:0.20205536484718323 hundred:0.06363179534673691 in:0.01618509739637375 year:0.016052192077040672 :0.09370893985033035 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +gress:0.3066748380661011 stitution:0.03803680092096329 vention:0.018160168081521988 gress,:0.01407425757497549 :0.2930479347705841 +have:0.06287912279367447 was:0.05235719308257103 will:0.031425584107637405 had:0.03033570945262909 :0.08574580401182175 +the:0.17409251630306244 of:0.05245472118258476 other:0.04637093096971512 that:0.02997780591249466 :0.07994979619979858 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +in:0.059993769973516464 with:0.05470070615410805 as:0.04041718319058418 after:0.0333128347992897 :0.06219201162457466 +the:0.20946702361106873 least:0.06677490472793579 present:0.050147801637649536 once:0.02575881965458393 :0.12562556564807892 +the:0.38012394309043884 a:0.06969653815031052 which:0.037349771708250046 tho:0.02726982906460762 :0.09897129237651825 +and:0.03820059448480606 acres:0.019317973405122757 hundred:0.016860414296388626 days:0.01673811860382557 :0.24959008395671844 +the:0.0784093588590622 that:0.02666228450834751 a:0.021594522520899773 then:0.01915079914033413 :0.11544281989336014 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +the:0.21920093894004822 a:0.12286895513534546 his:0.02475588023662567 all:0.022541377693414688 :0.09466836601495743 +own:0.04947119578719139 hands:0.04158778861165047 hands.:0.013879051432013512 respective:0.011720092035830021 :0.22640158236026764 +the:0.17669372260570526 be:0.05935529246926308 a:0.0150223383679986 have:0.010805251076817513 :0.10145825892686844 +and:0.08686006814241409 In:0.026395034044981003 to:0.024367837235331535 in:0.02095188945531845 :0.23165269196033478 +The:0.0838283896446228 It:0.04760470241308212 and:0.04108090698719025 In:0.039932698011398315 :0.1317339688539505 +istence:0.12495490908622742 cess:0.03587174415588379 cellent:0.031246012076735497 actly:0.028539221733808517 :0.40571120381355286 +the:0.16818512976169586 off:0.05588776245713234 out:0.051897961646318436 a:0.04768553376197815 :0.053243231028318405 +of:0.8118869066238403 that:0.023692235350608826 to:0.020105257630348206 the:0.009599274024367332 :0.008450809866189957 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.2723255753517151 a:0.0897696241736412 their:0.02167905680835247 his:0.015003095380961895 :0.09612485766410828 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.06874415278434753 and:0.06747457385063171 who:0.02004900760948658 to:0.016559191048145294 :0.2326493263244629 +of:0.5979108810424805 to:0.02654786966741085 or:0.022901425138115883 for:0.015023096464574337 :0.02670176699757576 +to:0.4918629825115204 the:0.046467479318380356 a:0.029201090335845947 that:0.021855466067790985 :0.03861742839217186 +is:0.218739315867424 was:0.09072302281856537 has:0.046624213457107544 will:0.04591117054224014 :0.046574175357818604 +the:0.13703013956546783 be:0.03600607439875603 a:0.01716911792755127 do:0.015046412125229836 :0.09650439769029617 +of:0.5787577629089355 and:0.024785801768302917 between:0.024188745766878128 parallel:0.02390383742749691 :0.038441188633441925 +the:0.22434452176094055 a:0.1667095571756363 not:0.047559916973114014 an:0.028979986906051636 :0.06252895295619965 +be:0.1541060209274292 the:0.03423047065734863 pay:0.017582479864358902 go:0.01543683186173439 :0.06983934342861176 +was:0.132705956697464 had:0.0640452429652214 is:0.053029727190732956 has:0.03850308433175087 :0.07929126173257828 +and:0.2222985476255417 but:0.0499257929623127 the:0.03324335068464279 which:0.029922811314463615 :0.049306999891996384 +been:0.3179137408733368 ever:0.04529006779193878 not:0.0350240021944046 a:0.03300787881016731 :0.0483224093914032 +successively,:0.11464434117078781 ago,:0.07030738145112991 ago:0.06735098361968994 in:0.06183035299181938 :0.05839761346578598 +D.:0.14074310660362244 and:0.12214342504739761 the:0.05241450294852257 he:0.019810976460576057 :0.09229119122028351 +States:0.48245736956596375 States,:0.04643193259835243 States.:0.03665262833237648 State*:0.015406704507768154 :0.28167176246643066 +the:0.23912158608436584 a:0.028377067297697067 this:0.01796257123351097 tho:0.009996951557695866 :0.19075459241867065 +of:0.1406574249267578 and:0.06373463571071625 was:0.027315432205796242 is:0.024083254858851433 :0.12355528026819229 +of:0.04694865643978119 and:0.03962443023920059 to:0.028660746291279793 the:0.022742431610822678 :0.25130724906921387 +the:0.04907165467739105 not:0.03768106549978256 a:0.03321945294737816 in:0.015671975910663605 :0.09725219756364822 +be:0.34850218892097473 not:0.08264050632715225 have:0.07225413620471954 seem:0.05556406080722809 :0.03928479552268982 +to:0.16463908553123474 the:0.043200939893722534 by:0.04215490072965622 in:0.035447683185338974 :0.07529762387275696 +in:0.204287588596344 by:0.09902206808328629 to:0.060118675231933594 at:0.04342125356197357 :0.05303638428449631 +was:0.1664947271347046 had:0.09176529198884964 is:0.053906410932540894 has:0.05088486149907112 :0.07041586935520172 +the:0.06872161477804184 a:0.014108487404882908 in:0.010273725725710392 fifty:0.009609936736524105 :0.22177813947200775 +rate:0.05740497633814812 and:0.030659563839435577 price:0.027530496940016747 plane:0.015003258362412453 :0.15702712535858154 +The:0.09483712166547775 He:0.06312163174152374 It:0.04260527342557907 I:0.027134234085679054 :0.09300515055656433 +a:0.07195116579532623 the:0.039955731481313705 to:0.023456836119294167 no:0.0218899454921484 :0.14216944575309753 +be:0.22099368274211884 only:0.025223813951015472 have:0.023541223257780075 do:0.014406559988856316 :0.06126907467842102 +of:0.08044099062681198 in:0.05529652535915375 the:0.04941539093852043 and:0.04810944199562073 :0.05741069093346596 +the:0.24687720835208893 a:0.052476342767477036 his:0.029934881255030632 tho:0.020324964076280594 :0.09315968304872513 +the:0.39384663105010986 lots:0.07195710390806198 lot:0.028054948896169662 a:0.02380608581006527 :0.10601802170276642 +a:0.09184785187244415 the:0.08203491568565369 it:0.026031773537397385 to:0.025158224627375603 :0.12566585838794708 +to:0.04556085169315338 the:0.04348483681678772 and:0.037509530782699585 be:0.024387972429394722 :0.142970472574234 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +and:0.0650825947523117 of:0.04440483823418617 the:0.022636834532022476 to:0.022328365594148636 :0.20588386058807373 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.043684221804142 a:0.03483394905924797 not:0.033083684742450714 made:0.024266209453344345 :0.13813893496990204 +and:0.06388126313686371 to:0.04543713480234146 is:0.034690260887145996 in:0.0309669841080904 :0.07186145335435867 +most:0.01325159054249525 best:0.011251939460635185 other:0.008722970262169838 amount:0.008212788961827755 :0.21506720781326294 +own:0.0498628169298172 respective:0.011498261243104935 own.:0.005039859097450972 own,:0.00395617401227355 :0.23608587682247162 +a:0.11281757801771164 not:0.07292187213897705 the:0.06704414635896683 said:0.02236642874777317 :0.06751331686973572 +of:0.2216852754354477 and:0.0838247537612915 that:0.07870171964168549 the:0.026337096467614174 :0.06660114973783493 +and:0.061198651790618896 the:0.059050340205430984 in:0.017569921910762787 to:0.016792066395282745 :0.16130249202251434 +and:0.17563296854496002 to:0.05070677027106285 which:0.030530108138918877 in:0.02944503165781498 :0.034571774303913116 +the:0.16622954607009888 a:0.12060488760471344 not:0.03676909953355789 an:0.02193870209157467 :0.07868759334087372 +was:0.07589242607355118 had:0.06941252946853638 are:0.04950590804219246 has:0.04946213215589523 :0.08267950266599655 +been:0.4397309422492981 yet:0.0679979994893074 only:0.020793592557311058 a:0.020439915359020233 :0.05866539850831032 +have:0.12462078779935837 are:0.09938519448041916 should:0.05578390508890152 were:0.04142603650689125 :0.044829484075307846 +extent:0.09593427926301956 amount:0.016053413972258568 act:0.015250414609909058 old:0.011144472286105156 :0.19221021234989166 +the:0.28203487396240234 a:0.06305211782455444 this:0.02375262789428234 his:0.018047340214252472 :0.06460725516080856 +point:0.04054637998342514 stake:0.01858576014637947 great:0.01733686961233616 large:0.015888528898358345 :0.1647801548242569 +the:0.11845945566892624 a:0.08279666304588318 out:0.041594695299863815 rid:0.03263359144330025 :0.05562303960323334 +amount:0.055614110082387924 of:0.0336943045258522 name:0.024813862517476082 and:0.023152444511651993 :0.12811583280563354 +of:0.05473342910408974 and:0.03660817816853523 to:0.02786068245768547 in:0.014832833781838417 :0.204084575176239 +of:0.05548582971096039 and:0.04958053678274155 the:0.02603866532444954 to:0.024217450991272926 :0.22205445170402527 +a:0.05880992114543915 the:0.035057444125413895 very:0.02137552574276924 more:0.018954461440443993 :0.21902412176132202 +day:0.11075089126825333 and:0.04703928530216217 of:0.04610474780201912 No.:0.02010480687022209 :0.22583982348442078 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +.:0.5087947249412537 few:0.01117462944239378 large:0.00573279382660985 man:0.004997638054192066 :0.14319072663784027 +the:0.2099873274564743 and:0.052947815507650375 a:0.04102075472474098 to:0.029775861650705338 :0.17374253273010254 +e:0.11455381661653519 the:0.04976167902350426 and:0.010226644575595856 said:0.009955658577382565 :0.32902079820632935 +to:0.06103655695915222 the:0.044116873294115067 and:0.03541865199804306 in:0.019758787006139755 :0.14264719188213348 +be:0.16379015147686005 the:0.029316507279872894 make:0.02657593972980976 have:0.02445872500538826 :0.07229489088058472 +of:0.08807495981454849 1:0.08173191547393799 in:0.06051770970225334 and:0.05690022185444832 :0.11758463084697723 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +lands:0.006348291411995888 men:0.006226686295121908 people:0.006096614990383387 claims:0.005628419574350119 :0.35463401675224304 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +of:0.2324303835630417 hundred:0.03352290019392967 who:0.02018466778099537 and:0.01712670922279358 :0.12172071635723114 +that:0.11755472421646118 the:0.08584047108888626 a:0.07075893878936768 it:0.048347581177949905 :0.061710067093372345 +of:0.047600068151950836 boy.:0.03249042108654976 girl.:0.028366418555378914 and:0.027376879006624222 :0.16749908030033112 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +of:0.12570485472679138 and:0.060180775821208954 to:0.03124222159385681 in:0.026266325265169144 :0.12416394799947739 +of:0.12563467025756836 and:0.07946165651082993 with:0.04217000678181648 the:0.03831036016345024 :0.07079409062862396 +and:0.2469562292098999 the:0.07391410320997238 but:0.055302172899246216 he:0.02623758465051651 :0.06296419352293015 +the:0.11586296558380127 and:0.04196706414222717 a:0.04027998819947243 officer:0.02217285893857479 :0.12337459623813629 +the:0.1764301210641861 a:0.04723832756280899 tho:0.013027283363044262 his:0.011990640312433243 :0.22138643264770508 +and:0.1096019595861435 to:0.015395487658679485 for:0.01234395895153284 the:0.011400384828448296 :0.32491534948349 +the:0.2547169327735901 a:0.042364466935396194 this:0.031004561111330986 which:0.018980292603373528 :0.07284029573202133 +and:0.06640871614217758 the:0.05160360783338547 was:0.031884606927633286 is:0.02557048574090004 :0.20645596086978912 +few:0.02959279529750347 little:0.01451585628092289 large:0.013143393211066723 very:0.010938321240246296 :0.1749352067708969 +and:0.05692258104681969 as:0.04215701296925545 to:0.026766281574964523 of:0.02533460594713688 :0.18525700271129608 +to:0.8096489906311035 in:0.02084832824766636 from:0.017998067662119865 for:0.009705813601613045 :0.011532299220561981 +to:0.0451849065721035 the:0.04012429341673851 and:0.033520039170980453 a:0.019517697393894196 :0.16636407375335693 +and:0.08005119115114212 the:0.04436436668038368 that:0.02294207736849785 in:0.021443786099553108 :0.0793062150478363 +the:0.06032013148069382 to:0.0513942651450634 and:0.033145252615213394 of:0.02883177436888218 :0.2120073139667511 +respected:0.036497678607702255 pleased:0.02980484813451767 esteemed:0.02539137192070484 appreciated:0.014791831374168396 :0.3028673827648163 +the:0.07126213610172272 a:0.019733158871531487 in:0.01599188707768917 to:0.011515014804899693 :0.10745861381292343 +of:0.755463182926178 in:0.021205022931098938 ot:0.01793806627392769 and:0.010029788129031658 :0.030056726187467575 +is:0.3025822341442108 was:0.1884416788816452 has:0.05790436640381813 Is:0.04519159346818924 :0.03259958326816559 +not:0.04814255237579346 the:0.024999698624014854 in:0.017138974741101265 a:0.016946757212281227 :0.24587944149971008 +the:0.2183925211429596 his:0.07135268300771713 a:0.04125701263546944 to:0.03496445342898369 :0.07279001176357269 +and:0.015452117659151554 place:0.009979506023228168 or:0.005448778625577688 room:0.005116886924952269 :0.23875544965267181 +the:0.02833511121571064 not:0.02423068881034851 in:0.021115191280841827 made:0.01843187026679516 :0.14569996297359467 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.3173062801361084 this:0.032200850546360016 a:0.03069216012954712 which:0.01982279308140278 :0.07360532879829407 +the:0.10011442750692368 a:0.020686890929937363 be:0.015508905984461308 make:0.01466949749737978 :0.17970290780067444 +and:0.08720961958169937 John:0.020552804693579674 James:0.013383355922996998 in:0.01302665937691927 :0.18046125769615173 +to:0.1272478848695755 in:0.09180822968482971 of:0.0493168868124485 for:0.04381367936730385 :0.04359348863363266 +the:0.08625057339668274 to:0.040299516171216965 a:0.03868476673960686 in:0.03824784234166145 :0.12120568752288818 +or:0.04901387169957161 years:0.03779106214642525 men:0.03451358154416084 of:0.02180555835366249 :0.1782076060771942 +be:0.2955959439277649 the:0.09894932061433792 have:0.024587146937847137 bo:0.016311876475811005 :0.08682674169540405 +and:0.010936995968222618 said:0.008854439482092857 a:0.007027809973806143 the:0.006649673450738192 :0.27083125710487366 +same:0.0052357809618115425 last:0.005185058806091547 public:0.005001863930374384 city:0.004981090780347586 :0.21627458930015564 +ties:0.06437450647354126 ticular:0.04865307733416557 ty:0.03926650807261467 ticularly:0.029017120599746704 :0.446637362241745 +a:0.11281757801771164 not:0.07292187213897705 the:0.06704414635896683 said:0.02236642874777317 :0.06751331686973572 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +times:0.11851900070905685 the:0.07406734675168991 times,:0.03643426671624184 times.:0.03406509384512901 :0.1340537965297699 +be:0.4502533972263336 not:0.10890660434961319 bo:0.03145306184887886 have:0.03075036220252514 :0.0363762341439724 +number:0.06322932243347168 amount:0.0557512529194355 distance:0.0420132577419281 sum:0.031204350292682648 :0.08368956297636032 +the:0.43784886598587036 a:0.07199355959892273 his:0.02757001481950283 this:0.019023191183805466 :0.06621921062469482 +of:0.6174017786979675 or:0.03650631010532379 in:0.032700229436159134 the:0.018879776820540428 :0.028506429865956306 +preme:0.1654328554868698 est:0.02247759699821472 of:0.005816391669213772 part:0.005601579323410988 :0.3424740135669708 +and:0.019082481041550636 cities:0.010281942784786224 political:0.006937128957360983 men:0.006857024505734444 :0.22027097642421722 +have:0.09139958024024963 was:0.049370791763067245 had:0.032208602875471115 am:0.030354434624314308 :0.14821086823940277 +the:0.21205812692642212 kinds:0.023958563804626465 that:0.02008158154785633 these:0.01482913363724947 :0.11127829551696777 +the:0.30608874559402466 a:0.036146797239780426 his:0.02546868287026882 this:0.021163571625947952 :0.08075129240751266 +of:0.5147836804389954 and:0.05357535183429718 is:0.015196600928902626 were:0.013715662993490696 :0.0333637110888958 +own:0.04663694649934769 people:0.017602385953068733 readers:0.014105329290032387 country:0.009657121263444424 :0.15953059494495392 +was:0.07589242607355118 had:0.06941252946853638 are:0.04950590804219246 has:0.04946213215589523 :0.08267950266599655 +and:0.22124701738357544 of:0.09703021496534348 that:0.05038832128047943 for:0.03382823243737221 :0.03922399878501892 +ment:0.49701645970344543 ment,:0.2950059473514557 ment.:0.07499949634075165 ments:0.01865069754421711 :0.043713346123695374 +made:0.054527200758457184 no:0.04442401975393295 done:0.03130321577191353 found:0.024440208449959755 :0.1182146891951561 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +.:0.16803082823753357 of:0.03679180517792702 to:0.012282704934477806 deg.:0.01191635150462389 :0.23128898441791534 +The:0.09606394171714783 He:0.07766855508089066 It:0.03580798581242561 In:0.02484320104122162 :0.15619207918643951 +a:0.20751158893108368 not:0.058303963392972946 the:0.05557075887918472 now:0.02400173433125019 :0.08287334442138672 +the:0.39377444982528687 a:0.04731559380888939 tho:0.025338780134916306 his:0.022058894857764244 :0.06620567291975021 +of:0.05040854960680008 other:0.05023518577218056 one:0.03212587535381317 kind:0.030995404347777367 :0.12486065179109573 +be:0.26071250438690186 have:0.05972779914736748 not:0.029949042946100235 bo:0.014858152717351913 :0.08498166501522064 +the:0.3626185655593872 a:0.06183864548802376 this:0.022087210789322853 tho:0.01756199449300766 :0.06928636878728867 +of:0.37181660532951355 and:0.07269058376550674 was:0.02068142220377922 to:0.01909366063773632 :0.07263094186782837 +the:0.08270329982042313 a:0.027856839820742607 interest:0.02194216474890709 that:0.014601967297494411 :0.2209727168083191 +the:0.3339964747428894 a:0.02681800164282322 tho:0.022257477045059204 this:0.01995023712515831 :0.059487223625183105 +and:0.06425588577985764 to:0.0375860370695591 was:0.01168099232017994 is:0.00975441001355648 :0.26323556900024414 +is:0.1625632345676422 was:0.15503670275211334 would:0.04332347214221954 will:0.04163486137986183 :0.051028117537498474 +whole:0.0089096175506711 same:0.008288724347949028 first:0.00786796398460865 entire:0.006544404663145542 :0.18939948081970215 +to:0.4673444330692291 for:0.06507522612810135 in:0.06250456720590591 by:0.053578220307826996 :0.03187888115644455 +and:0.13537947833538055 with:0.04866134375333786 the:0.033881064504384995 but:0.03238658234477043 :0.06303225457668304 +of:0.42882707715034485 and:0.0439632274210453 the:0.022883500903844833 in:0.014125785790383816 :0.0518953874707222 +That:0.7855390906333923 and:0.01345076598227024 The:0.008722021244466305 the:0.007874960079789162 :0.033162254840135574 +the:0.046276822686195374 a:0.04004058241844177 and:0.02771361917257309 to:0.025454062968492508 :0.31576263904571533 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +so:0.0303090400993824 a:0.029332522302865982 to:0.028796372935175896 only:0.027001941576600075 :0.12442687153816223 +a:0.19005046784877777 the:0.0910821408033371 of:0.07669098675251007 in:0.0463951975107193 :0.04754171147942543 +in:0.14797033369541168 to:0.07871785014867783 into:0.04723622277379036 on:0.04593775048851967 :0.03813633695244789 +was:0.07589242607355118 had:0.06941252946853638 are:0.04950590804219246 has:0.04946213215589523 :0.08267950266599655 +of:0.24720986187458038 and:0.0733468160033226 in:0.04766190052032471 to:0.03090331144630909 :0.057353489100933075 +counties,:0.04384260252118111 rights:0.012033269740641117 places:0.0104950787499547 offices:0.009595639072358608 :0.25681760907173157 +the:0.14255937933921814 a:0.02582176961004734 to:0.025580527260899544 that:0.023554695770144463 :0.13094544410705566 +years:0.11419518291950226 or:0.0666390061378479 weeks:0.03419831022620201 months:0.021422913298010826 :0.12809333205223083 +people:0.01734987646341324 said:0.011204104870557785 same:0.007446028757840395 man:0.0072185383178293705 :0.1498868614435196 +to:0.1659797579050064 out:0.09459826350212097 of:0.07962418347597122 in:0.044403135776519775 :0.04123672842979431 +of:0.1144108846783638 in:0.047927506268024445 was:0.04511391744017601 and:0.042093370109796524 :0.05262531712651253 +The:0.11015103757381439 It:0.054542426019907 I:0.044155608862638474 He:0.029030483216047287 :0.11207554489374161 +same:0.014211065135896206 first:0.0070829326286911964 whole:0.005160144064575434 people:0.004800653085112572 :0.1855066567659378 +to:0.06807815283536911 the:0.04898178204894066 and:0.02720005437731743 The:0.018343985080718994 :0.12352012097835541 +of:0.36168935894966125 for:0.0945090726017952 to:0.06750614196062088 and:0.04377012327313423 :0.03981698304414749 +six:0.04490775242447853 the:0.040263090282678604 ten:0.04017198085784912 interest:0.025137804448604584 :0.19166839122772217 +mands:0.09994892030954361 mand:0.04845443740487099 cision:0.023711903020739555 partment:0.019853590056300163 :0.44703832268714905 +the:0.12593287229537964 a:0.07804855704307556 by:0.0705932155251503 to:0.04540487006306648 :0.05416969209909439 +cent:0.1328355371952057 cent,:0.06536208093166351 cent.:0.04595589637756348 acre.:0.02099137380719185 :0.19569309055805206 +first:0.009019916877150536 most:0.007552349474281073 men:0.005086767021566629 same:0.004059706348925829 :0.20811645686626434 +to:0.192513108253479 up:0.09266112744808197 from:0.04439713805913925 in:0.04305374249815941 :0.03906223550438881 +point:0.04054637998342514 stake:0.01858576014637947 great:0.01733686961233616 large:0.015888528898358345 :0.1647801548242569 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +river:0.036109600216150284 street:0.016530100256204605 river,:0.01531769335269928 continent:0.007806026376783848 :0.21445013582706451 +the:0.08661731332540512 that:0.04810205101966858 it:0.024548497051000595 I:0.023077692836523056 :0.07273934036493301 +the:0.09100065380334854 a:0.08406682312488556 by:0.04905075579881668 is:0.04791189730167389 :0.10737774521112442 +and:0.06495468318462372 the:0.05183134600520134 in:0.02897254191339016 of:0.027626166120171547 :0.1059885323047638 +known:0.173497274518013 to:0.04683860391378403 known,:0.046411629766225815 worth:0.022502122446894646 :0.11998197436332703 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +of:0.3106183111667633 and:0.06733563542366028 at:0.04016078636050224 is:0.018452618271112442 :0.12277784198522568 +fore:0.22316844761371613 tween:0.1606418639421463 ing:0.1407877504825592 cause:0.0801997184753418 :0.049747977405786514 +in:0.056222397834062576 to:0.043305013328790665 and:0.04213566333055496 the:0.0370107926428318 :0.07830507308244705 +and:0.05860663205385208 to:0.043047964572906494 if:0.034546248614788055 as:0.03389628604054451 :0.03266729786992073 +to:0.10745919495820999 and:0.09365049749612808 in:0.0866389200091362 at:0.05110501870512962 :0.04799126833677292 +the:0.04429008439183235 and:0.04007980227470398 to:0.029510224238038063 be:0.029147403314709663 :0.16529810428619385 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +of:0.20880551636219025 and:0.0635908842086792 in:0.035397808998823166 is:0.028338374570012093 :0.17504793405532837 +the:0.20220550894737244 that:0.10778733342885971 what:0.04217346012592316 a:0.03974486514925957 :0.04506596922874451 +the:0.08335332572460175 is:0.07636718451976776 he:0.0477844662964344 they:0.045850712805986404 :0.054979629814624786 +been:0.2351735383272171 a:0.0456407368183136 not:0.025228317826986313 the:0.020197948440909386 :0.09860303997993469 +the:0.038647208362817764 paid:0.029896916821599007 made:0.026404066011309624 a:0.02053823508322239 :0.13435012102127075 +and:0.09968544542789459 of:0.024806253612041473 was:0.01752263307571411 at:0.011223947629332542 :0.30749601125717163 +of:0.6366974711418152 and:0.03112778440117836 that:0.02893063798546791 was:0.027234390377998352 :0.018572252243757248 +to:0.0662810429930687 the:0.05490463227033615 a:0.0428229384124279 not:0.033895380795001984 :0.08475714921951294 +of:0.15313602983951569 to:0.03594676032662392 who:0.028840240091085434 year:0.022053886204957962 :0.14264512062072754 +and:0.05386202782392502 of:0.03093613311648369 to:0.024327196180820465 The:0.01847475953400135 :0.17264868319034576 +not:0.05215578153729439 in:0.029240768402814865 the:0.028515376150608063 to:0.019467875361442566 :0.128343403339386 +own:0.049583107233047485 hand,:0.009334270842373371 power:0.008298046886920929 pocket:0.007051335647702217 :0.16691681742668152 +The:0.1666092574596405 It:0.040236663073301315 This:0.03665831685066223 A:0.028913026675581932 :0.1523415595293045 +to:0.08191033452749252 by:0.07091639190912247 the:0.0581132136285305 in:0.04761660844087601 :0.0809488371014595 +and:0.08765020221471786 in:0.05255870148539543 of:0.023242546245455742 the:0.02009904570877552 :0.1189437210559845 +and:0.06046150624752045 the:0.031299807131290436 to:0.018012868240475655 The:0.017356783151626587 :0.12091267853975296 +of:0.03511708229780197 and:0.02923445962369442 the:0.02906576357781887 to:0.018444806337356567 :0.17712874710559845 +and:0.1138443872332573 the:0.0379338264465332 in:0.0313391238451004 on:0.023550845682621002 :0.11173619329929352 +and:0.1793726235628128 the:0.07620425522327423 but:0.025262903422117233 of:0.021935468539595604 :0.058141253888607025 +the:0.18497559428215027 a:0.11100210249423981 his:0.026045167818665504 all:0.01860666275024414 :0.13183805346488953 +scribed:0.09166871756315231 clared:0.03475658968091011 livered:0.03205668553709984 mands:0.029539043083786964 :0.32502031326293945 +the:0.37618982791900635 a:0.0527912862598896 his:0.032596200704574585 this:0.023071620613336563 :0.11146082729101181 +been:0.15284313261508942 not:0.0519874207675457 a:0.03556037321686745 to:0.030114514753222466 :0.09139209985733032 +the:0.1844119131565094 he:0.05010654032230377 it:0.04345959424972534 they:0.0366022065281868 :0.057673145085573196 +to:0.10057968646287918 a:0.03562599793076515 the:0.03122797980904579 that:0.02987837977707386 :0.07703405618667603 +of:0.20624926686286926 and:0.10565033555030823 that:0.10337331891059875 in:0.03919374570250511 :0.03636634722352028 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.059322960674762726 of:0.042007312178611755 the:0.032914210110902786 to:0.02296934649348259 :0.18472282588481903 +same:0.010847280733287334 result:0.010675651952624321 most:0.009411102160811424 case:0.006331802345812321 :0.1978769749403 +the:0.04884874448180199 a:0.02600722387433052 other:0.023836204782128334 any:0.02360253781080246 :0.23248811066150665 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +been:0.2857648730278015 a:0.05432458966970444 the:0.033192023634910583 to:0.021816087886691093 :0.06832010298967361 +ture:0.38709190487861633 ture.:0.1477116495370865 ture,:0.11492343246936798 I:0.029582848772406578 :0.08499454706907272 +and:0.08121281117200851 by:0.05988403782248497 to:0.0500798337161541 in:0.028750929981470108 :0.14481566846370697 +of:0.2171359807252884 and:0.07506363838911057 in:0.039797645062208176 for:0.018195865675807 :0.10982216149568558 +of:0.11143037676811218 for:0.06824981421232224 and:0.05927048623561859 to:0.05141941457986832 :0.07182437926530838 +the:0.11102339625358582 a:0.026061562821269035 be:0.023903099820017815 two:0.02069098874926567 :0.08384795486927032 +a:0.07411245256662369 the:0.0616687573492527 to:0.047212932258844376 much:0.040236711502075195 :0.07352451980113983 +of:0.5791836977005005 and:0.03264213725924492 the:0.018798373639583588 ot:0.015637816861271858 :0.026141267269849777 +view:0.021477578207850456 large:0.014422591775655746 little:0.012711316347122192 few:0.011675581336021423 :0.20949006080627441 +quarter:0.40343549847602844 corner:0.2756100594997406 of:0.03379610925912857 quarter,:0.03071293979883194 :0.03963586688041687 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.7022494673728943 tho:0.03416067361831665 his:0.023014536127448082 this:0.02184373140335083 :0.017964554950594902 +the:0.14595353603363037 it:0.02779049053788185 he:0.023584268987178802 they:0.018991418182849884 :0.12469137459993362 +the:0.15084464848041534 a:0.06814210116863251 in:0.047767672687768936 up:0.04768606275320053 :0.03931025043129921 +few:0.017131589353084564 large:0.013625790365040302 man:0.011656329035758972 number:0.011634533293545246 :0.17441214621067047 +the:0.20404651761054993 a:0.05017421394586563 this:0.026812048628926277 his:0.020813044160604477 :0.12012933939695358 +of:0.1656944900751114 to:0.13019129633903503 mile:0.07541760057210922 per:0.039498213678598404 :0.05800437554717064 +in:0.05903106927871704 the:0.04172513261437416 as:0.040882423520088196 and:0.03887424245476723 :0.08801957964897156 +the:0.11071032285690308 a:0.08875332772731781 to:0.05407947674393654 they:0.03804585337638855 :0.05740607902407646 +with:0.07604746520519257 of:0.07191050797700882 and:0.04380446672439575 was:0.038818471133708954 :0.08074204623699188 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +ing:0.016246022656559944 the:0.013237209059298038 and:0.011078929528594017 e:0.007970917038619518 :0.2664400041103363 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +said:0.009978143498301506 sum:0.009318280965089798 amount:0.008674591779708862 same:0.008291980251669884 :0.2015872299671173 +to:0.06807815283536911 the:0.04898178204894066 and:0.02720005437731743 The:0.018343985080718994 :0.12352012097835541 +and:0.11319970339536667 the:0.055766597390174866 on:0.04356750100851059 in:0.03593223914504051 :0.058241259306669235 +slightest:0.042585209012031555 least:0.033690594136714935 consent:0.03132876008749008 aid:0.013239786960184574 :0.18857844173908234 +as:0.28194695711135864 to:0.03472122177481651 of:0.031076326966285706 more:0.019243411719799042 :0.09378015995025635 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +of:0.6325175762176514 and:0.02035815641283989 ot:0.019011229276657104 in:0.010701059363782406 :0.02820117585361004 +of:0.2479083240032196 to:0.04176727309823036 and:0.030012497678399086 the:0.025605948641896248 :0.07000253349542618 +the:0.2951657474040985 a:0.024676289409399033 this:0.01937548629939556 tho:0.014409077353775501 :0.12645138800144196 +the:0.06268119066953659 a:0.01609816960990429 that:0.015006924979388714 was:0.008702458813786507 :0.14291389286518097 +of:0.04786454886198044 and:0.04491841793060303 or:0.028567243367433548 the:0.028341613709926605 :0.16377893090248108 +and:0.03719812259078026 nor:0.026954416185617447 option:0.017630629241466522 men:0.008089233189821243 :0.19785617291927338 +the:0.14700916409492493 a:0.04354728385806084 and:0.04239235445857048 in:0.040001995861530304 :0.028827112168073654 +he:0.14627738296985626 the:0.11921558529138565 they:0.0817350447177887 it:0.070048987865448 :0.06824952363967896 +of:0.21847358345985413 to:0.10263770818710327 in:0.0806310847401619 or:0.0643959492444992 :0.05989747866988182 +the:0.08573736250400543 your:0.034289706498384476 a:0.031365275382995605 I:0.026130354031920433 :0.10215924680233002 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +the:0.2799226641654968 a:0.02300347574055195 this:0.0193366426974535 said:0.01812148094177246 :0.135879248380661 +property:0.0322275348007679 secretary:0.019450023770332336 and:0.014121796004474163 business:0.010146837681531906 :0.1835026890039444 +tics:0.09086517244577408 tical:0.061112213879823685 cies:0.017943942919373512 cy:0.01660965196788311 :0.370953768491745 +the:0.47669246792793274 a:0.0443364642560482 tho:0.024980874732136726 his:0.02024136669933796 :0.08284129202365875 +and:0.19241605699062347 but:0.05480725318193436 the:0.034345176070928574 he:0.01900767907500267 :0.13318197429180145 +the:0.22279052436351776 a:0.07707519829273224 his:0.033603426069021225 this:0.016002321615815163 :0.09698899835348129 +of:0.08026695996522903 and:0.07320666313171387 is:0.049855004996061325 in:0.049524545669555664 :0.034857433289289474 +mortgage:0.03551492840051651 John:0.014492273330688477 County:0.012314995750784874 William:0.009532668627798557 :0.16362731158733368 +ceive:0.07128868997097015 main:0.039442066103219986 quire:0.031565625220537186 turn:0.02952420711517334 :0.29803311824798584 +the:0.11845945566892624 a:0.08279666304588318 out:0.041594695299863815 rid:0.03263359144330025 :0.05562303960323334 +to:0.07584038376808167 of:0.070022813975811 and:0.035437293350696564 from:0.020799119025468826 :0.09241608530282974 +the:0.25215208530426025 a:0.06303168088197708 their:0.022797785699367523 his:0.019165100529789925 :0.08049006015062332 +same:0.012457110919058323 most:0.009201137349009514 said:0.004328507464379072 amount:0.00423155352473259 :0.23258425295352936 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +and:0.042359817773103714 as:0.0269364882260561 that:0.025980524718761444 to:0.025243941694498062 :0.1621088981628418 +the:0.03447519242763519 a:0.023242121562361717 not:0.017642099410295486 of:0.014646387659013271 :0.24610011279582977 +and:0.05145213380455971 of:0.016213949769735336 ment:0.014175533317029476 was:0.013226949609816074 :0.26157811284065247 +complaint:0.2593560814857483 said:0.0350344181060791 allegations:0.011714192107319832 same:0.008961375802755356 :0.09882369637489319 +the:0.07010731846094131 be:0.05694694072008133 a:0.020208586007356644 say:0.018276089802384377 :0.13373428583145142 +of:0.15171027183532715 are:0.05016761273145676 to:0.03389519453048706 will:0.03344319388270378 :0.043075233697891235 +the:0.3128068745136261 a:0.048323310911655426 his:0.016392884775996208 tho:0.015046922490000725 :0.09997841715812683 +and:0.033062893897295 was:0.03096018172800541 the:0.016476863995194435 of:0.016438836231827736 :0.20604047179222107 +to:0.10640445351600647 with:0.06324193626642227 in:0.0538443997502327 into:0.04667766019701958 :0.040254414081573486 +the:0.46290838718414307 law.:0.02391417697072029 a:0.023287851363420486 tho:0.019202442839741707 :0.0693022683262825 +much:0.052250899374485016 little:0.028511893004179 large:0.02123139426112175 few:0.014147287234663963 :0.1574523001909256 +the:0.29227373003959656 a:0.10783233493566513 this:0.03484116867184639 all:0.021910518407821655 :0.09862519055604935 +who:0.06675779819488525 and:0.05374220013618469 of:0.045644309371709824 is:0.040187086910009384 :0.06706157326698303 +the:0.21340236067771912 that:0.07186930626630783 a:0.05025171861052513 it:0.0377860963344574 :0.07246201485395432 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +know:0.0670028105378151 think:0.0418853759765625 believe:0.040643125772476196 want:0.03325924277305603 :0.09546209126710892 +and:0.07395027577877045 in:0.06882824003696442 however,:0.05242292210459709 the:0.04133274033665657 :0.04347888380289078 +the:0.06476885825395584 a:0.02131090685725212 other:0.008712961338460445 to:0.008624544367194176 :0.2137424349784851 +the:0.3503281772136688 a:0.04094026982784271 him:0.023208456113934517 you:0.019163046032190323 :0.0913710668683052 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +of:0.08183783292770386 and:0.06824339926242828 to:0.03238658979535103 in:0.027776654809713364 :0.15998762845993042 +been:0.15639354288578033 a:0.031051553785800934 the:0.026725679636001587 to:0.02428719960153103 :0.11042533069849014 +the:0.043787483125925064 and:0.036663807928562164 of:0.03605327010154724 to:0.024807604029774666 :0.18818730115890503 +Y.:0.09665468335151672 Y:0.03786524385213852 Y.,:0.031029829755425453 J:0.01731484942138195 :0.27688586711883545 +to:0.06891826540231705 in:0.026960493996739388 and:0.014682909473776817 own:0.013932788744568825 :0.1890949159860611 +of:0.07321009039878845 and:0.04654266685247421 to:0.03962050750851631 or:0.028071578592061996 :0.11921253055334091 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.08892650902271271 executed:0.0632055476307869 upon:0.0418369360268116 to:0.04106713458895683 :0.05221790075302124 +the:0.08925016224384308 a:0.06251649558544159 and:0.018966183066368103 an:0.014672146178781986 :0.2291579246520996 +The:0.18754996359348297 It:0.09358084946870804 He:0.04894420877099037 They:0.029166169464588165 :0.11142046004533768 +and:0.1511685848236084 to:0.09638458490371704 for:0.058882541954517365 in:0.0543830543756485 :0.03445993363857269 +been:0.28212395310401917 not:0.04434170201420784 a:0.04177636280655861 to:0.028200486674904823 :0.07534005492925644 +and:0.26531362533569336 in:0.029107920825481415 are:0.025947751477360725 to:0.022965185344219208 :0.14208510518074036 +and:0.012012570165097713 personal:0.008544422686100006 way:0.006690907292068005 life:0.005377300549298525 :0.19928842782974243 +the:0.4147404730319977 said:0.04078226909041405 a:0.040277786552906036 this:0.02144983597099781 :0.09790471196174622 +the:0.021639427170157433 to:0.014772238209843636 most:0.014179901219904423 a:0.01012080255895853 :0.16802647709846497 +the:0.12681181728839874 a:0.08154057711362839 to:0.05014773830771446 it:0.03204720467329025 :0.07475485652685165 +to:0.25354453921318054 of:0.08452185243368149 in:0.049828700721263885 that:0.03437710180878639 :0.07568333297967911 +the:0.25538063049316406 by:0.04751875624060631 and:0.04373432695865631 in:0.0287577323615551 :0.04307615011930466 +and:0.20179638266563416 to:0.08967723697423935 that:0.07299181073904037 by:0.04102634638547897 :0.10896656662225723 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +of:0.20284146070480347 and:0.06110379472374916 Court:0.03518230840563774 Court,:0.018569255247712135 :0.2208302915096283 +the:0.3107740581035614 a:0.05550340935587883 tho:0.015086567960679531 this:0.015068765729665756 :0.09483692049980164 +country:0.03425101935863495 city:0.02892952226102352 city.:0.027889680117368698 city,:0.027080435305833817 :0.1333295702934265 +and:0.07209478318691254 the:0.034259017556905746 to:0.031781334429979324 of:0.02365560457110405 :0.1561148464679718 +of:0.05551944673061371 and:0.043289683759212494 to:0.014860819093883038 Mrs.:0.01255507580935955 :0.24175657331943512 +be:0.22339801490306854 not:0.05123239383101463 have:0.02427598647773266 bo:0.017404360696673393 :0.10037964582443237 +of:0.3169519901275635 to:0.06757523119449615 and:0.04368414729833603 in:0.03743315488100052 :0.034635867923498154 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +the:0.05023070424795151 feet:0.04427463188767433 and:0.03744380176067352 The:0.02111262083053589 :0.15987470746040344 +the:0.22477923333644867 be:0.03899076208472252 whether:0.023945176973938942 make:0.021186623722314835 :0.08064348250627518 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +and:0.07549327611923218 to:0.05741758644580841 by:0.039672400802373886 in:0.02432161197066307 :0.13086660206317902 +to:0.07020264863967896 a:0.027256643399596214 in:0.025244686752557755 the:0.020016999915242195 :0.20685283839702606 +view:0.021477578207850456 large:0.014422591775655746 little:0.012711316347122192 few:0.011675581336021423 :0.20949006080627441 +and:0.10036520659923553 for:0.033545833081007004 in:0.03162800148129463 to:0.028566284105181694 :0.10076693445444107 +and:0.06045864149928093 of:0.040180519223213196 to:0.022082092240452766 the:0.021743616089224815 :0.14764437079429626 +to:0.06332510709762573 and:0.06293818354606628 in:0.04606298729777336 of:0.03497471287846565 :0.07154204696416855 +to:0.708906888961792 the:0.019307676702737808 of:0.01706228218972683 and:0.016415124759078026 :0.01605411060154438 +of:0.12426459789276123 and:0.05203308165073395 The:0.01267497893422842 in:0.01236532162874937 :0.24871692061424255 +to:0.5506775975227356 the:0.057389114052057266 a:0.04817578196525574 at:0.01952347718179226 :0.021930944174528122 +other:0.014355283230543137 other.:0.005131533835083246 amount:0.004865574184805155 United:0.004248455632477999 :0.2795841097831726 +a:0.11281757801771164 not:0.07292187213897705 the:0.06704414635896683 said:0.02236642874777317 :0.06751331686973572 +who:0.2939230501651764 of:0.02152869664132595 in:0.019462240859866142 whose:0.012120078317821026 :0.1061539500951767 +than:0.1651102900505066 or:0.04704709351062775 to:0.03547273203730583 and:0.033141061663627625 :0.13322582840919495 +government:0.004205314442515373 people:0.0030178618617355824 fact:0.002894502831622958 amount:0.0027836558874696493 :0.3064011037349701 +was:0.16217267513275146 had:0.1063942015171051 has:0.06441015005111694 would:0.054022349417209625 :0.08155364543199539 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.15165233612060547 in:0.10867378860712051 of:0.08534232527017593 or:0.04988500103354454 :0.05762359872460365 +in:0.08502020686864853 to:0.06555091589689255 up:0.04337827488780022 and:0.040695108473300934 :0.0658252090215683 +the:0.10939101129770279 and:0.0313120111823082 day:0.02865789085626602 time:0.015079469420015812 :0.1802636831998825 +a:0.03154416382312775 made:0.026228057220578194 the:0.02070688083767891 able:0.014651653356850147 :0.18298614025115967 +a:0.1489533931016922 the:0.13794982433319092 it:0.04094746708869934 an:0.03023884817957878 :0.055804185569286346 +and:0.08603173494338989 of:0.06097763404250145 to:0.029797084629535675 the:0.02309933491051197 :0.2225218266248703 +to:0.062338560819625854 a:0.04391172528266907 the:0.04120169207453728 in:0.01959248259663582 :0.12749208509922028 +D.:0.12644103169441223 and:0.062113165855407715 Feb.:0.04053262621164322 Jan.:0.027401160448789597 :0.09427441656589508 +number:0.06322932243347168 amount:0.0557512529194355 distance:0.0420132577419281 sum:0.031204350292682648 :0.08368956297636032 +the:0.3794427514076233 a:0.043813467025756836 this:0.03967158496379852 that:0.028007758781313896 :0.1035572737455368 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.4691547453403473 a:0.049747172743082047 tho:0.01956443302333355 said:0.01670229062438011 :0.07666758447885513 +are:0.1130317971110344 were:0.09146656095981598 will:0.07139736413955688 have:0.05655486881732941 :0.06575071811676025 +Assembly:0.32522353529930115 Assembly,:0.030798131600022316 Government:0.02935950458049774 Government,:0.02518763579428196 :0.23091551661491394 +that:0.1230819970369339 to:0.11227094382047653 the:0.0853051170706749 a:0.07725204527378082 :0.08440223336219788 +ing:0.023139875382184982 and:0.009094765409827232 vote:0.008317082189023495 p:0.006750278174877167 :0.35531195998191833 +and:0.04608467221260071 of:0.044290266931056976 to:0.029599206522107124 with:0.022410813719034195 :0.18752188980579376 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +ants:0.3200412690639496 ant:0.1905817836523056 ants,:0.15570668876171112 ant,:0.09876720607280731 :0.05714128538966179 +cept:0.10659751296043396 amination:0.029431169852614403 penses:0.025088634341955185 pense:0.014975951984524727 :0.43809887766838074 +and:0.0957760363817215 in:0.02176523581147194 was:0.020923767238855362 to:0.019543740898370743 :0.2303924858570099 +to:0.6397237181663513 for:0.09003423154354095 that:0.026022519916296005 in:0.01264582946896553 :0.021975407376885414 +the:0.21786539256572723 this:0.06190381571650505 a:0.04034360498189926 order:0.01979958266019821 :0.07656846940517426 +own:0.0498628169298172 respective:0.011498261243104935 own.:0.005039859097450972 own,:0.00395617401227355 :0.23608587682247162 +be:0.34946590662002563 exceed:0.06787209957838058 have:0.028212478384375572 apply:0.022969460114836693 :0.06351242959499359 +good:0.022124361246824265 great:0.01786140725016594 man:0.01620378904044628 little:0.015379861928522587 :0.11703018844127655 +same:0.01918819174170494 most:0.010785195045173168 best:0.006939230486750603 only:0.005821102764457464 :0.22431883215904236 +of:0.14373287558555603 and:0.07427934557199478 in:0.04363502189517021 was:0.03221144527196884 :0.05421276018023491 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.25657761096954346 of:0.17802663147449493 to:0.03472544625401497 in:0.030764615163207054 :0.05151383578777313 +mouth:0.01245349831879139 end:0.011791872791945934 top:0.008906159549951553 head:0.007938582450151443 :0.22065097093582153 +have:0.12417010962963104 are:0.09109509736299515 were:0.04786372557282448 had:0.038491278886795044 :0.037237558513879776 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +to:0.10057858377695084 and:0.08242131024599075 the:0.059124138206243515 a:0.024010756984353065 :0.15925556421279907 +and:0.049319006502628326 to:0.04533640295267105 the:0.04423326626420021 in:0.02933785319328308 :0.14587494730949402 +and:0.09174665808677673 of:0.030199922621250153 the:0.02629740536212921 that:0.022380640730261803 :0.2661796808242798 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.1905876100063324 a:0.145096093416214 their:0.027078192681074142 such:0.0251424852758646 :0.06491415947675705 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +to:0.15467442572116852 and:0.11058057844638824 according:0.045079369097948074 or:0.029189612716436386 :0.07997377216815948 +the:0.37812355160713196 a:0.04990725964307785 his:0.027612367644906044 account:0.026963429525494576 :0.09358371794223785 +the:0.19787637889385223 a:0.06280823051929474 it:0.024934880435466766 them:0.023266712203621864 :0.07202444970607758 +the:0.20190568268299103 a:0.033577729016542435 his:0.022221146151423454 their:0.01747470535337925 :0.14402826130390167 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.12236852198839188 a:0.0681023970246315 up:0.049801766872406006 them:0.04539190232753754 :0.05192197486758232 +and:0.05539948120713234 olution:0.02384503372013569 I:0.011552728712558746 was:0.01112047117203474 :0.5059022903442383 +persons:0.011418955400586128 things:0.00959915854036808 parts:0.009269783273339272 places:0.008215921930968761 :0.1909332424402237 +sult:0.08078230917453766 maining:0.03429773449897766 mainder:0.032019827514886856 moval:0.03111584484577179 :0.21721133589744568 +far:0.046372510492801666 that:0.03785600885748863 much:0.03704831376671791 many:0.03295115381479263 :0.12763738632202148 +and:0.20303265750408173 but:0.050529077649116516 or:0.027962766587734222 which:0.027076810598373413 :0.04776674509048462 +and:0.08577977865934372 of:0.03780301660299301 to:0.028422879055142403 the:0.02569335512816906 :0.13178633153438568 +a:0.19058534502983093 the:0.07970960438251495 well:0.04556737095117569 to:0.0367119275033474 :0.10701674222946167 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.36302244663238525 a:0.033490221947431564 tho:0.023732410743832588 his:0.022594379261136055 :0.0683416798710823 +of:0.15875238180160522 to:0.07632332295179367 that:0.060050662606954575 and:0.04160655662417412 :0.10030774772167206 +and:0.1701529324054718 enough:0.03759733960032463 to:0.0232674740254879 the:0.013995775952935219 :0.19436104595661163 +the:0.16116470098495483 he:0.09344984591007233 they:0.061973605304956436 it:0.05950246378779411 :0.06224117800593376 +is:0.19740541279315948 was:0.11636589467525482 are:0.11165598034858704 were:0.0648626908659935 :0.05239478498697281 +have:0.047746848315000534 was:0.043519239872694016 to:0.03337480500340462 had:0.02877986803650856 :0.1668914556503296 +been:0.28212395310401917 not:0.04434170201420784 a:0.04177636280655861 to:0.028200486674904823 :0.07534005492925644 +the:0.3134436011314392 a:0.09757724404335022 his:0.018886419013142586 which:0.01250260416418314 :0.12021207064390182 +the:0.371044784784317 said:0.028738023713231087 a:0.028342537581920624 this:0.023341979831457138 :0.09249333292245865 +the:0.04103013873100281 and:0.03920510411262512 to:0.03694664686918259 that:0.01706884615123272 :0.13046924769878387 +age:0.16177788376808167 age,:0.14913299679756165 age.:0.10967938601970673 the:0.051733098924160004 :0.09509351849555969 +with:0.23691947758197784 to:0.07321125268936157 the:0.06639070063829422 in:0.053803399205207825 :0.04237396642565727 +do:0.03691936656832695 make:0.030894408002495766 get:0.027700573205947876 be:0.01700892671942711 :0.08475592732429504 +and:0.05701445788145065 of:0.04687245935201645 at:0.03308065980672836 the:0.018552662804722786 :0.19734884798526764 +own:0.024327464401721954 letter:0.010035974904894829 answer:0.008682182058691978 money:0.00755590433254838 :0.13044118881225586 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +not:0.18806509673595428 the:0.029757089912891388 White:0.017021887004375458 you:0.015301168896257877 :0.18229106068611145 +in:0.1542448103427887 to:0.1026507243514061 In:0.05445030704140663 on:0.03449440374970436 :0.03889013081789017 +The:0.08013331890106201 It:0.04716528579592705 In:0.023555129766464233 I:0.02243652381002903 :0.1374887377023697 +the:0.31129664182662964 a:0.051353953778743744 their:0.02547941543161869 this:0.021029772236943245 :0.07349207252264023 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +to:0.24594777822494507 in:0.04914836212992668 and:0.043650176376104355 a:0.027221249416470528 :0.03455791994929314 +and:0.05420844629406929 are:0.02890617959201336 to:0.025839706882834435 the:0.02209361642599106 :0.15890032052993774 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +and:0.1358889639377594 the:0.07612040638923645 in:0.03353389725089073 which:0.028426187112927437 :0.0929795578122139 +of:0.6084421873092651 and:0.045012958347797394 that:0.016933882609009743 for:0.013519453816115856 :0.026411645114421844 +the:0.2210799902677536 a:0.04567909240722656 this:0.031053489074110985 tho:0.02067658305168152 :0.14637210965156555 +General:0.029614733532071114 John:0.008325817063450813 and:0.008241375908255577 J.:0.007564415689557791 :0.43981775641441345 +the:0.29808202385902405 this:0.057717110961675644 a:0.03379302844405174 said:0.01667538285255432 :0.106177419424057 +great:0.026309678331017494 very:0.02252604439854622 member:0.02048908732831478 good:0.019123850390315056 :0.17179067432880402 +and:0.0650825947523117 of:0.04440483823418617 the:0.022636834532022476 to:0.022328365594148636 :0.20588386058807373 +of:0.8317410945892334 to:0.027583185583353043 in:0.01847105473279953 for:0.01765342243015766 :0.009035238064825535 +and:0.07879675924777985 of:0.04657172039151192 for:0.03655236214399338 is:0.032925404608249664 :0.19810442626476288 +be:0.08930595964193344 the:0.04789407551288605 have:0.028384704142808914 make:0.02133757621049881 :0.11218426376581192 +the:0.13486818969249725 a:0.040108777582645416 which:0.0197037011384964 their:0.013038471341133118 :0.14260272681713104 +same:0.010847280733287334 result:0.010675651952624321 most:0.009411102160811424 case:0.006331802345812321 :0.1978769749403 +and:0.11554151773452759 with:0.03464902564883232 in:0.029947979375720024 the:0.026694636791944504 :0.04947952926158905 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +the:0.032483477145433426 was:0.02919202856719494 of:0.027414429932832718 and:0.026798516511917114 :0.17232030630111694 +been:0.09881065785884857 not:0.04522179067134857 a:0.04154966399073601 to:0.037648122757673264 :0.15861296653747559 +and:0.2762819528579712 but:0.06538891792297363 the:0.051977500319480896 with:0.025027353316545486 :0.036152660846710205 +than:0.02262340672314167 or:0.019421624019742012 important:0.016508474946022034 serious:0.012056205421686172 :0.13217350840568542 +and:0.10584200918674469 which:0.021617254242300987 or:0.019926413893699646 is:0.016734981909394264 :0.13477088510990143 +the:0.14900325238704681 in:0.03531775251030922 to:0.03188212588429451 his:0.02513221837580204 :0.03697136044502258 +and:0.07144726067781448 of:0.04087495431303978 who:0.015852751210331917 the:0.014432868920266628 :0.27161431312561035 +not:0.27434074878692627 be:0.13539421558380127 have:0.033864088356494904 do:0.015309445559978485 :0.08061899244785309 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.05403327941894531 to:0.04201113432645798 and:0.03307858854532242 a:0.022806920111179352 :0.14323627948760986 +the:0.1256350576877594 if:0.04575585201382637 that:0.03973792493343353 it:0.03206704929471016 :0.0592954121530056 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.26655882596969604 a:0.03935866057872772 said:0.015767142176628113 tho:0.014570116065442562 :0.09109852463006973 +and:0.0810478925704956 the:0.035356130450963974 a:0.03422542288899422 one:0.011149107478559017 :0.1770341545343399 +the:0.033865854144096375 nor:0.024684714153409004 a:0.024469759315252304 made:0.011113355867564678 :0.2597038447856903 +the:0.17444106936454773 be:0.03416915237903595 a:0.023120379075407982 his:0.012338142842054367 :0.06943783164024353 +been:0.1839200109243393 not:0.034707922488451004 had:0.019597861915826797 a:0.01767822355031967 :0.08000820130109787 +a:0.09016093611717224 the:0.048151347786188126 not:0.025327512994408607 in:0.019026117399334908 :0.12332113087177277 +account:0.03951643779873848 order:0.02398103103041649 idea:0.016315234825015068 opportunity:0.01446693018078804 :0.16025061905384064 +and:0.07809218764305115 of:0.07703924179077148 in:0.03671087324619293 to:0.03288041800260544 :0.1303081512451172 +nature:0.06315004080533981 life:0.03675249591469765 life.:0.03286287188529968 nature,:0.03106556460261345 :0.2043355405330658 +height,:0.07554034888744354 of:0.05895739793777466 and:0.05183720216155052 in:0.025195728987455368 :0.1751847267150879 +the:0.24013926088809967 a:0.04046476632356644 tho:0.015600822865962982 this:0.014899050816893578 :0.17384237051010132 +wife:0.037885311990976334 friends:0.015915535390377045 wife,:0.012564652599394321 own:0.01101132482290268 :0.1507597267627716 +were:0.11081670969724655 are:0.0934101864695549 who:0.09177494794130325 of:0.06631848961114883 :0.048338666558265686 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +own:0.03821973130106926 respective:0.018119510263204575 hands:0.012440507300198078 efforts:0.011520433239638805 :0.20916175842285156 +and:0.058111608028411865 to:0.05798709765076637 of:0.04250659793615341 in:0.0355505645275116 :0.06534722447395325 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +two:0.10658085346221924 two.:0.04736838489770889 the:0.039287302643060684 a:0.03382079303264618 :0.09812074899673462 +person:0.0295101348310709 man:0.015649959444999695 part:0.008975221775472164 person,:0.00884456280618906 :0.15432211756706238 +have:0.08111576735973358 had:0.05337795987725258 was:0.052783966064453125 am:0.0379958413541317 :0.05940918251872063 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +a:0.087914377450943 ready:0.021740412339568138 the:0.021146174520254135 in:0.020832484588027 :0.16035985946655273 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +the:0.30807095766067505 a:0.03163779899477959 tho:0.01636165753006935 their:0.015114796347916126 :0.16632254421710968 +own:0.04673086479306221 hands:0.00767933763563633 life:0.007375522516667843 and:0.006849690340459347 :0.16714896261692047 +into:0.17747816443443298 out:0.169935941696167 up:0.05897427350282669 down:0.051539286971092224 :0.04661121591925621 +and:0.060008544474840164 to:0.018285516649484634 the:0.01767505146563053 a:0.014423196204006672 :0.2507566511631012 +the:0.18134735524654388 a:0.0409354530274868 to:0.026626678183674812 it.:0.020432425662875175 :0.14807331562042236 +and:0.25059404969215393 which:0.0352410264313221 the:0.02603713423013687 or:0.02424861676990986 :0.03747309744358063 +man:0.04587109014391899 few:0.017594309523701668 great:0.014263967983424664 large:0.011311819776892662 :0.15672890841960907 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.0812004804611206 r:0.02566457726061344 a:0.015767652541399002 .:0.010433611460030079 :0.31777286529541016 +of:0.3157288134098053 to:0.06857560575008392 and:0.023381110280752182 that:0.0226944200694561 :0.04957633465528488 +No.:0.3056540787220001 and:0.024099791422486305 A.:0.016825247555971146 County:0.014897121116518974 :0.26819536089897156 +in:0.24469836056232452 at:0.060543645173311234 by:0.05863800272345543 to:0.05146488919854164 :0.04667295515537262 +to:0.2693936228752136 for:0.06874047964811325 and:0.064156174659729 in:0.045693423599004745 :0.04346494376659393 +of:0.04899553582072258 and:0.04682942479848862 to:0.027284352108836174 in:0.012098291888833046 :0.1543722301721573 +good:0.027477292343974113 great:0.018697844818234444 little:0.016875341534614563 few:0.015535487793385983 :0.17993301153182983 +in:0.017046771943569183 the:0.01473246980458498 a:0.010748772881925106 to:0.009652727283537388 :0.16207565367221832 +the:0.11474417895078659 a:0.02712670899927616 and:0.026144422590732574 be:0.01769053004682064 :0.1504702866077423 +The:0.01747046411037445 and:0.015902230516076088 the:0.013112624175846577 of:0.01249554194509983 :0.25462210178375244 +for:0.08505186438560486 and:0.07915964722633362 on:0.07422870397567749 in:0.07392916083335876 :0.06122943013906479 +estate:0.5610052347183228 estate,:0.09715449810028076 property:0.06056804209947586 estate;:0.04956613481044769 :0.058229219168424606 +make:0.025581905618309975 the:0.025493444874882698 be:0.024170633405447006 do:0.01664094254374504 :0.14184658229351044 +the:0.17455098032951355 who:0.046801771968603134 that:0.03283747658133507 persons:0.021123282611370087 :0.11145143210887909 +own:0.024038812145590782 members:0.004807936027646065 most:0.004763392265886068 great:0.004400890786200762 :0.2552633583545685 +and:0.05576043576002121 John:0.007672647945582867 Smith:0.006117912475019693 Brown:0.006028861738741398 :0.4990885853767395 +and:0.044869985431432724 the:0.027170812711119652 of:0.026922250166535378 The:0.012424669228494167 :0.21608924865722656 +of:0.5847945809364319 and:0.05575142800807953 by:0.016881480813026428 ot:0.014837799593806267 :0.030708488076925278 +the:0.2285977452993393 he:0.0950160101056099 they:0.0649527907371521 it:0.04671522229909897 :0.043313030153512955 +schools:0.03147232532501221 school:0.029478812590241432 and:0.025957787409424782 in:0.015224582515656948 :0.12725237011909485 +and:0.050104815512895584 of:0.049461767077445984 the:0.018260125070810318 to:0.01528096292167902 :0.24228765070438385 +stood:0.043386172503232956 and:0.040761835873126984 stood,:0.038387008011341095 that:0.03199399635195732 :0.16736973822116852 +the:0.2623794674873352 a:0.061009425669908524 any:0.017142100259661674 their:0.016015632078051567 :0.061944205313920975 +the:0.13897758722305298 a:0.06679835170507431 up:0.056158583611249924 him:0.03189174458384514 :0.10266813635826111 +the:0.11862675100564957 a:0.10550615191459656 out:0.04137393459677696 to:0.023463381454348564 :0.07068675011396408 +and:0.13233135640621185 to:0.0640837624669075 the:0.023938288912177086 in:0.023788033053278923 :0.1098124235868454 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +same:0.01648040860891342 most:0.008294403553009033 first:0.006483906880021095 law:0.006198220420628786 :0.15864357352256775 +wife,:0.03510062023997307 own:0.020067038014531136 wife:0.01520314160734415 head:0.011249985545873642 :0.2084280103445053 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +The:0.109914131462574 In:0.049770984798669815 It:0.042930297553539276 This:0.0321948379278183 :0.0837348997592926 +the:0.3213866949081421 this:0.06502258032560349 a:0.05415929853916168 present:0.053239040076732635 :0.0824291929602623 +of:0.09409791976213455 to:0.08780431002378464 and:0.05531979352235794 in:0.05511730909347534 :0.05546104162931442 +of:0.23731033504009247 to:0.06534293293952942 and:0.062157683074474335 in:0.041598062962293625 :0.04660608246922493 +best:0.058959633111953735 few:0.017481833696365356 little:0.01510459091514349 large:0.00852876901626587 :0.1567545235157013 +own:0.03388421609997749 death:0.007664430420845747 wife,:0.005666108336299658 life:0.005448541603982449 :0.25279074907302856 +of:0.24165664613246918 is:0.07586502283811569 was:0.07114642858505249 in:0.03752141445875168 :0.08089599013328552 +of:0.13899776339530945 in:0.07323992997407913 on:0.06605689972639084 that:0.04214530065655708 :0.03412690386176109 +and:0.07182399183511734 to:0.015002667903900146 of:0.012201684527099133 amount:0.0057938662357628345 :0.12278739362955093 +the:0.2636961042881012 a:0.06698332726955414 his:0.015032447874546051 which:0.01335938461124897 :0.12523867189884186 +the:0.19300581514835358 of:0.10433991998434067 and:0.06213080510497093 to:0.05047476664185524 :0.06850513070821762 +and:0.08991631865501404 the:0.01785765029489994 in:0.012044766917824745 In:0.00985984317958355 :0.3666193187236786 +The:0.023863637819886208 and:0.023472150787711143 the:0.02121920883655548 I:0.014963828027248383 :0.26899728178977966 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.035921648144721985 or:0.017470436170697212 way:0.013133923523128033 in:0.010591496713459492 :0.12830166518688202 +had:0.021630631759762764 was:0.01794249564409256 would:0.01652897149324417 could:0.010858515277504921 :0.1910392791032791 +and:0.09207658469676971 with:0.05460416525602341 the:0.04854735732078552 of:0.04647282510995865 :0.07482505589723587 +is:0.23127859830856323 was:0.15214404463768005 has:0.0696658045053482 will:0.036508649587631226 :0.06023978814482689 +more:0.06079436466097832 one:0.056400492787361145 less:0.04354878515005112 expense:0.031399231404066086 :0.2126251608133316 +and:0.05072174593806267 the:0.035833876579999924 was:0.02208513393998146 in:0.02031996101140976 :0.20061035454273224 +the:0.13251058757305145 he:0.06544871628284454 they:0.0526997409760952 not:0.04885926470160484 :0.09180181473493576 +the:0.021040111780166626 and:0.01318641472607851 was:0.012274614535272121 e:0.010893980972468853 :0.32023879885673523 +and:0.06552620977163315 to:0.058426786214113235 in:0.05511902645230293 the:0.03584355488419533 :0.08882156014442444 +the:0.2542470097541809 a:0.07429108023643494 this:0.031129105016589165 tho:0.013515549711883068 :0.17236576974391937 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +most:0.011704307049512863 same:0.011650723405182362 said:0.006205544341355562 following:0.005809256341308355 :0.14654545485973358 +and:0.12057455629110336 the:0.03818168491125107 that:0.03413258492946625 to:0.025147275999188423 :0.09390351176261902 +.:0.13738003373146057 W:0.015084165148437023 M:0.014638077467679977 of:0.010834481567144394 :0.34357160329818726 +the:0.22322039306163788 a:0.1529592126607895 all:0.022851772606372833 which:0.021406760439276695 :0.07379556447267532 +of:0.5730036497116089 and:0.06592605262994766 in:0.017494749277830124 mentioned:0.015212484635412693 :0.020928779616951942 +the:0.09553308039903641 and:0.040421854704618454 The:0.022379042580723763 to:0.022235244512557983 :0.12461249530315399 +country:0.052185241132974625 city:0.046934403479099274 way:0.031117264181375504 city,:0.022620681673288345 :0.1143367663025856 +the:0.5993852615356445 a:0.0700860470533371 this:0.01712232083082199 tho:0.01445163693279028 :0.03561731427907944 +the:0.15599052608013153 of:0.08760800957679749 that:0.042342253029346466 over:0.03757051005959511 :0.0722871869802475 +was:0.04040438309311867 have:0.04011854529380798 am:0.0254023727029562 had:0.022735150530934334 :0.19920779764652252 +the:0.16644790768623352 to:0.06414636224508286 a:0.06405839323997498 by:0.01725468598306179 :0.07898110151290894 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +is:0.08050545305013657 for:0.07363336533308029 was:0.05117572098970413 and:0.05065459758043289 :0.06397151947021484 +.:0.046955130994319916 the:0.024209946393966675 a:0.01013235468417406 and:0.009469479322433472 :0.3522563874721527 +than:0.10412261635065079 and:0.038756873458623886 or:0.01388345193117857 to:0.012528265826404095 :0.2274707406759262 +is:0.2018539160490036 was:0.13257378339767456 are:0.10743173956871033 were:0.05387154966592789 :0.03529476746916771 +the:0.10192974656820297 not:0.06762588024139404 a:0.05950271710753441 no:0.024762645363807678 :0.10557737201452255 +the:0.3020787835121155 a:0.04072817787528038 which:0.018388286232948303 tho:0.017003944143652916 :0.12688522040843964 +had:0.10220818966627121 was:0.09434595704078674 has:0.06607384979724884 is:0.04741915315389633 :0.10072356462478638 +night:0.0672844722867012 year,:0.04708921164274216 year:0.0465783029794693 week:0.04373732581734657 :0.11608171463012695 +B.:0.021361328661441803 R:0.01949009671807289 D.:0.01883276179432869 R.:0.01813524402678013 :0.29982101917266846 +of:0.11731825023889542 was:0.03166795149445534 is:0.02645224891602993 and:0.01920516975224018 :0.15780214965343475 +to:0.3473183810710907 the:0.04440262168645859 for:0.043462976813316345 a:0.038916271179914474 :0.07891499251127243 +than:0.129092276096344 and:0.02828124538064003 have:0.01642155647277832 be:0.013751816935837269 :0.08123993873596191 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +same:0.010858154855668545 whole:0.006806949153542519 matter:0.006739928852766752 best:0.00524650514125824 :0.178331196308136 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.3667259216308594 a:0.02569206804037094 this:0.020456502214074135 tho:0.01925428956747055 :0.10448834300041199 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +is:0.1790180802345276 was:0.11915060877799988 has:0.05337722226977348 were,:0.029229141771793365 :0.04761647805571556 +was:0.15917563438415527 had:0.13615165650844574 would:0.06614396721124649 has:0.05712644383311272 :0.052851226180791855 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +be:0.27567195892333984 have:0.0914684385061264 not:0.07776898890733719 make:0.01818169467151165 :0.049336373805999756 +the:0.2910497188568115 a:0.058643124997615814 this:0.01906374841928482 which:0.016224458813667297 :0.1300424337387085 +and:0.21512852609157562 the:0.03535601869225502 but:0.028650106862187386 of:0.02393989823758602 :0.12928876280784607 +tire:0.10494052618741989 trance:0.07589533925056458 gine:0.05990300327539444 gineer:0.03261064365506172 :0.479042649269104 +the:0.2804810702800751 a:0.04027482867240906 this:0.021221689879894257 tho:0.02078218013048172 :0.11196167021989822 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +few:0.04173719882965088 long:0.0287786852568388 moment:0.023501865565776825 period:0.016202857717871666 :0.13833703100681305 +in:0.14113105833530426 and:0.08234364539384842 of:0.0801185593008995 at:0.05829249694943428 :0.07144396752119064 +The:0.033836282789707184 Beginning:0.024684935808181763 and:0.022503139451146126 the:0.022182058542966843 :0.1545550525188446 +and:0.13776883482933044 in:0.049419235438108444 for:0.03631659224629402 as:0.032092928886413574 :0.08890454471111298 +and:0.058056339621543884 is:0.017463045194745064 of:0.01568458043038845 or:0.011404622346162796 :0.23143456876277924 +to:0.1576860547065735 into:0.07498187571763992 on:0.03913499414920807 out:0.03686568886041641 :0.10502588003873825 +from:0.1301189512014389 of:0.11966684460639954 in:0.05732705444097519 west:0.0569295808672905 :0.047057002782821655 +portation:0.04437895864248276 ferred:0.04321372136473656 action:0.019788173958659172 and:0.013119266368448734 :0.2497887909412384 +The:0.11632339656352997 It:0.043429285287857056 He:0.024571077898144722 A:0.022647134959697723 :0.1682358682155609 +and:0.22516709566116333 to:0.09896539151668549 that:0.07127604633569717 of:0.027423221617937088 :0.08563181012868881 +of:0.17421762645244598 for:0.06808958202600479 and:0.06294801831245422 to:0.05653878673911095 :0.054822586476802826 +the:0.2796894609928131 a:0.042234838008880615 my:0.03960220515727997 this:0.0305345356464386 :0.10765582323074341 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +a:0.039334736764431 the:0.03195289522409439 not:0.031328924000263214 in:0.018218882381916046 :0.11527169495820999 +The:0.18710218369960785 In:0.055389828979969025 It:0.049694277346134186 He:0.038800060749053955 :0.05600013583898544 +of:0.43118754029273987 to:0.07441455125808716 from:0.046157192438840866 in:0.038232095539569855 :0.031228285282850266 +the:0.16454890370368958 Alaska,:0.038762167096138 Dakota,:0.013777093030512333 a:0.012816433794796467 :0.17226889729499817 +and:0.13990674912929535 the:0.08321114629507065 with:0.023006703704595566 but:0.022839289158582687 :0.06448207795619965 +be:0.22339801490306854 not:0.05123239383101463 have:0.02427598647773266 bo:0.017404360696673393 :0.10037964582443237 +the:0.06457560509443283 a:0.017981085926294327 other:0.008282477036118507 to:0.008194535970687866 :0.19808757305145264 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +same:0.09223316609859467 most:0.024221966043114662 first:0.01982319913804531 only:0.017614809796214104 :0.17639091610908508 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +far:0.03957292437553406 to:0.03190881386399269 far,:0.018597358837723732 the:0.017684457823634148 :0.240955650806427 +time:0.29578420519828796 distance:0.13670402765274048 time.:0.0547112375497818 time,:0.051757633686065674 :0.06742873042821884 +to:0.8004053831100464 thereto:0.017285574227571487 the:0.01641901582479477 of:0.009636646136641502 :0.02367311716079712 +great:0.026309678331017494 very:0.02252604439854622 member:0.02048908732831478 good:0.019123850390315056 :0.17179067432880402 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.06806400418281555 of:0.0377708338201046 the:0.02317502163350582 The:0.022037839516997337 :0.1134287416934967 +years:0.0798744410276413 years,:0.05090813338756561 weeks:0.047094475477933884 days:0.03428959846496582 :0.17394839227199554 +the:0.2703711688518524 first-:0.10408581048250198 a:0.02421507053077221 tho:0.017357902601361275 :0.10940828174352646 +dollars:0.18978837132453918 the:0.062132932245731354 dollars.:0.04873613268136978 dollars,:0.04211172088980675 :0.133308544754982 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +J.:0.023006536066532135 H.:0.017529595643281937 J:0.017415745183825493 W.:0.016696609556674957 :0.36630722880363464 +year:0.3404385447502136 month:0.05373015254735947 of:0.04895436391234398 hundred:0.04769745469093323 :0.05290995538234711 +and:0.05919185280799866 to:0.04600583016872406 of:0.01644780859351158 with:0.010504749603569508 :0.2110448032617569 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +have:0.12462078779935837 are:0.09938519448041916 should:0.05578390508890152 were:0.04142603650689125 :0.044829484075307846 +of:0.26596635580062866 was:0.0552034005522728 and:0.03742197901010513 is:0.031857285648584366 :0.05009448155760765 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +Pills:0.05680716782808304 and:0.049567628651857376 Pills,:0.020670006051659584 of:0.016705814749002457 :0.29693087935447693 +the:0.4075195789337158 said:0.03365306928753853 a:0.033345162868499756 this:0.02053252048790455 :0.048113297671079636 +said:0.009744950570166111 people:0.006745357997715473 law:0.00542790163308382 whole:0.004850320052355528 :0.1965060979127884 +a:0.09889600425958633 the:0.09387201815843582 not:0.030669037252664566 to:0.02910122461616993 :0.10012225061655045 +of:0.17211498320102692 to:0.10110665112733841 in:0.0510902926325798 against:0.04006637632846832 :0.055936314165592194 +thing:0.4721209406852722 where.:0.06553415209054947 body:0.06188610568642616 and:0.058459244668483734 :0.04804689809679985 +of:0.05684904381632805 and:0.022047556936740875 was:0.015965541824698448 to:0.011692249216139317 :0.29912546277046204 +the:0.1852196753025055 of:0.04024951159954071 other:0.03203658014535904 over:0.020071309059858322 :0.10977862030267715 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +been:0.16208302974700928 had:0.03455245494842529 heard:0.03312622010707855 seen:0.03217624872922897 :0.09960926324129105 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.0509188212454319 any:0.022961340844631195 by:0.019200176000595093 a:0.01844952628016472 :0.11501103639602661 +and:0.20879171788692474 in:0.09934497624635696 with:0.043187517672777176 on:0.03581762686371803 :0.05309491232037544 +no:0.0760057345032692 many:0.05290414020419121 a:0.04453550651669502 not:0.03177239000797272 :0.1002429872751236 +the:0.462385356426239 this:0.05143000930547714 a:0.026346972212195396 his:0.01848107948899269 :0.08296683430671692 +and:0.31142258644104004 the:0.07368914037942886 or:0.06264302879571915 but:0.05386369302868843 :0.03806757926940918 +with:0.8805463314056396 and:0.014836668968200684 the:0.013159109279513359 to:0.012032197788357735 :0.008489089086651802 +a:0.08064377307891846 the:0.039392534643411636 not:0.03909418731927872 to:0.02657327987253666 :0.10411574691534042 +time:0.2619013786315918 the:0.06019047275185585 day:0.022877993062138557 time,:0.019067268818616867 :0.08427982032299042 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.04631897062063217 to:0.042510002851486206 a:0.04234209284186363 the:0.03557915613055229 :0.08237559348344803 +first:0.011724669486284256 same:0.008952801115810871 said:0.007157005835324526 latter:0.00696832500398159 :0.1605808436870575 +and:0.048876941204071045 of:0.034589555114507675 to:0.018976056948304176 .:0.018643798306584358 :0.30315327644348145 +the:0.2603767216205597 a:0.05897938460111618 their:0.014319504611194134 tho:0.012421416118741035 :0.11381041258573532 +the:0.10273485630750656 of:0.017510583624243736 that:0.01695416495203972 a:0.01684984378516674 :0.11001486331224442 +to:0.6240886449813843 in:0.057324644178152084 at:0.03490901365876198 on:0.03000013902783394 :0.02065538801252842 +the:0.054459113627672195 a:0.018213147297501564 State:0.012791546992957592 at:0.009471706114709377 :0.24183647334575653 +Johnson,:0.029170077294111252 A.:0.025542063638567924 Johnson:0.024891503155231476 and:0.02182089164853096 :0.3548240065574646 +and:0.05456172302365303 in:0.04183286428451538 to:0.029792940244078636 I:0.021142199635505676 :0.10086129605770111 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +by:0.08481622487306595 in:0.08412344008684158 at:0.055517420172691345 as:0.04622059687972069 :0.10012505948543549 +with:0.8564257621765137 therewith,:0.018187031149864197 therewith:0.015830397605895996 the:0.012845589779317379 :0.009044705890119076 +been:0.07014291733503342 to:0.043617717921733856 in:0.028726590797305107 not:0.028264323249459267 :0.1361909955739975 +for:0.15984515845775604 of:0.09413648396730423 is:0.0728808343410492 and:0.06039391830563545 :0.04734787717461586 +the:0.33009055256843567 a:0.06488638371229172 this:0.030120477080345154 his:0.017345987260341644 :0.0645076334476471 +man:0.09632223844528198 men:0.04196540638804436 lady:0.026976782828569412 girl:0.024333704262971878 :0.2147730588912964 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +after:0.09993711858987808 of:0.07405086606740952 from:0.060971129685640335 and:0.05433075129985809 :0.048133160918951035 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +few:0.024246688932180405 large:0.01323541346937418 little:0.012994305230677128 lot:0.0111086992546916 :0.1463361233472824 +and:0.029592694714665413 per:0.028290392830967903 or:0.014152651652693748 of:0.013693967834115028 :0.26451027393341064 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +a:0.2708899676799774 an:0.056435566395521164 as:0.023516042158007622 things:0.01329763699322939 :0.0964391753077507 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.11206375062465668 he:0.043362975120544434 it:0.030123142525553703 they:0.026724684983491898 :0.09206324815750122 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.02849610522389412 he:0.024621162563562393 of:0.019730959087610245 lie:0.011838083155453205 :0.32254308462142944 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.2732463479042053 then:0.11334680765867233 that:0.07345695793628693 this:0.04294165223836899 :0.05342070013284683 +to:0.02932029217481613 that:0.028181258589029312 the:0.020179370418190956 much:0.019367530941963196 :0.10783712565898895 +the:0.023822983726859093 and:0.016338597983121872 in:0.01598033308982849 two:0.015569210983812809 :0.1357702761888504 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +the:0.21590955555438995 it:0.04242728650569916 he:0.0422249436378479 they:0.02992398850619793 :0.051759619265794754 +the:0.11674083024263382 a:0.0454460047185421 this:0.01027709525078535 getting:0.009963552467525005 :0.1856362223625183 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.06202901154756546 and:0.04204821214079857 the:0.01822102814912796 to:0.01485284510999918 :0.17874477803707123 +and:0.09344460070133209 of:0.06229277700185776 was:0.03693397715687752 up:0.025677461177110672 :0.09495633840560913 +of:0.5528779029846191 and:0.04770491644740105 to:0.026426445692777634 in:0.02606569044291973 :0.04904092848300934 +of:0.16329693794250488 and:0.06537742167711258 is:0.046947263181209564 in:0.036917198449373245 :0.040889590978622437 +the:0.16298553347587585 he:0.10097121447324753 they:0.08770418912172318 to:0.0646836906671524 :0.04597495496273041 +of:0.25298982858657837 and:0.16511420905590057 in:0.02782251685857773 was:0.024597207084298134 :0.05968087911605835 +that:0.1665162742137909 what:0.102688267827034 how:0.09875132888555527 the:0.07451190799474716 :0.06091706454753876 +Affairs:0.254963755607605 and:0.006627673748880625 Missionary:0.004101252648979425 men:0.0034151903819292784 :0.39893901348114014 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.047479718923568726 of:0.04014528542757034 the:0.019002782180905342 to:0.011701744049787521 :0.23866014182567596 +to:0.08118797093629837 and:0.054077159613370895 for:0.03144769370555878 in:0.029977092519402504 :0.03405154496431351 +in:0.21357163786888123 of:0.20116634666919708 the:0.06813235580921173 and:0.030909765511751175 :0.03554990515112877 +of:0.29944074153900146 and:0.042507339268922806 to:0.036653123795986176 at:0.026704970747232437 :0.05707994103431702 +The:0.12070057541131973 We:0.04908870533108711 It:0.044971100986003876 He:0.04218331724405289 :0.059587832540273666 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +husband:0.06353024393320084 mother:0.03305230289697647 own:0.028141746297478676 father:0.024442734196782112 :0.17056412994861603 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +the:0.08185596764087677 with:0.07950229942798615 so:0.037230897694826126 so,:0.031726717948913574 :0.047565437853336334 +had:0.07276400923728943 saw:0.047371115535497665 was:0.02842770516872406 knew:0.027249056845903397 :0.0733228474855423 +the:0.25345927476882935 a:0.04273124039173126 this:0.026485934853553772 our:0.01599634811282158 :0.12537868320941925 +a:0.03770310431718826 the:0.03496844321489334 made:0.027254745364189148 sold:0.016782863065600395 :0.12037137895822525 +the:0.2691449522972107 a:0.049890659749507904 this:0.018748655915260315 his:0.018616478890180588 :0.13179679214954376 +A.:0.01811477541923523 J.:0.016064835712313652 J:0.014839290641248226 John:0.01165793277323246 :0.48127347230911255 +be:0.0918307974934578 the:0.07930083572864532 have:0.028508637100458145 make:0.01702825352549553 :0.10992812365293503 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +first:0.011724669486284256 same:0.008952801115810871 said:0.007157005835324526 latter:0.00696832500398159 :0.1605808436870575 +with:0.8564257621765137 therewith,:0.018187031149864197 therewith:0.015830397605895996 the:0.012845589779317379 :0.009044705890119076 +the:0.1538713425397873 been:0.1105782762169838 of:0.025455718860030174 that:0.01961301639676094 :0.056235525757074356 +most:0.00806477665901184 following:0.008024655282497406 whole:0.00714194867759943 last:0.0055541303008794785 :0.21802908182144165 +the:0.1887837052345276 a:0.06505906581878662 all:0.02468460611999035 this:0.020185407251119614 :0.07371731102466583 +to:0.23916055262088776 for:0.06461959332227707 in:0.06246292218565941 and:0.039625924080610275 :0.0405949205160141 +the:0.35273638367652893 a:0.0763397365808487 his:0.026945063844323158 tho:0.02685556933283806 :0.10266824066638947 +was:0.028057249262928963 had:0.02767692506313324 to:0.024258509278297424 before:0.019380701705813408 :0.1519000381231308 +and:0.05586087331175804 the:0.023058174178004265 of:0.013027850538492203 to:0.01129142101854086 :0.22827409207820892 +is:0.02668287418782711 year:0.02358051761984825 morning:0.01658700592815876 was:0.01165260560810566 :0.16633407771587372 +and:0.11227115988731384 Block:0.08979617804288864 to:0.07614132016897202 from:0.01742384396493435 :0.16969580948352814 +May,:0.08095688372850418 April,:0.04585292935371399 the:0.044244881719350815 March,:0.043213747441768646 :0.09576082974672318 +United:0.012546907179057598 said:0.005595322232693434 State:0.004253785125911236 great:0.004201381001621485 :0.321927011013031 +successive:0.15557216107845306 years:0.10550816357135773 weeks:0.060678500682115555 years,:0.055884309113025665 :0.09340982884168625 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +the:0.25669094920158386 a:0.07380479574203491 his:0.02097880281507969 their:0.016107581555843353 :0.06309138983488083 +is:0.14407095313072205 are:0.12813331186771393 shall:0.11230074614286423 was:0.050003018230199814 :0.03825541213154793 +to:0.4990939795970917 of:0.0666108950972557 for:0.038307491689920425 in:0.03750744089484215 :0.029690342023968697 +little:0.03378596156835556 few:0.031050454825162888 fine:0.02605501003563404 large:0.022284792736172676 :0.1484183669090271 +the:0.20977693796157837 a:0.08282578736543655 having:0.023427819833159447 all,:0.022883981466293335 :0.07192184776067734 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +the:0.27793994545936584 a:0.0729234516620636 his:0.02002055197954178 tho:0.015773652121424675 :0.1111757680773735 +and:0.09172238409519196 the:0.023359647020697594 of:0.020740607753396034 with:0.01536904089152813 :0.26426973938941956 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +United:0.013830685056746006 State:0.008938537910580635 said:0.005813676863908768 most:0.005292195826768875 :0.25928518176078796 +of:0.10360757261514664 and:0.05583624541759491 to:0.03538084030151367 for:0.03129046410322189 :0.13065490126609802 +be:0.18625792860984802 not:0.050451770424842834 have:0.01903614029288292 make:0.01540471613407135 :0.08993056416511536 +named:0.166916623711586 described:0.11080396175384521 entitled:0.04399971291422844 the:0.03126358240842819 :0.14806683361530304 +of:0.03660431504249573 and:0.024252906441688538 roads:0.020238714292645454 people:0.013768350705504417 :0.15314267575740814 +the:0.08391458541154861 to:0.058227140456438065 a:0.05270356684923172 not:0.05225438252091408 :0.09868751466274261 +of:0.7846366763114929 and:0.018810952082276344 is:0.012648439966142178 ot:0.009314978495240211 :0.03907845541834831 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +of:0.03718412667512894 and:0.027133002877235413 the:0.024010110646486282 to:0.01580396667122841 :0.21124567091464996 +few:0.028687769547104836 year:0.026912227272987366 large:0.012362867593765259 number:0.010046330280601978 :0.20877884328365326 +and:0.038663577288389206 of:0.03015453740954399 the:0.016605999320745468 a:0.016493404284119606 :0.2485378235578537 +from:0.05238902196288109 kinds:0.04927032068371773 parts:0.019127072766423225 places:0.015865251421928406 :0.19673855602741241 +to:0.048987794667482376 and:0.018499290570616722 the:0.014334022998809814 a:0.009626014158129692 :0.15406058728694916 +a:0.1560455858707428 the:0.09579000622034073 by:0.04653439298272133 his:0.031251370906829834 :0.041317857801914215 +of:0.18899103999137878 and:0.06349018961191177 the:0.032482776790857315 in:0.03176180645823479 :0.07999219745397568 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +the:0.06275581568479538 a:0.04773280769586563 to:0.02987077459692955 in:0.028040096163749695 :0.16350825130939484 +of:0.15224595367908478 to:0.04062368720769882 and:0.03839273005723953 by:0.03109300695359707 :0.11153529584407806 +of:0.3418296277523041 and:0.08698813617229462 in:0.04780694097280502 to:0.03135287016630173 :0.03018113598227501 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +The:0.11618218570947647 It:0.06526646763086319 I:0.037993282079696655 and:0.03508109226822853 :0.12930385768413544 +to:0.6164599061012268 for:0.16942939162254333 and:0.013410468585789204 that:0.011208034120500088 :0.013903860934078693 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.26278242468833923 a:0.039395563304424286 said:0.01998516358435154 foreclosure:0.018834302201867104 :0.17045380175113678 +and:0.05404885858297348 are:0.04675823822617531 were:0.03937651589512825 in:0.03832332417368889 :0.11406170576810837 +to:0.23265717923641205 a:0.10286164283752441 the:0.068484827876091 been:0.045960891991853714 :0.05635330453515053 +to:0.0678183063864708 as:0.035818617790937424 known:0.030388491228222847 and:0.021315405145287514 :0.13861048221588135 +and:0.10681237280368805 of:0.07265620678663254 are:0.05239042639732361 were:0.04705694317817688 :0.11895248293876648 +large:0.019853774458169937 great:0.013529594987630844 few:0.009293405339121819 man:0.008185513317584991 :0.2784198522567749 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.05403327941894531 to:0.04201113432645798 and:0.03307858854532242 a:0.022806920111179352 :0.14323627948760986 +and:0.12751543521881104 of:0.08825397491455078 in:0.07151572406291962 to:0.056058257818222046 :0.061970021575689316 +and:0.037769634276628494 of:0.036073651164770126 in:0.032178327441215515 the:0.0246757660061121 :0.19792689383029938 +the:0.27446672320365906 a:0.04039688780903816 their:0.014040776528418064 be:0.010746221989393234 :0.09878162294626236 +known:0.039756160229444504 the:0.029535142704844475 in:0.022781921550631523 believed:0.022416692227125168 :0.13679230213165283 +of:0.08534974604845047 and:0.05193869397044182 in:0.018637096509337425 The:0.017784621566534042 :0.12610869109630585 +tion:0.11018674075603485 tion,:0.10275720804929733 tional:0.08240820467472076 tion.:0.06125060096383095 :0.11587035655975342 +and:0.1720139980316162 of:0.08776696771383286 in:0.042201969772577286 were:0.0337308868765831 :0.05555237829685211 +ceedings:0.09749411791563034 fession:0.08563277125358582 ducts:0.08542607724666595 visions:0.0692744255065918 :0.24911443889141083 +the:0.10047653317451477 out:0.09260048717260361 a:0.07920359075069427 that:0.05577854439616203 :0.04190722480416298 +that:0.05316518247127533 much:0.03628724068403244 far:0.03354712203145027 well:0.03185524418950081 :0.13019394874572754 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.23023036122322083 a:0.11378728598356247 his:0.023316966369748116 tho:0.011645212769508362 :0.11253073811531067 +the:0.13184569776058197 a:0.02280888706445694 that:0.010069281794130802 to:0.010046213865280151 :0.12606503069400787 +party:0.3190670311450958 party,:0.09010101854801178 party.:0.03431803733110428 ticket:0.013137255795300007 :0.09383885562419891 +not:0.06995626538991928 the:0.03788817301392555 be:0.03719280660152435 it:0.03179696574807167 :0.1231093481183052 +taining:0.1467733234167099 tain:0.040803756564855576 jection:0.03636280819773674 servation:0.018287045881152153 :0.5165989995002747 +the:0.16071733832359314 a:0.033746857196092606 his:0.012517000548541546 this:0.011726422235369682 :0.18182535469532013 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.09038892388343811 in:0.0651770755648613 to:0.057696953415870667 as:0.04153988137841225 :0.06062551215291023 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +the:0.3181859254837036 a:0.043409086763858795 to:0.036771468818187714 his:0.024320850148797035 :0.08916018158197403 +the:0.2476998120546341 he:0.0704389363527298 they:0.05985531210899353 it:0.04819372668862343 :0.04716598615050316 +is:0.07477954030036926 was:0.055856142193078995 has:0.034912243485450745 are:0.033155567944049835 :0.07991375029087067 +and:0.0951775386929512 but:0.07027073949575424 the:0.03840748593211174 that:0.03814597427845001 :0.09676762670278549 +was:0.14838162064552307 had:0.08695358783006668 is:0.06585032492876053 has:0.048245612531900406 :0.06120794266462326 +same:0.016288863494992256 whole:0.012211376801133156 amount:0.007759462110698223 right:0.006027566269040108 :0.1288735419511795 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.7244943380355835 to:0.024176206439733505 that:0.01582060195505619 and:0.015412427484989166 :0.013837010599672794 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +of:0.0895652174949646 in:0.0493040531873703 to:0.041536133736371994 and:0.0317184180021286 :0.06210546940565109 +the:0.24859875440597534 a:0.07687728852033615 this:0.019638538360595703 an:0.014959273859858513 :0.12308946996927261 +and:0.20533959567546844 to:0.024747474119067192 at:0.019046323373913765 of:0.009910418651998043 :0.14487940073013306 +and:0.03640725836157799 the:0.029612360522150993 to:0.023821434006094933 of:0.017726095393300056 :0.1762615144252777 +the:0.3692348897457123 a:0.08791099488735199 tho:0.014905773103237152 his:0.01321266870945692 :0.09517852216959 +of:0.06912342458963394 one:0.04011515527963638 other:0.035316284745931625 and:0.03312838077545166 :0.12014759331941605 +the:0.10799360275268555 a:0.02496926113963127 was:0.012722298502922058 that:0.011841664090752602 :0.13048717379570007 +The:0.06817885488271713 A:0.052011627703905106 and:0.039201173931360245 A.:0.03543068468570709 :0.2268989086151123 +of:0.15336620807647705 in:0.12444636225700378 and:0.042353399097919464 the:0.03539862856268883 :0.03575475886464119 +of:0.049896884709596634 and:0.046989474445581436 girl.:0.01845034956932068 boy.:0.01602153852581978 :0.23297849297523499 +Louis:0.4612298607826233 Paul:0.07527069747447968 Louis,:0.014311063103377819 Johns:0.011605522595345974 :0.18086829781532288 +and:0.040762487798929214 the:0.040125150233507156 to:0.027864044532179832 of:0.02040860429406166 :0.16197729110717773 +fertilizing:0.05970381572842598 of:0.04379572346806526 and:0.021269192919135094 the:0.008959870785474777 :0.13826283812522888 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +as:0.026747876778244972 citizens:0.02476736530661583 citizens,:0.02118562161922455 people:0.01657971180975437 :0.19128510355949402 +have:0.12324263900518417 not:0.11932027339935303 be:0.0863066241145134 make:0.01763884909451008 :0.07334103435277939 +purpose:0.02288227528333664 same:0.011456562206149101 time:0.008808963932096958 sum:0.008808230981230736 :0.24124470353126526 +the:0.1724889576435089 this:0.03305169194936752 a:0.022536838427186012 said:0.014526577666401863 :0.12991388142108917 +nited:0.0737188532948494 nion:0.013540094718337059 and:0.012119680643081665 of:0.008507287129759789 :0.3804498016834259 +as:0.13148394227027893 more:0.06952701508998871 from:0.0629248097538948 beyond:0.04414936527609825 :0.04690445214509964 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.0606280118227005 next,:0.03940132260322571 1,:0.018534045666456223 1:0.018505724146962166 :0.19642549753189087 +of:0.17609119415283203 hundred:0.03878573700785637 who:0.03523130714893341 to:0.027139104902744293 :0.05866656452417374 +same:0.007853918708860874 people:0.006638302002102137 whole:0.005765288136899471 United:0.00535119092091918 :0.1744656264781952 +and:0.06308026611804962 of:0.027438143268227577 to:0.020611576735973358 the:0.01611044444143772 :0.23978838324546814 +and:0.05692258104681969 as:0.04215701296925545 to:0.026766281574964523 of:0.02533460594713688 :0.18525700271129608 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +own:0.043685365468263626 city:0.015831315889954567 midst:0.014396331273019314 country:0.013552178628742695 :0.14713987708091736 +the:0.34474530816078186 this:0.05298857390880585 a:0.042137764394283295 said:0.023241989314556122 :0.07053159922361374 +and:0.23033203184604645 that:0.07164930552244186 to:0.06440684199333191 but:0.052705831825733185 :0.06716587394475937 +the:0.11187078058719635 to:0.0964193269610405 by:0.08586331456899643 of:0.05428323149681091 :0.04237651452422142 +of:0.10703212022781372 ago:0.08474878966808319 ago.:0.06879361718893051 ago,:0.05369696021080017 :0.06567012518644333 +the:0.05550246313214302 a:0.017023134976625443 tho:0.010867517441511154 that:0.009839242324233055 :0.2593161165714264 +that:0.16397418081760406 far:0.05159418284893036 as:0.037337590008974075 much:0.037253301590681076 :0.13367533683776855 +and:0.017497409135103226 parties:0.015583555214107037 rights:0.011812983080744743 power:0.01163144689053297 :0.23297251760959625 +the:0.26011422276496887 this:0.02325875125825405 a:0.02030593529343605 his:0.013339939527213573 :0.14894193410873413 +was:0.05352281033992767 have:0.048072513192892075 am:0.047531578689813614 had:0.036683887243270874 :0.07368169724941254 +made:0.03270377963781357 a:0.02400335483253002 the:0.02344529889523983 taken:0.01833726279437542 :0.1452205777168274 +the:0.21205812692642212 kinds:0.023958563804626465 that:0.02008158154785633 these:0.01482913363724947 :0.11127829551696777 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.0744270458817482 of:0.05496606603264809 that:0.021641571074724197 or:0.020503677427768707 :0.12641513347625732 +and:0.019832463935017586 -:0.010436885990202427 main:0.007616548333317041 in:0.007036185823380947 :0.33644959330558777 +and:0.0983697846531868 of:0.09719830006361008 in:0.034982141107320786 the:0.03424973785877228 :0.11472656577825546 +have:0.06580701470375061 am:0.047207366675138474 was:0.04573510214686394 had:0.03530355915427208 :0.07399126142263412 +the:0.24346084892749786 a:0.0886249840259552 tho:0.015365601517260075 their:0.013152250088751316 :0.12136907130479813 +of:0.3967330753803253 to:0.1277933120727539 in:0.052703648805618286 by:0.03162321448326111 :0.023566920310258865 +The:0.1554509848356247 A:0.04829229414463043 It:0.031105943024158478 He:0.030971672385931015 :0.10802756249904633 +the:0.19829174876213074 a:0.11363717913627625 his:0.020226314663887024 which:0.017271677032113075 :0.1459406316280365 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.11731825023889542 was:0.03166795149445534 is:0.02645224891602993 and:0.01920516975224018 :0.15780214965343475 +was:0.07735340297222137 of:0.06696105748414993 and:0.03820044919848442 to:0.02634962648153305 :0.06399961560964584 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +The:0.20060738921165466 This:0.04002511128783226 There:0.029966577887535095 In:0.028681810945272446 :0.07245593518018723 +and:0.08879061043262482 in:0.07735095173120499 are:0.04544232413172722 by:0.04451330751180649 :0.055844902992248535 +the:0.10832163691520691 in:0.058502864092588425 and:0.050255123525857925 a:0.0419803187251091 :0.09652084857225418 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.2260926067829132 a:0.0646844357252121 his:0.013966448605060577 tho:0.013471468351781368 :0.15081572532653809 +to:0.08209393918514252 in:0.04056047275662422 on:0.039011113345623016 at:0.02622121013700962 :0.1547466218471527 +to:0.9608690738677979 for:0.009232808835804462 in:0.0038857473991811275 at:0.0019793277606368065 :0.0029511547181755304 +the:0.14813144505023956 he:0.04424937069416046 is:0.03407272696495056 they:0.03244412690401077 :0.0620507188141346 +the:0.2992999851703644 a:0.05191325023770332 this:0.016287116333842278 tho:0.01391273271292448 :0.16473080217838287 +a:0.08196179568767548 not:0.07995468378067017 the:0.062055621296167374 that:0.035477787256240845 :0.07392140477895737 +the:0.21474799513816833 in:0.0895383432507515 of:0.04112245887517929 and:0.03981470689177513 :0.03780299797654152 +not:0.07170410454273224 in:0.017886493355035782 to:0.017203569412231445 the:0.016384392976760864 :0.14833539724349976 +of:0.5026960968971252 and:0.061617691069841385 to:0.010307366028428078 section:0.0091447364538908 :0.20808619260787964 +of:0.014021729119122028 and:0.011813594959676266 the:0.009646096266806126 f:0.006150661967694759 :0.3378055989742279 +other:0.008095039054751396 same:0.0070108878426253796 present:0.004525002092123032 first:0.0041097854264080524 :0.2379399985074997 +and:0.05198463797569275 of:0.04617428034543991 to:0.026823554188013077 the:0.026219235733151436 :0.25953227281570435 +the:0.32763490080833435 this:0.05052647739648819 a:0.04919663071632385 his:0.020132899284362793 :0.0590176023542881 +and:0.06469433754682541 of:0.02907453663647175 to:0.023656226694583893 or:0.009624230675399303 :0.2997162640094757 +the:0.052450068295001984 and:0.04249870777130127 to:0.03598934784531593 in:0.027054710313677788 :0.08965311199426651 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.12843896448612213 and:0.08184531331062317 to:0.07603184878826141 for:0.033252134919166565 :0.06652263551950455 +a:0.13403676450252533 the:0.06944283097982407 not:0.04981841892004013 an:0.016019992530345917 :0.07908862084150314 +of:0.1364917904138565 and:0.08052102476358414 as:0.04710019752383232 the:0.03205038979649544 :0.06982147693634033 +the:0.18915490806102753 it:0.048171669244766235 he:0.030510030686855316 they:0.029618147760629654 :0.06846349686384201 +of:0.8181079626083374 and:0.020428117364645004 ot:0.019420353695750237 or:0.008606737479567528 :0.016631819307804108 +saw:0.1048789992928505 heard:0.051403455436229706 had:0.028995463624596596 knew:0.02670261822640896 :0.14050139486789703 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +after:0.08066986501216888 to:0.051083821803331375 for:0.03536678105592728 in:0.03125474229454994 :0.08270391821861267 +to:0.03386527672410011 in:0.0223565511405468 increased:0.01622011885046959 a:0.012416458688676357 :0.3039284348487854 +the:0.2937268614768982 a:0.055136121809482574 this:0.024372592568397522 their:0.016415594145655632 :0.08434578776359558 +not:0.05706248804926872 in:0.022442925721406937 to:0.021432049572467804 the:0.0165143683552742 :0.16116802394390106 +the:0.23224619030952454 he:0.1034637987613678 they:0.0975148156285286 it:0.050977420061826706 :0.041212718933820724 +is:0.21692705154418945 was:0.19023902714252472 would:0.07719545811414719 will:0.06181121990084648 :0.04437723755836487 +W:0.13634999096393585 W,:0.020500918850302696 and:0.01203830074518919 A:0.01058913953602314 :0.3398767113685608 +of:0.7618773579597473 and:0.02527361549437046 that:0.011986401863396168 which:0.011147425509989262 :0.01757451891899109 +and:0.15277063846588135 the:0.0413992665708065 to:0.01960027776658535 in:0.017155123874545097 :0.1237596720457077 +half:0.04900379106402397 few:0.024365592747926712 large:0.02117382176220417 good:0.014667495153844357 :0.16771546006202698 +to:0.4132663607597351 and:0.11409130692481995 on:0.09458824247121811 by:0.02907872386276722 :0.02506103180348873 +The:0.14374610781669617 It:0.0807705968618393 He:0.02954118885099888 A:0.02649960108101368 :0.08670450747013092 +the:0.39024120569229126 this:0.02493814192712307 tho:0.02282658778131008 a:0.022420845925807953 :0.061571888625621796 +bank:0.031183844432234764 convention:0.030748246237635612 debt:0.018047237768769264 banks:0.017658283933997154 :0.13961254060268402 +The:0.14714086055755615 It:0.09779486805200577 A:0.02632458321750164 I:0.024963779374957085 :0.09925636649131775 +the:0.28164955973625183 any:0.0432436540722847 a:0.03992946445941925 this:0.030872471630573273 :0.09281406551599503 +and:0.17520864307880402 but:0.055528391152620316 the:0.024213680997490883 of:0.01930250972509384 :0.07251645624637604 +country:0.02413850650191307 city:0.0152412885800004 city,:0.012234819121658802 State:0.0099722221493721 :0.2313021719455719 +in:0.08724606037139893 of:0.07348513603210449 and:0.04733854904770851 to:0.03953799605369568 :0.04157201945781708 +to:0.2660304605960846 and:0.11229740083217621 the:0.03654223307967186 in:0.0358198806643486 :0.03590339794754982 +in:0.04746928811073303 or:0.03722766786813736 to:0.03692789003252983 and:0.034351151436567307 :0.11323385685682297 +of:0.21467538177967072 and:0.1001085489988327 that:0.058820925652980804 to:0.03584141284227371 :0.034515224397182465 +the:0.10538409650325775 a:0.09210021048784256 by:0.0748135894536972 in:0.032166413962841034 :0.04118575155735016 +to:0.06159966439008713 the:0.05744197592139244 and:0.04132787510752678 in:0.019808312878012657 :0.12307626008987427 +the:0.18232664465904236 a:0.04559580981731415 them:0.03716123104095459 us:0.02339724265038967 :0.10809806734323502 +city:0.013684514909982681 same:0.012299713678658009 first:0.012064541690051556 case:0.0097059216350317 :0.1689721941947937 +the:0.39049646258354187 a:0.038757871836423874 said:0.02889692410826683 Mr.:0.017790621146559715 :0.08899103105068207 +the:0.06157288700342178 up:0.06109238415956497 in:0.041604578495025635 out:0.03861023858189583 :0.10198984295129776 +and:0.12146712094545364 to:0.030704069882631302 was:0.021146414801478386 at:0.020495973527431488 :0.23659633100032806 +of:0.27005907893180847 to:0.056362781673669815 and:0.05042818561196327 is:0.047536689788103104 :0.0437789261341095 +and:0.03883085399866104 the:0.032470524311065674 of:0.027892470359802246 in:0.016642699018120766 :0.16490750014781952 +of:0.040157075971364975 the:0.03029516153037548 and:0.026052679866552353 a:0.024151291698217392 :0.1826559603214264 +and:0.08819238096475601 the:0.024738574400544167 to:0.02334953099489212 The:0.0205446295440197 :0.2596258521080017 +who:0.1574251353740692 or:0.07350560277700424 in:0.05023004859685898 to:0.049216486513614655 :0.051314253360033035 +to:0.07765226811170578 of:0.06976298987865448 that:0.04230404645204544 for:0.04070018604397774 :0.04576093330979347 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +more:0.0403490774333477 longer:0.03145987167954445 one:0.024664951488375664 other:0.015644414350390434 :0.16757458448410034 +hundred:0.050314854830503464 per:0.047782085835933685 years:0.04393106326460838 or:0.035652369260787964 :0.16484889388084412 +and:0.11530278623104095 to:0.10917814075946808 in:0.05673448368906975 as:0.027851246297359467 :0.10141711682081223 +to:0.08098447322845459 a:0.0700029656291008 only:0.061805617064237595 the:0.05914664641022682 :0.11765605956315994 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.06787131726741791 and:0.05743292719125748 to:0.03876708820462227 the:0.03453092277050018 :0.15636621415615082 +the:0.2250613272190094 a:0.029999233782291412 this:0.029324080795049667 tho:0.014408120885491371 :0.14565157890319824 +he:0.04696451500058174 the:0.041870854794979095 be:0.025539085268974304 lie:0.017152294516563416 :0.25211435556411743 +a:0.08059234172105789 the:0.053384438157081604 now:0.04038158431649208 not:0.036100976169109344 :0.08600539714097977 +same:0.010781112127006054 whole:0.008490312844514847 first:0.008097488433122635 last:0.0079796202480793 :0.1472415030002594 +Mary:0.023243233561515808 Helen:0.011549731716513634 M.:0.0071917325258255005 Lillian:0.007127730175852776 :0.467924565076828 +in:0.23889584839344025 at:0.09208551049232483 on:0.09084510803222656 In:0.05165962874889374 :0.04399680346250534 +the:0.16814720630645752 be:0.08238916099071503 a:0.0322224497795105 have:0.01751120761036873 :0.10648863762617111 +and:0.014217992313206196 the:0.013408347964286804 to:0.01191424299031496 of:0.010188714601099491 :0.3908338248729706 +of:0.03167656436562538 to:0.020438939332962036 and:0.018043728545308113 the:0.01595841534435749 :0.22032670676708221 +same:0.05667797103524208 size:0.0116123016923666 middle:0.011247881688177586 time:0.010165534913539886 :0.15743552148342133 +of:0.16290752589702606 with:0.1438230276107788 was:0.08036137372255325 between:0.054637737572193146 :0.040686964988708496 +the:0.08189739286899567 a:0.07226875424385071 been:0.04376916214823723 no:0.03279932215809822 :0.10605311393737793 +the:0.29899218678474426 least:0.03790981322526932 a:0.03711200878024101 all:0.026583582162857056 :0.1339799016714096 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.038420941680669785 the:0.029224993661046028 to:0.02140471525490284 of:0.017411375418305397 :0.1551920473575592 +and:0.013547458685934544 was:0.00565291428938508 a:0.005535362754017115 J:0.005237750243395567 :0.3189568519592285 +the:0.026250040158629417 I:0.023235240951180458 of:0.01202807854861021 in:0.01084863767027855 :0.19735108315944672 +and:0.11538839340209961 to:0.030323492363095284 of:0.028354763984680176 Valley:0.018358150497078896 :0.20816926658153534 +of:0.12738698720932007 to:0.059970270842313766 that:0.04994143918156624 in:0.04291361942887306 :0.03972820192575455 +the:0.20587250590324402 a:0.03551162779331207 this:0.0185871459543705 that:0.016782736405730247 :0.1495775431394577 +the:0.17501117289066315 that:0.15625236928462982 a:0.033239901065826416 why:0.03243565559387207 :0.0398942194879055 +purpose:0.025053400546312332 first:0.011277067475020885 benefit:0.00771412393078208 same:0.007584335282444954 :0.25974059104919434 +of:0.2788175940513611 and:0.05572928488254547 was:0.030241329222917557 the:0.026026830077171326 :0.0515608973801136 +who:0.2779625952243805 of:0.057916298508644104 in:0.020745405927300453 that:0.016766196116805077 :0.12053651362657547 +the:0.3509918451309204 a:0.03286582976579666 tho:0.015485185198485851 his:0.014169454574584961 :0.08511907607316971 +of:0.36312225461006165 and:0.046112604439258575 by:0.03882862254977226 the:0.0216289721429348 :0.09343443810939789 +are:0.08844510465860367 will:0.08521585166454315 were:0.07466913014650345 would:0.046340279281139374 :0.05577237904071808 +as:0.08439517766237259 and:0.07214813679456711 shall:0.044899120926856995 or:0.026100797578692436 :0.1364448368549347 +The:0.10144516825675964 It:0.0342131033539772 I:0.030881358310580254 He:0.029855376109480858 :0.12085461616516113 +by:0.07292928546667099 the:0.05329342558979988 with:0.04112517833709717 to:0.03321336209774017 :0.037600599229335785 +deal:0.15369057655334473 many:0.09214503318071365 and:0.00962799321860075 number:0.009487497620284557 :0.13522864878177643 +was:0.1686028391122818 is:0.06173732131719589 to:0.0574563704431057 of:0.05249859020113945 :0.03710613772273064 +in:0.0780688226222992 of:0.06247575953602791 to:0.05890260636806488 above:0.05159394443035126 :0.05508699640631676 +the:0.22951632738113403 said:0.06438153237104416 a:0.047890979796648026 which:0.013167180120944977 :0.11787989735603333 +and:0.31731393933296204 in:0.03727049380540848 on:0.01645057462155819 with:0.014646297320723534 :0.11152750253677368 +The:0.18327994644641876 It:0.037953104823827744 This:0.03307792916893959 A:0.03248819336295128 :0.11050298810005188 +bracing:0.09406968206167221 ploy:0.04544613137841225 brace:0.04154576361179352 ployed:0.040784358978271484 :0.5650560259819031 +is:0.2396160215139389 was:0.16687780618667603 are:0.10921278595924377 were:0.04650529846549034 :0.043059803545475006 +mals:0.5932437777519226 mal:0.13878409564495087 and:0.009495938196778297 ing:0.004398477263748646 :0.12035346031188965 +upon:0.09107262641191483 at:0.06762964278459549 in:0.06557291746139526 and:0.06229309365153313 :0.0512809120118618 +of:0.7335476279258728 to:0.01737133227288723 from:0.0173050444573164 and:0.016814719885587692 :0.01706991344690323 +the:0.2489510327577591 a:0.06252668052911758 tho:0.014882502146065235 his:0.012036056257784367 :0.1503141075372696 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +from:0.20150336623191833 the:0.11668232828378677 and:0.11124380677938461 by:0.053917769342660904 :0.04548562690615654 +point:0.014206399209797382 large:0.012137062847614288 very:0.009463929571211338 great:0.007171118166297674 :0.17669185996055603 +the:0.09851060062646866 upon:0.06278468668460846 for:0.05144929140806198 to:0.03452841937541962 :0.23658344149589539 +been:0.11249412596225739 a:0.04215032234787941 to:0.040756259113550186 no:0.03713744133710861 :0.08855319023132324 +is:0.2813173830509186 was:0.1429443061351776 Is:0.06031987816095352 has:0.036271724849939346 :0.06841246038675308 +the:0.12332069128751755 a:0.04230774939060211 that:0.02238375134766102 of:0.021783841773867607 :0.10320774465799332 +and:0.1005505919456482 to:0.08698622137308121 the:0.03306753560900688 in:0.031202303245663643 :0.11813050508499146 +of:0.28499922156333923 and:0.13698366284370422 to:0.03580082207918167 that:0.0323195606470108 :0.02817605994641781 +a:0.10592610388994217 the:0.06778256595134735 one:0.05971977859735489 two:0.03334498032927513 :0.11585099250078201 +and:0.017063114792108536 ive:0.010802697390317917 was:0.010467084124684334 to:0.008558245375752449 :0.29896143078804016 +or:0.1323457509279251 hundred:0.06111644580960274 and:0.05182501673698425 of:0.03077760525047779 :0.17374634742736816 +are:0.08210086077451706 were:0.0724191665649414 will:0.06277234852313995 have:0.04665614292025566 :0.10605517774820328 +and:0.018680522218346596 lot:0.007905324921011925 location:0.007829273119568825 way:0.005086005199700594 :0.1928795874118805 +of:0.6751354932785034 to:0.03894384205341339 and:0.02810904197394848 in:0.01911894418299198 :0.01073466520756483 +and:0.08735543489456177 in:0.0663556307554245 for:0.0413152314722538 of:0.038545358926057816 :0.03613976016640663 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +schools:0.03147232532501221 school:0.029478812590241432 and:0.025957787409424782 in:0.015224582515656948 :0.12725237011909485 +country:0.021445252001285553 city,:0.017442379146814346 act,:0.016137536615133286 city:0.015404942445456982 :0.14275318384170532 +and:0.13964664936065674 the:0.047834962606430054 to:0.04343213886022568 a:0.03437197208404541 :0.08336982876062393 +of:0.23342707753181458 and:0.17421039938926697 in:0.029874375090003014 is:0.022761821746826172 :0.024764422327280045 +that:0.42821863293647766 the:0.06922502815723419 in:0.03549398481845856 a:0.029087724164128304 :0.021273797377943993 +had:0.10220818966627121 was:0.09434595704078674 has:0.06607384979724884 is:0.04741915315389633 :0.10072356462478638 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +of:0.14282958209514618 to:0.09738650172948837 and:0.07182293385267258 for:0.06775869429111481 :0.06258463859558105 +to:0.19047434628009796 and:0.08383065462112427 in:0.03056361712515354 that:0.023171549662947655 :0.04697269946336746 +the:0.29946184158325195 a:0.06757716834545135 his:0.02072553150355816 and:0.017775971442461014 :0.11930897831916809 +and:0.09374204277992249 The:0.020843148231506348 to:0.02008119784295559 the:0.016992490738630295 :0.14711162447929382 +of:0.8115369081497192 to:0.020398028194904327 and:0.01501735020428896 ot:0.011813592165708542 :0.011867296881973743 +day:0.05756852775812149 one:0.0410178042948246 year:0.028840262442827225 man:0.02332075871527195 :0.1364775002002716 +the:0.02602374367415905 of:0.021149123087525368 and:0.015375114977359772 any:0.013345671817660332 :0.39755332469940186 +and:0.1942322701215744 but:0.02930847741663456 the:0.02898314595222473 of:0.028827302157878876 :0.06086155027151108 +in:0.1050100028514862 as:0.06027987226843834 and:0.051128603518009186 by:0.03962211310863495 :0.03550818935036659 +have:0.10227083414793015 are:0.07515586912631989 had:0.036133233457803726 can:0.03329671919345856 :0.057545796036720276 +be:0.3371017277240753 not:0.09956804662942886 bo:0.024873103946447372 also:0.01878477819263935 :0.05764065310359001 +to:0.11933183670043945 and:0.11879299581050873 of:0.10164019465446472 that:0.06681383401155472 :0.05799151211977005 +of:0.06446059793233871 and:0.056066058576107025 the:0.018614688888192177 to:0.014711897820234299 :0.2358216941356659 +have:0.11903756856918335 are:0.09822086989879608 were:0.03894655406475067 will:0.029179785400629044 :0.0674821063876152 +line:0.07771103084087372 center:0.023187903687357903 north:0.021911360323429108 road:0.02067221887409687 :0.14128538966178894 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +in:0.06083592772483826 the:0.0423794649541378 a:0.03588222339749336 being:0.02734416164457798 :0.10799773037433624 +the:0.26636555790901184 a:0.030860040336847305 this:0.020913271233439445 said:0.014500271528959274 :0.14452053606510162 +who:0.11755738407373428 from:0.07564148306846619 and:0.06533621996641159 of:0.053262826055288315 :0.06041163578629494 +the:0.2489510327577591 a:0.06252668052911758 tho:0.014882502146065235 his:0.012036056257784367 :0.1503141075372696 +and:0.09882152080535889 the:0.020123889669775963 or:0.012748714536428452 of:0.01206276100128889 :0.35468071699142456 +to:0.2118341624736786 by:0.09839928150177002 the:0.09825689345598221 that:0.09535785764455795 :0.08964182436466217 +of:0.34309157729148865 and:0.14642205834388733 in:0.025400547310709953 for:0.022736931219697 :0.049526989459991455 +of:0.3268031179904938 and:0.0925980657339096 which:0.0631878450512886 are:0.05249478667974472 :0.03863087296485901 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +be:0.12310218065977097 not:0.10421758145093918 soon:0.02430398017168045 have:0.020197980105876923 :0.08870838582515717 +the:0.013729228638112545 a:0.008653990924358368 and:0.00799499824643135 to:0.005515688564628363 :0.32692450284957886 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.3037700653076172 tho:0.028056345880031586 a:0.02498810924589634 which:0.02397715114057064 :0.06925848871469498 +the:0.20311585068702698 a:0.09923867136240005 he:0.01648595742881298 some:0.015974244102835655 :0.10657528042793274 +the:0.21573655307292938 a:0.07007837295532227 this:0.014912690967321396 any:0.01302042230963707 :0.17294231057167053 +the:0.10300629585981369 a:0.048003021627664566 in:0.038121066987514496 to:0.0380333736538887 :0.06292343139648438 +the:0.2558519244194031 a:0.0407363697886467 which:0.02373986691236496 tho:0.01943916641175747 :0.15491294860839844 +the:0.0423472560942173 a:0.01973346807062626 to:0.019275009632110596 in:0.008093588054180145 :0.17535465955734253 +described:0.14396649599075317 the:0.01595962978899479 year:0.012390836142003536 is:0.01007577870041132 :0.20377714931964874 +is:0.17517399787902832 was:0.08245457708835602 Is:0.023145826533436775 has:0.02117728441953659 :0.09257102757692337 +the:0.20659369230270386 a:0.05318000167608261 their:0.015294237062335014 his:0.014861555770039558 :0.12722919881343842 +first:0.009751691482961178 same:0.00631758663803339 second:0.006208774168044329 only:0.005997424013912678 :0.17123152315616608 +mond:0.09272164851427078 the:0.006065291352570057 and:0.005271280650049448 In:0.005160010419785976 :0.6353425979614258 +and:0.10929638892412186 of:0.03648962080478668 is:0.035514336079359055 in:0.03394719585776329 :0.19219380617141724 +and:0.04938371106982231 F.:0.02006116695702076 J.:0.019440241158008575 W.:0.018569478765130043 :0.39614686369895935 +the:0.38716942071914673 a:0.026740841567516327 said:0.017810795456171036 tho:0.017598751932382584 :0.11575721949338913 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.12464555352926254 to:0.04177548736333847 and:0.03875561058521271 of:0.02930031344294548 :0.05904058367013931 +a:0.03770310431718826 the:0.03496844321489334 made:0.027254745364189148 sold:0.016782863065600395 :0.12037137895822525 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.09547653049230576 to:0.060859087854623795 of:0.05758311226963997 was:0.030113887041807175 :0.09876535087823868 +is:0.0712525025010109 was:0.0575534924864769 the:0.04415121302008629 are:0.04252130538225174 :0.05248158797621727 +and:0.2190849334001541 the:0.04770709201693535 by:0.030609706416726112 but:0.02922300435602665 :0.04543894901871681 +a:0.14057596027851105 the:0.11942616105079651 it:0.02959425374865532 an:0.025095822289586067 :0.11598414927721024 +and:0.21420013904571533 in:0.028469478711485863 but:0.025170018896460533 as:0.01917998678982258 :0.12483405321836472 +of:0.042543087154626846 and:0.03483141213655472 the:0.03327954560518265 The:0.019947241991758347 :0.20227448642253876 +to:0.5635830760002136 that:0.06886043399572372 for:0.06004384160041809 a:0.019043460488319397 :0.0295595470815897 +not:0.3210007846355438 the:0.06269831955432892 any:0.021910689771175385 it:0.018348384648561478 :0.06314016878604889 +are:0.1087268516421318 have:0.07479369640350342 were:0.040957074612379074 shall:0.03563432767987251 :0.07749637961387634 +and:0.040032364428043365 of:0.03615525737404823 to:0.027698468416929245 the:0.027136322110891342 :0.15290126204490662 +lar:0.5281723737716675 ing:0.05252824351191521 and:0.015703512355685234 The:0.014240959659218788 :0.11476688086986542 +of:0.09611519426107407 in:0.07097046077251434 to:0.048179615288972855 the:0.03813706710934639 :0.07541858404874802 +and:0.24066655337810516 of:0.05324995517730713 which:0.04919472336769104 the:0.03542114049196243 :0.029122035950422287 +the:0.2744901478290558 a:0.03568815812468529 their:0.03502568230032921 and:0.027526775375008583 :0.05101652815937996 +State:0.005402711220085621 city:0.004726756364107132 great:0.0037118925247341394 men:0.00370574533008039 :0.28591015934944153 +and:0.15551789104938507 which:0.07808507233858109 but:0.0589420385658741 the:0.026884116232395172 :0.057114776223897934 +and:0.07369402796030045 that:0.07139207422733307 the:0.03285465016961098 as:0.030014047399163246 :0.11866103112697601 +of:0.23351609706878662 hundred:0.09938705712556839 who:0.030727021396160126 or:0.024591617286205292 :0.08187350630760193 +the:0.3050209581851959 this:0.054638419300317764 a:0.03489629924297333 that:0.01520631741732359 :0.15339548885822296 +that:0.5315425992012024 the:0.09583354741334915 in:0.02760576456785202 it:0.019951719790697098 :0.019312601536512375 +of:0.15583844482898712 and:0.06549374014139175 for:0.04907165467739105 to:0.04889187961816788 :0.06873015314340591 +to:0.15624591708183289 the:0.07529537379741669 in:0.06633751094341278 from:0.04021868109703064 :0.07270663976669312 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +father:0.013068805448710918 eyes:0.012651287019252777 name:0.011779982596635818 own:0.01135037001222372 :0.19993767142295837 +friends:0.023305239155888557 wife:0.01792779751121998 own:0.015042008832097054 friends,:0.012175419367849827 :0.2019459307193756 +the:0.12882110476493835 be:0.03193597123026848 make:0.021047992631793022 a:0.01696830801665783 :0.09397299587726593 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.16874246299266815 a:0.04039134085178375 his:0.014309064485132694 this:0.011931666173040867 :0.12157464027404785 +Block:0.21988044679164886 and:0.08438703417778015 to:0.027241233736276627 north:0.024827517569065094 :0.10603545606136322 +d:0.10266318172216415 the:0.031160878017544746 a:0.024065084755420685 of:0.014207393862307072 :0.33299535512924194 +and:0.10203512758016586 on:0.06483782827854156 to:0.05109797418117523 directing:0.04354860261082649 :0.037192072719335556 +to:0.10119375586509705 the:0.08613698184490204 a:0.06091870367527008 it:0.034354496747255325 :0.05809277668595314 +at:0.10878513753414154 to:0.08858829736709595 for:0.047730203717947006 like:0.03563687577843666 :0.08149469643831253 +the:0.1852480173110962 a:0.13133510947227478 his:0.03564412519335747 whom:0.02887076884508133 :0.10424493998289108 +the:0.07890456914901733 a:0.03082314133644104 .:0.02819751761853695 of:0.00943190511316061 :0.3086589574813843 +the:0.07565607130527496 a:0.07294300943613052 any:0.0433281771838665 being:0.021556200459599495 :0.16850481927394867 +the:0.14149056375026703 any:0.04421556368470192 to:0.037245895713567734 that:0.03488373011350632 :0.06659813970327377 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.35145479440689087 a:0.056978464126586914 this:0.0225059874355793 his:0.017781881615519524 :0.10848073661327362 +door:0.006716226227581501 city:0.005952942650765181 world:0.004592049866914749 same:0.00455915043130517 :0.19281980395317078 +of:0.10632724314928055 and:0.049429457634687424 were:0.03560538589954376 are:0.034353721886873245 :0.04125309735536575 +The:0.13747943937778473 It:0.051374100148677826 I:0.03997384011745453 He:0.034913837909698486 :0.10516417026519775 +only:0.011228823103010654 first:0.010073382407426834 old:0.00821961835026741 most:0.007752249948680401 :0.1519232839345932 +of:0.2788175940513611 and:0.05572928488254547 was:0.030241329222917557 the:0.026026830077171326 :0.0515608973801136 +was:0.1321268528699875 had:0.0759735181927681 has:0.04594133049249649 said:0.04393948242068291 :0.06260037422180176 +Christ:0.0723511278629303 and:0.05413614585995674 in:0.030729997903108597 to:0.030393192544579506 :0.14129646122455597 +the:0.2534690499305725 a:0.050433043390512466 this:0.03134707361459732 his:0.01624189503490925 :0.0725441575050354 +the:0.08210819959640503 and:0.029678113758563995 a:0.023127570748329163 to:0.022404342889785767 :0.09236448258161545 +a:0.030458763241767883 made:0.023928897455334663 the:0.018045801669359207 in:0.017870217561721802 :0.16152282059192657 +York:0.26439958810806274 York,:0.2221405804157257 York.:0.07393000274896622 Jersey,:0.03589111939072609 :0.12054036557674408 +the:0.47373101115226746 tho:0.023160114884376526 this:0.0223475843667984 a:0.017671678215265274 :0.06565799564123154 +property:0.03143823519349098 and:0.023045113310217857 to:0.022246049717068672 right:0.020534683018922806 :0.15198464691638947 +a:0.06386438757181168 not:0.04107453674077988 the:0.02797769568860531 in:0.022437702864408493 :0.12470000237226486 +the:0.02087634801864624 said:0.020001359283924103 made:0.018351996317505836 a:0.01738128811120987 :0.16142262518405914 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +ington,:0.17517925798892975 ington:0.15504074096679688 ington.:0.12575197219848633 and:0.013666355051100254 :0.24480269849300385 +days:0.03786231949925423 two:0.0319768451154232 cases:0.02257305383682251 places:0.01388189010322094 :0.17011697590351105 +of:0.11731825023889542 was:0.03166795149445534 is:0.02645224891602993 and:0.01920516975224018 :0.15780214965343475 +whole:0.010804366320371628 same:0.010568561963737011 said:0.007957585155963898 amount:0.007227556314319372 :0.18972361087799072 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.6845660209655762 and:0.031539227813482285 to:0.013371573761105537 ot:0.012160059995949268 :0.016855375841259956 +a:0.06893877685070038 the:0.041586898267269135 to:0.03334732726216316 necessary:0.027538834139704704 :0.13206587731838226 +was:0.11061745136976242 had:0.06067979708313942 is:0.05124243348836899 has:0.04571342095732689 :0.07307987660169601 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.036840785294771194 make:0.028791720047593117 be:0.024658633396029472 do:0.021527228876948357 :0.09837399423122406 +the:0.10455150157213211 date:0.09309420734643936 a:0.04153607040643692 to:0.035199638456106186 :0.08726806193590164 +and:0.07166274636983871 in:0.05607744678854942 the:0.05106917768716812 of:0.0376119539141655 :0.12826569378376007 +of:0.1511785089969635 and:0.09524597972631454 the:0.05117115378379822 was:0.024502048268914223 :0.075459785759449 +and:0.05724067986011505 to:0.042291611433029175 of:0.03242139890789986 the:0.025973277166485786 :0.18593169748783112 +the:0.05403327941894531 to:0.04201113432645798 and:0.03307858854532242 a:0.022806920111179352 :0.14323627948760986 +people:0.015089519321918488 men:0.00965119432657957 said:0.008437053300440311 most:0.007950781844556332 :0.18860456347465515 +of:0.05040854960680008 other:0.05023518577218056 one:0.03212587535381317 kind:0.030995404347777367 :0.12486065179109573 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +and:0.05782882124185562 or:0.01752096228301525 of:0.011709131300449371 the:0.011631735600531101 :0.16785253584384918 +and:0.07544492185115814 to:0.03477859869599342 in:0.0345488004386425 the:0.030386118218302727 :0.1642152965068817 +the:0.16880643367767334 he:0.03722280636429787 they:0.03598169982433319 it:0.020584192126989365 :0.09032543748617172 +in:0.07908948510885239 of:0.07377385348081589 and:0.04863575100898743 to:0.03079194948077202 :0.038508348166942596 +to:0.7541685104370117 to,:0.05011603236198425 to.:0.03475240617990494 by:0.013068036176264286 :0.028102947399020195 +interest:0.01343541406095028 order:0.011120889335870743 old:0.010953531600534916 article:0.009664664976298809 :0.23930439352989197 +the:0.21205812692642212 kinds:0.023958563804626465 that:0.02008158154785633 these:0.01482913363724947 :0.11127829551696777 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +and:0.39011308550834656 dollars:0.05505781248211861 feet:0.026037707924842834 dollars,:0.020427275449037552 :0.10935163497924805 +to:0.03941969946026802 a:0.03549058362841606 only:0.02729102037847042 so:0.026581814512610435 :0.1396275907754898 +and:0.08980419486761093 of:0.07380177080631256 are:0.03460220992565155 in:0.034112926572561264 :0.05608281493186951 +the:0.09341854602098465 a:0.01805218867957592 in:0.008209003135561943 to:0.007914743386209011 :0.1573629081249237 +a:0.09262039512395859 the:0.07104125618934631 not:0.04841502010822296 to:0.028189636766910553 :0.13020658493041992 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.2841852009296417 but:0.07385373115539551 I:0.037770822644233704 as:0.02611340396106243 :0.06340916454792023 +enjoyed.:0.02933412976562977 in:0.025599252432584763 surprised:0.021397626027464867 increased:0.02044430747628212 :0.248377725481987 +the:0.12232829630374908 that:0.04062168672680855 to:0.029969284310936928 it:0.02685484103858471 :0.06592008471488953 +the:0.18677358329296112 he:0.08626876771450043 they:0.0597781203687191 it:0.03696468472480774 :0.06123059242963791 +to:0.11886368691921234 in:0.061163078993558884 with:0.03520030900835991 and:0.028858670964837074 :0.10042921453714371 +the:0.20450197160243988 a:0.0685625672340393 which:0.048107195645570755 his:0.018550658598542213 :0.049903593957424164 +ity:0.647058367729187 ity,:0.19185364246368408 and:0.013738772831857204 of:0.00461901118978858 :0.044897910207509995 +and:0.025266634300351143 school:0.0228135846555233 schools:0.020622694864869118 in:0.015794232487678528 :0.17645683884620667 +the:0.34808599948883057 a:0.04435810074210167 said:0.025565853342413902 tho:0.013620598241686821 :0.1680402308702469 +and:0.2667368948459625 but:0.07897567749023438 the:0.02277948334813118 however,:0.017681006342172623 :0.05297282710671425 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +people:0.014286915771663189 said:0.009541111066937447 same:0.007768310606479645 United:0.007545930799096823 :0.16696782410144806 +coast:0.12410687655210495 coast,:0.05618724599480629 Coast:0.05367881432175636 coast.:0.04584702104330063 :0.12015218287706375 +and:0.21651218831539154 but:0.06326743215322495 the:0.03804690018296242 which:0.025684479624032974 :0.05602683871984482 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.1778281182050705 a:0.02557603269815445 tho:0.013416613452136517 said:0.011071461252868176 :0.2747887670993805 +the:0.16428975760936737 a:0.09351556748151779 up:0.0551927387714386 care:0.04256351664662361 :0.04665413498878479 +and:0.11319123953580856 the:0.06391847133636475 but:0.05521710589528084 to:0.03690599650144577 :0.054871805012226105 +and:0.11510566622018814 for:0.08962075412273407 in:0.05896402895450592 the:0.054169800132513046 :0.038444776087999344 +same:0.014012522995471954 most:0.00720174191519618 first:0.007029930129647255 following:0.00607465161010623 :0.17687930166721344 +mortgage:0.03551492840051651 John:0.014492273330688477 County:0.012314995750784874 William:0.009532668627798557 :0.16362731158733368 +and:0.23583021759986877 of:0.12936235964298248 is:0.05063961446285248 that:0.03423267975449562 :0.04136209189891815 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +to:0.09507235884666443 known:0.07803850620985031 as:0.04973363131284714 and:0.03723907098174095 :0.15297095477581024 +of:0.09946095198392868 and:0.05566811561584473 for:0.03580819442868233 are:0.02971234731376171 :0.08997954428195953 +part:0.0898202657699585 days:0.05528730899095535 in:0.022289328277111053 stages:0.018057730048894882 :0.13190898299217224 +than:0.690720796585083 or:0.012509120628237724 to:0.008723771199584007 fully:0.006178497802466154 :0.039247576147317886 +of:0.651862621307373 and:0.046503011137247086 is:0.018798692151904106 was:0.0130439642816782 :0.018099486827850342 +and:0.1805638074874878 but:0.06275582313537598 of:0.05144308879971504 the:0.04407664015889168 :0.1416453719139099 +was:0.08623052388429642 has:0.0668172612786293 had:0.06573700159788132 would:0.056235868483781815 :0.07958710193634033 +and:0.059422384947538376 at:0.040294621139764786 to:0.03874530643224716 the:0.034741535782814026 :0.129689022898674 +the:0.29404670000076294 this:0.03922438248991966 a:0.03665446117520332 their:0.01899227872490883 :0.07676343619823456 +the:0.19628922641277313 a:0.11173690855503082 an:0.01978287845849991 such:0.019187575206160545 :0.11626597493886948 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +The:0.17156335711479187 This:0.04367976263165474 It:0.037136368453502655 There:0.025946222245693207 :0.056706931442022324 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +have:0.07179484516382217 shall:0.07153549045324326 are:0.04996715113520622 will:0.03508409112691879 :0.05396811664104462 +the:0.07915635406970978 be:0.01799374260008335 see:0.01567097008228302 in:0.0150610925629735 :0.10351631045341492 +the:0.1648789644241333 a:0.05036797374486923 this:0.018134256824851036 said:0.016782673075795174 :0.1452016979455948 +country:0.021445252001285553 city,:0.017442379146814346 act,:0.016137536615133286 city:0.015404942445456982 :0.14275318384170532 +is:0.06671810150146484 was:0.04728727787733078 has:0.04198187589645386 are:0.03783995285630226 :0.06909919530153275 +and:0.11510566622018814 for:0.08962075412273407 in:0.05896402895450592 the:0.054169800132513046 :0.038444776087999344 +the:0.07015631347894669 that:0.02856474742293358 a:0.023585323244333267 to:0.017162205651402473 :0.09439956396818161 +the:0.07884357869625092 to:0.055039770901203156 and:0.03311541676521301 that:0.0309908464550972 :0.07300275564193726 +of:0.20988795161247253 to:0.12253613770008087 for:0.09619250893592834 and:0.0683169960975647 :0.0388290174305439 +the:0.19666719436645508 a:0.06235776096582413 favor:0.0417703352868557 this:0.017739884555339813 :0.07492289692163467 +most:0.23642690479755402 ways:0.18097679316997528 lowed:0.16904804110527039 ready:0.1259499341249466 :0.08627238124608994 +the:0.04872250556945801 a:0.03599408641457558 made:0.026265034452080727 not:0.026228394359350204 :0.09911496192216873 +the:0.17145970463752747 he:0.10375845432281494 it:0.03536790981888771 there:0.025894178077578545 :0.07333163917064667 +the:0.40193450450897217 them:0.040570829063653946 other:0.020688124001026154 tho:0.01974879391491413 :0.10522168129682541 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +the:0.1821489930152893 a:0.03649438917636871 this:0.018256820738315582 favor:0.015649989247322083 :0.08832678943872452 +coinage:0.09990610927343369 of:0.05013546347618103 and:0.04458598420023918 trade:0.03887202963232994 :0.11532008647918701 +the:0.07818486541509628 a:0.025304529815912247 he:0.0195598304271698 and:0.019107092171907425 :0.11310506612062454 +the:0.13039642572402954 they:0.12347687780857086 of:0.1083897054195404 it:0.09383438527584076 :0.08173759281635284 +the:0.20220550894737244 that:0.10778733342885971 what:0.04217346012592316 a:0.03974486514925957 :0.04506596922874451 +the:0.27438679337501526 he:0.08330318331718445 a:0.051513127982616425 they:0.0497126579284668 :0.06985446810722351 +The:0.04298589751124382 It:0.027212485671043396 I:0.02018430270254612 Why:0.01571641117334366 :0.23504072427749634 +the:0.1975180208683014 to:0.07712619751691818 a:0.04099775105714798 this:0.019191518425941467 :0.12746305763721466 +only:0.04133141413331032 most:0.03888779878616333 best:0.025256868451833725 same:0.01565677486360073 :0.15790358185768127 +the:0.3213043808937073 he:0.03984532505273819 it:0.03093182109296322 a:0.029256600886583328 :0.09061557054519653 +in:0.05288932844996452 to:0.03938978910446167 and:0.03239385411143303 the:0.03164118528366089 :0.07952188700437546 +the:0.4363792836666107 a:0.030634764581918716 this:0.021344337612390518 his:0.020653648301959038 :0.07832159101963043 +of:0.09712382405996323 and:0.09438135474920273 in:0.04768369719386101 from:0.028161728754639626 :0.09385855495929718 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +of:0.04777226597070694 and:0.04568355903029442 to:0.03968922048807144 the:0.03042905405163765 :0.1530618816614151 +of:0.4919469654560089 due:0.04402145370841026 to:0.02379087172448635 required:0.022456549108028412 :0.03547384962439537 +the:0.15392155945301056 be:0.03986964002251625 a:0.03344891965389252 make:0.017833121120929718 :0.11222899705171585 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.015404795296490192 time:0.015100697055459023 thing:0.01428794115781784 little:0.013402976095676422 :0.1490362137556076 +to:0.21416522562503815 by:0.0772322416305542 from:0.07568024098873138 up:0.06010818853974342 :0.04419907554984093 +of:0.05040854960680008 other:0.05023518577218056 one:0.03212587535381317 kind:0.030995404347777367 :0.12486065179109573 +and:0.1310815066099167 to:0.10012718290090561 in:0.0690065324306488 of:0.02617882564663887 :0.041462987661361694 +the:0.12471453845500946 with:0.08047953248023987 for:0.07670313119888306 and:0.06605520099401474 :0.046937521547079086 +to:0.11443905532360077 is:0.07999780774116516 was:0.0395122654736042 will:0.03908470273017883 :0.08290265500545502 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.18745970726013184 this:0.021511323750019073 a:0.020093204453587532 that:0.01586861163377762 :0.20574593544006348 +to:0.5218791365623474 the:0.034954480826854706 on:0.028886551037430763 and:0.023631587624549866 :0.053275227546691895 +the:0.011947805993258953 .:0.008018161170184612 a:0.0064282771199941635 and:0.0054997713305056095 :0.22236686944961548 +to:0.1427050530910492 the:0.11498884856700897 in:0.05985591560602188 on:0.05094781145453453 :0.049802590161561966 +are:0.11895722150802612 were:0.10606318712234497 and:0.07181749492883682 in:0.038979560136795044 :0.03882087394595146 +the:0.44376426935195923 said:0.033647194504737854 with:0.02901451662182808 this:0.02307199127972126 :0.07158428430557251 +be:0.39939913153648376 not:0.10156005620956421 have:0.06252264976501465 bo:0.02718668058514595 :0.056525807827711105 +and:0.14770115911960602 in:0.09198898077011108 to:0.07741781324148178 of:0.046240806579589844 :0.04619425907731056 +the:0.16361963748931885 he:0.048633236438035965 it:0.025956938043236732 a:0.025350823998451233 :0.10343369096517563 +a:0.02638685330748558 made:0.026314102113246918 the:0.014450552873313427 able:0.012713678181171417 :0.1447514146566391 +ing:0.2754233181476593 ed:0.17918506264686584 It:0.02153489738702774 the:0.01934072934091091 :0.11795593053102493 +the:0.11375073343515396 to:0.025937898084521294 I:0.021487444639205933 it:0.019933123141527176 :0.10407456010580063 +2:0.13065452873706818 1:0.0760245993733406 3:0.037036970257759094 1,:0.03096456080675125 :0.24815498292446136 +leged:0.2261531949043274 most:0.15341070294380188 though:0.0758480504155159 lowing:0.07446824759244919 :0.15732230246067047 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +and:0.1830032765865326 which:0.05372298136353493 the:0.05018848553299904 or:0.03368731215596199 :0.07595289498567581 +to:0.3578093945980072 much:0.08421757817268372 many:0.03589869663119316 the:0.032086316496133804 :0.03806605190038681 +of:0.07561134546995163 or:0.059316668659448624 and:0.026813160628080368 to:0.024308238178491592 :0.16759726405143738 +to:0.16755172610282898 by:0.11777836829423904 in:0.07840591669082642 of:0.04706190153956413 :0.038525741547346115 +and:0.05420844629406929 are:0.02890617959201336 to:0.025839706882834435 the:0.02209361642599106 :0.15890032052993774 +of:0.12134533375501633 and:0.1171463131904602 in:0.036328498274087906 to:0.032465722411870956 :0.11790245771408081 +the:0.17409251630306244 of:0.05245472118258476 other:0.04637093096971512 that:0.02997780591249466 :0.07994979619979858 +and:0.0521487332880497 to:0.026481304317712784 of:0.01978948712348938 the:0.01737315021455288 :0.17900027334690094 +to:0.3034007251262665 by:0.15991820394992828 in:0.07049349695444107 at:0.029130494222044945 :0.02750115469098091 +and:0.03402622416615486 the:0.008390367031097412 in:0.007875720039010048 money:0.004038970451802015 :0.5108988881111145 +and:0.061267971992492676 is:0.010718856938183308 the:0.010232493281364441 to:0.00878940336406231 :0.21557721495628357 +and:0.1982397735118866 the:0.031519316136837006 or:0.022831786423921585 in:0.019939100369811058 :0.12997010350227356 +in:0.48080605268478394 on:0.11613188683986664 In:0.07749482989311218 and:0.06013907492160797 :0.04894415661692619 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +condition:0.04117860272526741 and:0.01672440767288208 time:0.015508380718529224 the:0.014491730369627476 :0.13072170317173004 +and:0.13073302805423737 that:0.04727533459663391 the:0.04647131264209747 but:0.0312999002635479 :0.058772001415491104 +and:0.10407659411430359 to:0.046137310564517975 the:0.026882577687501907 in:0.026053836569190025 :0.11956332623958588 +in:0.14159482717514038 at:0.04431293532252312 and:0.03426399081945419 as:0.03421703353524208 :0.09005413204431534 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +be:0.03264392167329788 the:0.03075539693236351 make:0.02252812124788761 take:0.015216889791190624 :0.10109364241361618 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +to:0.06981863081455231 the:0.05797526240348816 in:0.05594529211521149 out:0.05493711307644844 :0.043027136474847794 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +first:0.01579877734184265 last:0.009946507401764393 same:0.009494234807789326 whole:0.008399157784879208 :0.22641649842262268 +a:0.0900542289018631 the:0.07344380021095276 not:0.05319986864924431 to:0.02079286053776741 :0.11127927899360657 +the:0.23763613402843475 which:0.03561246395111084 a:0.027957353740930557 his:0.025682134553790092 :0.10594895482063293 +upon:0.09107262641191483 at:0.06762964278459549 in:0.06557291746139526 and:0.06229309365153313 :0.0512809120118618 +and:0.05407554656267166 of:0.0217250045388937 feet:0.0189563799649477 the:0.01764708198606968 :0.1495158076286316 +health.:0.10946257412433624 the:0.06267786771059036 health:0.055433690547943115 a:0.025720370933413506 :0.1525419056415558 +the:0.09450704604387283 be:0.0681786760687828 have:0.035045091062784195 do:0.016905974596738815 :0.09784498065710068 +He:0.1072479635477066 The:0.09070530533790588 I:0.03873532637953758 It:0.03443887084722519 :0.1197066605091095 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.12428154796361923 be:0.06503979116678238 a:0.024534694850444794 have:0.012518268078565598 :0.11507334560155869 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.04202725738286972 in:0.013847194612026215 and:0.012394138611853123 all:0.009186728857457638 :0.17533937096595764 +the:0.039904188364744186 New:0.03844168037176132 St.:0.020939817652106285 Los:0.01835988089442253 :0.2622256875038147 +men:0.028470415621995926 of:0.020802075043320656 or:0.013785135932266712 and:0.012754122726619244 :0.20919163525104523 +be:0.3441634178161621 have:0.04885995388031006 not:0.0317545160651207 bo:0.023100294172763824 :0.06421360373497009 +the:0.09999655187129974 a:0.06325491517782211 one:0.04891257360577583 two:0.0157784316688776 :0.25075626373291016 +the:0.2588839530944824 a:0.031990986317396164 this:0.031053585931658745 his:0.023646092042326927 :0.08232281357049942 +the:0.29735785722732544 a:0.048458848148584366 this:0.03591982275247574 his:0.021466413512825966 :0.06965780258178711 +and:0.15616708993911743 the:0.03218058496713638 to:0.02808683179318905 with:0.02769426815211773 :0.1074909195303917 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +good:0.022124361246824265 great:0.01786140725016594 man:0.01620378904044628 little:0.015379861928522587 :0.11703018844127655 +estate:0.307748407125473 estate,:0.2294386625289917 property:0.14013813436031342 property,:0.04473631829023361 :0.08434513956308365 +the:0.2013353556394577 which:0.06456223875284195 a:0.051388565450906754 being:0.017133411020040512 :0.10887901484966278 +the:0.1793144792318344 a:0.10373750329017639 his:0.06930364668369293 and:0.038542214781045914 :0.08504936844110489 +only:0.009380466304719448 first:0.008851837366819382 said:0.007093785330653191 following:0.006535238120704889 :0.16114306449890137 +and:0.09743008017539978 on:0.06880828738212585 in:0.05807269364595413 for:0.050029266625642776 :0.06946190446615219 +per:0.09005460888147354 years:0.06483597308397293 thousand:0.046010639518499374 o'clock:0.040631674230098724 :0.12583570182323456 +the:0.32033050060272217 this:0.170724555850029 said:0.029822034761309624 a:0.028695233166217804 :0.0865030512213707 +a:0.14281682670116425 the:0.11923842877149582 his:0.038172997534275055 an:0.030076073482632637 :0.05203600227832794 +and:0.07593660801649094 of:0.07547008991241455 the:0.037531010806560516 to:0.018762826919555664 :0.2215770184993744 +been:0.25891584157943726 a:0.028343502432107925 the:0.02306274138391018 to:0.02238249033689499 :0.11074206233024597 +to:0.033980149775743484 of:0.032550353556871414 and:0.03035515733063221 habit,:0.019124774262309074 :0.13078302145004272 +a:0.17820928990840912 the:0.11055675894021988 follows::0.03142201155424118 to:0.03125716373324394 :0.06514012068510056 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +same:0.014227145351469517 whole:0.009041146375238895 said:0.007278232369571924 following:0.005903312005102634 :0.15819373726844788 +be:0.10943608731031418 not:0.09010772407054901 have:0.042123015969991684 make:0.019140196964144707 :0.06392555683851242 +J.:0.021434353664517403 Pierce:0.020386241376399994 Pierce's:0.017727285623550415 J:0.01565561816096306 :0.37216025590896606 +the:0.21521514654159546 said:0.05549996718764305 a:0.04283979535102844 this:0.023564191535115242 :0.10207167267799377 +and:0.059270504862070084 the:0.041956786066293716 to:0.03991437703371048 of:0.03475650027394295 :0.23246921598911285 +life,:0.07063353806734085 days:0.04518524557352066 in:0.04445159435272217 spring,:0.018213951960206032 :0.14784160256385803 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.25097474455833435 of:0.20475678145885468 and:0.041789159178733826 hand:0.02708519995212555 :0.0433671809732914 +of:0.09770602732896805 and:0.09246566891670227 to:0.01728028990328312 or:0.009521987289190292 :0.3382290005683899 +the:0.12663061916828156 in:0.07321251183748245 a:0.06852805614471436 with:0.036404091864824295 :0.03422887250781059 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.21826493740081787 he:0.05954065918922424 it:0.055561769753694534 a:0.03230239078402519 :0.1453917920589447 +the:0.227186918258667 a:0.09053932875394821 by:0.01811070926487446 his:0.017813069745898247 :0.1108786091208458 +John:0.06238885968923569 William:0.05196896940469742 Henry:0.03633251041173935 James:0.03234255313873291 :0.23239821195602417 +way:0.10545822978019714 case:0.05941707268357277 other:0.03170597180724144 matter:0.016153668984770775 :0.09372665733098984 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.019054677337408066 the:0.015057542361319065 of:0.006731182802468538 a:0.005599991884082556 :0.3368079960346222 +made:0.03208206221461296 a:0.03148835897445679 the:0.028045859187841415 not:0.02675945870578289 :0.10678844898939133 +and:0.03772434592247009 of:0.036665864288806915 the:0.034219883382320404 to:0.021868359297513962 :0.13815875351428986 +same:0.010847280733287334 result:0.010675651952624321 most:0.009411102160811424 case:0.006331802345812321 :0.1978769749403 +18,:0.03240417689085007 and:0.031088152900338173 the:0.02750801108777523 of:0.019000880420207977 :0.3148176968097687 +The:0.09658566117286682 It:0.02987886592745781 He:0.025076018646359444 This:0.02066858485341072 :0.15808196365833282 +the:0.0748896598815918 a:0.030138498172163963 and:0.02953753061592579 his:0.013938742689788342 :0.22781342267990112 +same:0.008337988518178463 first:0.00832310039550066 said:0.008253474719822407 amount:0.007510211318731308 :0.2177213877439499 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +and:0.05586959794163704 to:0.052515532821416855 the:0.03248343989253044 The:0.02820025011897087 :0.13531336188316345 +will:0.09862972795963287 were:0.05375330150127411 had:0.047992028295993805 are:0.03898123651742935 :0.12230011820793152 +the:0.012179763987660408 and:0.004345386754721403 I:0.002986399456858635 a:0.002775998320430517 :0.35487890243530273 +hundred:0.08048646152019501 years:0.04537400230765343 or:0.037785012274980545 years,:0.020376235246658325 :0.17640478909015656 +and:0.18549682199954987 for:0.04249414801597595 in:0.03440094739198685 to:0.03429507464170456 :0.10991460084915161 +the:0.05755607783794403 be:0.04078450798988342 do:0.02331594191491604 make:0.022883407771587372 :0.0752856433391571 +of:0.40362223982810974 is:0.09965477883815765 was:0.059862732887268066 will:0.024049654603004456 :0.032560817897319794 +,000:0.17131316661834717 pounds:0.03557480499148369 feet:0.0287928506731987 miles:0.02675544284284115 :0.12630340456962585 +the:0.10979095846414566 them:0.05527966096997261 to:0.05016641318798065 a:0.04058853164315224 :0.06834079325199127 +and:0.023847509175539017 men:0.0076751806773245335 people:0.006819566246122122 in:0.005089836195111275 :0.38452544808387756 +the:0.4017910063266754 a:0.09111528098583221 any:0.02088623121380806 his:0.01680963672697544 :0.0615256130695343 +or:0.22433488070964813 who:0.0905764028429985 to:0.04262394830584526 shall:0.03837532922625542 :0.04939567670226097 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +of:0.13757683336734772 and:0.05724482238292694 in:0.04706752672791481 are:0.046651922166347504 :0.039653245359659195 +and:0.10223493725061417 to:0.08398224413394928 the:0.045388612896203995 of:0.04388197138905525 :0.10215579718351364 +the:0.05121668428182602 tedious:0.020615722984075546 a:0.01821085251867771 he:0.0073625813238322735 :0.15298281610012054 +the:0.12257082015275955 a:0.02018016204237938 to:0.013963519595563412 that:0.008714383468031883 :0.2004944086074829 +be:0.5972030758857727 not:0.032325807958841324 bo:0.02160782180726528 have:0.018609270453453064 :0.034596871584653854 +days:0.06162244454026222 years:0.041750840842723846 feet:0.03583246096968651 minutes:0.035218171775341034 :0.2574940025806427 +persons:0.011418955400586128 things:0.00959915854036808 parts:0.009269783273339272 places:0.008215921930968761 :0.1909332424402237 +the:0.09126339852809906 a:0.049842286854982376 of:0.046557165682315826 and:0.04254131391644478 :0.07518836855888367 +and:0.2029508352279663 in:0.0928688496351242 of:0.07399240881204605 to:0.06040550395846367 :0.06631337106227875 +and:0.12918727099895477 to:0.044376615434885025 in:0.04429752752184868 with:0.028554901480674744 :0.07107334583997726 +the:0.2717675566673279 a:0.03707152605056763 be:0.020786425098776817 his:0.018833287060260773 :0.07981652021408081 +time:0.02822146937251091 same:0.02772185206413269 end:0.018054168671369553 first:0.01035223063081503 :0.17624947428703308 +not:0.0458412729203701 the:0.043359436094760895 a:0.04325002804398537 now:0.02756970375776291 :0.12349959462881088 +the:0.06730947643518448 of:0.04655672609806061 and:0.04441637545824051 to:0.031407833099365234 :0.09969016164541245 +of:0.8837242722511292 ot:0.017566906288266182 and:0.00932199228554964 in:0.007912728004157543 :0.006494008470326662 +the:0.10312654078006744 it:0.03656979650259018 death.:0.036506325006484985 to:0.0242814589291811 :0.062446948140859604 +that:0.05475636571645737 how:0.04380281642079353 what:0.036830853670835495 I:0.03543616831302643 :0.0473315455019474 +and:0.16079574823379517 to:0.053488899022340775 the:0.04953841120004654 in:0.04338731989264488 :0.05782158672809601 +the:0.037054404616355896 a:0.03294510021805763 was:0.020066794008016586 had:0.01855694316327572 :0.18234741687774658 +streets:0.008666482754051685 air:0.0060780164785683155 window:0.006005006842315197 city:0.00590153131633997 :0.21262012422084808 +of:0.016882840543985367 to:0.014498312026262283 the:0.014407789334654808 and:0.013388365507125854 :0.25849050283432007 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.3837042450904846 this:0.046807728707790375 a:0.02997763641178608 his:0.018342817202210426 :0.09810858219861984 +the:0.025582125410437584 was:0.024959063157439232 and:0.023967823013663292 is:0.020516403019428253 :0.2456570565700531 +the:0.33518287539482117 a:0.06280453503131866 which:0.04521036893129349 his:0.023788683116436005 :0.07296425849199295 +and:0.24759896099567413 the:0.031812045723199844 in:0.026599980890750885 to:0.024312889203429222 :0.0623161606490612 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.03822403401136398 of:0.03613988310098648 the:0.024890726432204247 to:0.015818364918231964 :0.21291406452655792 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +are:0.09708436578512192 were:0.07343904674053192 will:0.06335995346307755 have:0.05376990884542465 :0.11596156656742096 +the:0.16033896803855896 a:0.033439941704273224 see:0.030906235799193382 take:0.009138825349509716 :0.1490050107240677 +the:0.12153694033622742 for:0.08960617333650589 him:0.06710497289896011 to:0.06336045265197754 :0.05840354040265083 +same:0.016474710777401924 right:0.013109860010445118 result:0.008155460469424725 sum:0.006430119276046753 :0.2308831661939621 +city:0.013684514909982681 same:0.012299713678658009 first:0.012064541690051556 case:0.0097059216350317 :0.1689721941947937 +is:0.30600860714912415 was:0.16582563519477844 will:0.04693111777305603 has:0.038714684545993805 :0.04099159315228462 +in:0.03001530095934868 of:0.019840501248836517 and:0.01837661676108837 to:0.015635697171092033 :0.27684637904167175 +certain:0.018658852204680443 few:0.014233392663300037 large:0.0140882208943367 great:0.01107683964073658 :0.2528410851955414 +only:0.03854608163237572 first:0.03794431313872337 most:0.02696702629327774 case:0.012655690312385559 :0.15530629456043243 +the:0.22408951818943024 and:0.04425077885389328 a:0.029183680191636086 in:0.02069951966404915 :0.10122480243444443 +made:0.04257168620824814 a:0.022922389209270477 to:0.019949104636907578 paid:0.017030825838446617 :0.13193349540233612 +of:0.20683765411376953 time:0.021448547020554543 good:0.016251090914011 one:0.015774179250001907 :0.12845677137374878 +the:0.08573736250400543 your:0.034289706498384476 a:0.031365275382995605 I:0.026130354031920433 :0.10215924680233002 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +man:0.037396855652332306 copy:0.02975606732070446 large:0.026806721463799477 few:0.016968470066785812 :0.12657608091831207 +eral:0.6160885691642761 of:0.009609607979655266 and:0.008483361452817917 the:0.0074281590059399605 :0.07582104951143265 +the:0.1917368769645691 a:0.057681743055582047 this:0.049562543630599976 that:0.04104461893439293 :0.029527241364121437 +the:0.2991921305656433 a:0.04762678220868111 this:0.029097184538841248 said:0.01271157804876566 :0.099141925573349 +the:0.12361720949411392 to:0.06230451911687851 in:0.024734843522310257 for:0.023657668381929398 :0.12371651083230972 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +was:0.10065647214651108 had:0.05972573906183243 is:0.03908558934926987 would:0.032126400619745255 :0.1147824376821518 +of:0.7680648565292358 ot:0.013991962186992168 and:0.012982125394046307 ol:0.008259778842329979 :0.022950952872633934 +was:0.1343749314546585 of:0.08532510697841644 is:0.07711933553218842 had:0.03364266827702522 :0.04225202277302742 +and:0.127589151263237 but:0.04739188775420189 the:0.041999004781246185 with:0.03649323433637619 :0.061367642134428024 +to:0.07786709070205688 in:0.06766126304864883 was:0.04790113493800163 that:0.047900840640068054 :0.06387759745121002 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +degrees:0.33959564566612244 degrees,:0.06049615517258644 deg.:0.05929253622889519 feet:0.05273066833615303 :0.08792443573474884 +of:0.0834701806306839 and:0.05407596006989479 in:0.025136711075901985 was:0.024204224348068237 :0.05280904099345207 +be:0.3252580761909485 not:0.049017224460840225 have:0.02850579284131527 bo:0.019383437931537628 :0.03296663239598274 +and:0.042053572833538055 the:0.02451835386455059 to:0.020245084539055824 in:0.016483156010508537 :0.16837969422340393 +few:0.042630698531866074 very:0.015618205070495605 short:0.015611534006893635 large:0.011541273444890976 :0.17077979445457458 +the:0.13825878500938416 he:0.056539833545684814 a:0.03186545521020889 it:0.029542533680796623 :0.07628853619098663 +old:0.01734587736427784 order:0.01093175821006298 1:0.008764054626226425 act:0.00855819508433342 :0.29079732298851013 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +Y:0.033893220126628876 Y.:0.03235441818833351 Y.,:0.014319827780127525 J:0.011842470616102219 :0.5100465416908264 +to:0.03207772225141525 the:0.031437311321496964 and:0.02601541019976139 I:0.020696697756648064 :0.20808419585227966 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +the:0.45182347297668457 said:0.05529008433222771 this:0.031174371019005775 a:0.029631568118929863 :0.0719088464975357 +if:0.07890881597995758 the:0.07777272164821625 though:0.06326310336589813 to:0.049629148095846176 :0.09576775878667831 +a:0.060707610100507736 all:0.04628029838204384 as:0.025646576657891273 the:0.023320624604821205 :0.19259648025035858 +time:0.30502474308013916 time,:0.04967069998383522 rate:0.04494762048125267 time.:0.0387239083647728 :0.05568510293960571 +the:0.441604882478714 them:0.1261993944644928 these:0.06719928979873657 our:0.026159215718507767 :0.02357490547001362 +was:0.040192779153585434 and:0.03900322690606117 of:0.031873732805252075 is:0.026363397017121315 :0.1517830193042755 +of:0.07148664444684982 and:0.05436965823173523 the:0.024911288172006607 in:0.023039953783154488 :0.15754517912864685 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +any:0.16915741562843323 a:0.09916635602712631 the:0.05065873637795448 an:0.012021882459521294 :0.16690652072429657 +the:0.08506081998348236 a:0.024931728839874268 in:0.01011593360453844 at:0.00862826220691204 :0.22025145590305328 +of:0.13020120561122894 the:0.05205235630273819 to:0.03793724626302719 from:0.03620603308081627 :0.06750509142875671 +a:0.086023710668087 the:0.047289203852415085 not:0.03381206840276718 in:0.013322984799742699 :0.18870052695274353 +is:0.14612701535224915 was:0.07524966448545456 to:0.0647198036313057 would:0.03794510290026665 :0.07256137579679489 +room:0.5124136805534363 room,:0.14790210127830505 room.:0.09511999785900116 and:0.013617178425192833 :0.04329358786344528 +and:0.06424584239721298 the:0.04796532541513443 to:0.02493462711572647 The:0.02248598262667656 :0.13745442032814026 +of:0.05941419303417206 and:0.03494475409388542 The:0.02321144938468933 in:0.018492817878723145 :0.14027298986911774 +to:0.6536979079246521 a:0.05434766784310341 the:0.03751283511519432 that:0.019527597352862358 :0.03669217973947525 +other:0.005695998203009367 man:0.0051283277571201324 men:0.0040177456103265285 one:0.003133677411824465 :0.3613639175891876 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +to:0.10092342644929886 that:0.06627688556909561 the:0.06311814486980438 not:0.05219908058643341 :0.09192866086959839 +the:0.14486657083034515 of:0.10284792631864548 that:0.027525464072823524 over:0.017116429284214973 :0.1335703432559967 +and:0.14988602697849274 in:0.03427807241678238 or:0.02981516160070896 on:0.028218360617756844 :0.0588298998773098 +to:0.047525130212306976 of:0.028575876727700233 the:0.02720608003437519 in:0.02132188156247139 :0.12838687002658844 +and:0.04411466792225838 the:0.025466997176408768 in:0.020640596747398376 to:0.01748882606625557 :0.25092992186546326 +and:0.1471872329711914 the:0.06629161536693573 a:0.05344327539205551 but:0.0365510992705822 :0.045276008546352386 +be:0.12642842531204224 do:0.02728872559964657 the:0.0254928357899189 pay:0.0241616852581501 :0.08051996678113937 +of:0.055610816925764084 to:0.03891877830028534 and:0.028475472703576088 in:0.023572761565446854 :0.15131625533103943 +the:0.16030852496623993 any:0.06275337189435959 a:0.047877661883831024 other:0.018768226727843285 :0.14310409128665924 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.19150453805923462 a:0.07304947078227997 their:0.03510814532637596 it:0.03208056464791298 :0.04030744358897209 +.:0.019995704293251038 d:0.018003392964601517 e:0.01771313138306141 s:0.01531571988016367 :0.3057878017425537 +and:0.06101113185286522 to:0.04887515306472778 as:0.046711139380931854 in:0.037186890840530396 :0.04041139408946037 +the:0.06877677142620087 a:0.01730932854115963 to:0.008401518687605858 in:0.007905734702944756 :0.1305297166109085 +of:0.11563356220722198 or:0.06673209369182587 years:0.030941160395741463 ago:0.016936782747507095 :0.14487095177173615 +the:0.3049952983856201 a:0.03713906183838844 this:0.033044859766960144 any:0.018827389925718307 :0.09447570890188217 +the:0.11422459781169891 of:0.07654173672199249 in:0.07456298172473907 by:0.07093790918588638 :0.0633363127708435 +have:0.16425393521785736 are:0.07679618149995804 do:0.04776680842041969 were:0.01943841762840748 :0.04828309267759323 +the:0.3455950915813446 a:0.042791180312633514 this:0.04118255525827408 said:0.02360725961625576 :0.09640686213970184 +and:0.06621450185775757 who:0.0554359070956707 was:0.02610132284462452 of:0.02569446712732315 :0.11214760690927505 +in:0.15932801365852356 of:0.07395128160715103 and:0.03595472127199173 was:0.03509549796581268 :0.037738699465990067 +was:0.06534450501203537 had:0.04464711248874664 shall:0.04323388636112213 have:0.04299042746424675 :0.1962132602930069 +of:0.06527775526046753 to:0.05436812713742256 the:0.03253351151943207 a:0.024149730801582336 :0.12157110869884491 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +of:0.13553446531295776 the:0.09286253899335861 and:0.045247189700603485 or:0.02491939254105091 :0.0888216570019722 +and:0.22021278738975525 in:0.04966103658080101 of:0.04936160519719124 who:0.026023846119642258 :0.0686512440443039 +of:0.10696921497583389 to:0.08637399971485138 and:0.039088811725378036 shall:0.026097146794199944 :0.03858650475740433 +and:0.02402922883629799 of:0.01551590021699667 the:0.014076565392315388 in:0.013714728876948357 :0.3938491940498352 +@:0.036998968571424484 minutes:0.024009494110941887 range:0.023551756516098976 feet:0.02333039604127407 :0.43004512786865234 +and:0.1842917501926422 to:0.02770296484231949 the:0.02570670284330845 which:0.019895561039447784 :0.09591211378574371 +The:0.12701672315597534 It:0.06308054178953171 He:0.03544927015900612 There:0.031336456537246704 :0.05330286920070648 +said:0.2523433566093445 the:0.24307772517204285 a:0.043993767350912094 and:0.03368120640516281 :0.07917165011167526 +the:0.25018757581710815 this:0.04084181785583496 a:0.04026678577065468 which:0.030630141496658325 :0.09770290553569794 +that:0.13600298762321472 the:0.06944581121206284 to:0.031613703817129135 like:0.02599472738802433 :0.08805354684591293 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +of:0.07063520699739456 and:0.044078897684812546 Mrs.:0.01686352677643299 boy.:0.014602446928620338 :0.24226321280002594 +and:0.03553866595029831 the:0.019261591136455536 W.:0.005710001569241285 I:0.0055391197092831135 :0.27174460887908936 +and:0.16431841254234314 as:0.10834616422653198 of:0.03747951239347458 in:0.026943910866975784 :0.04890875145792961 +and:0.06893127411603928 or:0.01665826141834259 of:0.01656772568821907 life:0.011237507686018944 :0.15909597277641296 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +in:0.09621939808130264 to:0.08977867662906647 by:0.08071193844079971 of:0.07217142730951309 :0.06967737525701523 +six:0.04490775242447853 the:0.040263090282678604 ten:0.04017198085784912 interest:0.025137804448604584 :0.19166839122772217 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +a:0.07216101139783859 the:0.07019789516925812 not:0.0333835743367672 made:0.025689391419291496 :0.14031656086444855 +of:0.11277931183576584 and:0.07870665937662125 the:0.026555174961686134 to:0.024492064490914345 :0.19399456679821014 +own:0.03637128323316574 home:0.013981475494801998 wife:0.008942624554038048 friends:0.00709254527464509 :0.1596558839082718 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +of:0.05473342910408974 and:0.03660817816853523 to:0.02786068245768547 in:0.014832833781838417 :0.204084575176239 +The:0.11620362848043442 It:0.06322065740823746 He:0.03638108819723129 We:0.034701406955718994 :0.06753145158290863 +to:0.7373772263526917 that:0.09642600268125534 the:0.008053980767726898 for:0.005223890300840139 :0.019895266741514206 +nent:0.3879416286945343 nently:0.3734619617462158 ing:0.017636843025684357 and:0.013401027768850327 :0.049040213227272034 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +The:0.1528850793838501 It:0.06081562861800194 He:0.03847230598330498 This:0.03195692598819733 :0.09159435331821442 +the:0.341157466173172 this:0.05473616346716881 a:0.04477729648351669 their:0.021224776282906532 :0.05410633608698845 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +most:0.016906555742025375 best:0.01085072010755539 same:0.009447251446545124 law:0.009196511469781399 :0.1763588786125183 +the:0.21186253428459167 it:0.045718591660261154 he:0.044244419783353806 they:0.03236871212720871 :0.0421644002199173 +own:0.02675960212945938 head:0.01394874881953001 heart:0.011753946542739868 hand:0.011404854245483875 :0.13531026244163513 +are:0.14172124862670898 were:0.10751733183860779 have:0.05950642377138138 will:0.05919096991419792 :0.07677736133337021 +men:0.01951906643807888 of:0.016507061198353767 and:0.008996731601655483 in:0.00774118397384882 :0.28048259019851685 +and:0.08473595231771469 the:0.029553253203630447 The:0.026487257331609726 of:0.021366650238633156 :0.20520265400409698 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.37916603684425354 and:0.13486216962337494 are:0.017674779519438744 to:0.016496669501066208 :0.046056922525167465 +said:0.03517504781484604 same:0.008453787304461002 most:0.00699980603531003 law:0.006520900875329971 :0.20000194013118744 +the:0.20407480001449585 a:0.11914674192667007 his:0.05879843235015869 her:0.02780088596045971 :0.029529301449656487 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +to:0.7379259467124939 and:0.03220248967409134 of:0.017353851348161697 with:0.012634385377168655 :0.04386274144053459 +be:0.19308480620384216 have:0.10745039582252502 not:0.060531411319971085 make:0.015330961905419827 :0.06674665957689285 +been:0.1975627839565277 a:0.028755774721503258 to:0.02483760565519333 not:0.020934028550982475 :0.08395913988351822 +The:0.18844646215438843 It:0.0988793820142746 He:0.029081672430038452 There:0.027797522023320198 :0.10568025708198547 +and:0.07145880907773972 the:0.03487640991806984 of:0.027084462344646454 in:0.02198714017868042 :0.1467829942703247 +the:0.4478724002838135 this:0.05497472360730171 a:0.029229942709207535 tho:0.021221110597252846 :0.09029784053564072 +of:0.3818213641643524 and:0.09978946298360825 by:0.03394623100757599 for:0.022850291803479195 :0.03315803036093712 +of:0.23522697389125824 and:0.09279434382915497 that:0.026329608634114265 was:0.021509254351258278 :0.06856732070446014 +the:0.11125506460666656 to:0.029125312343239784 in:0.02673945762217045 a:0.01969926990568638 :0.08557521551847458 +and:0.05322878807783127 the:0.04412177950143814 a:0.017836634069681168 in:0.016787484288215637 :0.1517043560743332 +see:0.1058138757944107 be:0.07332092523574829 have:0.03397323563694954 the:0.03378749638795853 :0.1172972321510315 +was:0.08521241694688797 had:0.051218632608652115 is:0.03382263332605362 would:0.029783794656395912 :0.13423267006874084 +the:0.2693234086036682 a:0.07524264603853226 virtue:0.014822304248809814 this:0.014578409492969513 :0.08755761384963989 +the:0.04564480856060982 be:0.04356732219457626 say:0.03062419593334198 do:0.029896950349211693 :0.08761826157569885 +in:0.07573448121547699 and:0.07382412999868393 to:0.04558601230382919 of:0.04341355338692665 :0.08069362491369247 +.:0.8689722418785095 .,:0.0035479243379086256 ..:0.0020530521869659424 e:0.0012284689582884312 :0.07107145339250565 +the:0.08391458541154861 to:0.058227140456438065 a:0.05270356684923172 not:0.05225438252091408 :0.09868751466274261 +time:0.024520499631762505 first:0.016205545514822006 same:0.014347131364047527 last:0.009353097528219223 :0.20580290257930756 +the:0.17208409309387207 a:0.014947288669645786 said:0.013699480332434177 this:0.013374426402151585 :0.21153482794761658 +of:0.533623993396759 is:0.03785484656691551 was:0.03212295100092888 about:0.027321474626660347 :0.02737043984234333 +only:0.03854608163237572 first:0.03794431313872337 most:0.02696702629327774 case:0.012655690312385559 :0.15530629456043243 +the:0.20161618292331696 tho:0.023419545963406563 a:0.020762085914611816 this:0.01539697777479887 :0.24429364502429962 +and:0.04672275856137276 the:0.04604937136173248 to:0.022627245634794235 a:0.01797858439385891 :0.20672664046287537 +the:0.27954402565956116 to:0.06936409324407578 a:0.058185890316963196 and:0.04988129064440727 :0.05718078091740608 +to:0.21361656486988068 and:0.08523664623498917 for:0.030198195949196815 at:0.020837968215346336 :0.094009168446064 +of:0.13858258724212646 is:0.08550820499658585 was:0.04448729008436203 in:0.03607037663459778 :0.045676399022340775 +to:0.04303223267197609 and:0.04260428622364998 the:0.03483596816658974 of:0.020358240231871605 :0.17581038177013397 +the:0.21663542091846466 a:0.07248983532190323 tho:0.01928255520761013 favor:0.017056657001376152 :0.12386384606361389 +be:0.32331863045692444 have:0.17117218673229218 the:0.04196896776556969 bo:0.015597059391438961 :0.05931629613041878 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.07586454600095749 school:0.048806194216012955 in:0.025249464437365532 as:0.018134834244847298 :0.1485012024641037 +of:0.11564522981643677 and:0.04229181259870529 to:0.026622841134667397 The:0.022311797365546227 :0.1765049248933792 +the:0.15032699704170227 be:0.026436692103743553 any:0.022698847576975822 do:0.021647047251462936 :0.1640884429216385 +no:0.07847768068313599 a:0.0403904914855957 many:0.03362477570772171 not:0.031154364347457886 :0.12804484367370605 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.3625195622444153 he:0.023745836690068245 a:0.02332913689315319 it:0.018179576843976974 :0.05665873736143112 +of:0.09887899458408356 and:0.06298711895942688 to:0.02456681616604328 is:0.021372007206082344 :0.12538982927799225 +of:0.6709040999412537 to:0.03679070994257927 at:0.02490168809890747 and:0.01917116902768612 :0.03972379490733147 +and:0.20854154229164124 the:0.05899066850543022 but:0.04160718247294426 which:0.022182486951351166 :0.05177462846040726 +to:0.13359412550926208 and:0.0495569184422493 of:0.0313776358962059 in:0.02934311144053936 :0.1159750297665596 +plies:0.2508314251899719 posed:0.08109201490879059 plied:0.07859606295824051 ported:0.07772355526685715 :0.10810783505439758 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +and:0.047742657363414764 the:0.015214421786367893 man:0.014127050526440144 fashioned:0.009153873659670353 :0.2088051587343216 +be:0.2402483969926834 not:0.042714618146419525 bo:0.017031360417604446 make:0.014458182267844677 :0.05493542551994324 +the:0.6146125793457031 this:0.03821399435400963 tho:0.030523056164383888 a:0.01824161782860756 :0.03626680374145508 +and:0.18879836797714233 but:0.040656764060258865 that:0.040092989802360535 thence:0.03263859450817108 :0.06899821758270264 +the:0.10733495652675629 that:0.04194210469722748 they:0.0345134437084198 it:0.03142695501446724 :0.04181688651442528 +and:0.17704883217811584 the:0.035110458731651306 in:0.029932569712400436 at:0.028086939826607704 :0.07160728424787521 +the:0.21193116903305054 a:0.11855766177177429 an:0.015020044520497322 such:0.01500032003968954 :0.11927952617406845 +and:0.0648612231016159 was:0.05359215289354324 in:0.04974951595067978 to:0.0411752350628376 :0.04894086718559265 +was:0.11848191916942596 had:0.06176888570189476 got:0.05076729133725166 have:0.03774422034621239 :0.06328371167182922 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +to:0.6822537779808044 a:0.04527498036623001 the:0.015492084436118603 they:0.013049826957285404 :0.014513070695102215 +amount:0.011984148994088173 same:0.009682886302471161 people:0.00852187443524599 said:0.008288208395242691 :0.20858395099639893 +a:0.05938868969678879 and:0.04599141702055931 for:0.04481295123696327 no:0.036964163184165955 :0.04289930313825607 +The:0.06537769734859467 I:0.042029429227113724 It:0.03135332092642784 In:0.026552094146609306 :0.2014586329460144 +and:0.10156340897083282 in:0.04422958195209503 to:0.042119428515434265 the:0.02453194372355938 :0.04194770008325577 +of:0.22431938350200653 to:0.09521175920963287 and:0.07076798379421234 from:0.05536592751741409 :0.04173726588487625 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.05978552997112274 Mo.:0.05114592984318733 Mo.,:0.030348757281899452 the:0.02692526765167713 :0.13729286193847656 +of:0.3097531795501709 and:0.0693446472287178 to:0.021392278373241425 in:0.021261004731059074 :0.04310840368270874 +to:0.23478032648563385 from:0.06045769527554512 in:0.04971913620829582 that:0.03643737733364105 :0.035166773945093155 +the:0.25143158435821533 a:0.0700053796172142 for:0.06919898837804794 said:0.03564268723130226 :0.06468712538480759 +The:0.13586901128292084 He:0.05429494380950928 It:0.04988434538245201 In:0.047165919095277786 :0.09375971555709839 +the:0.304625928401947 a:0.10772128403186798 his:0.038320425897836685 tho:0.015403351746499538 :0.06947986781597137 +the:0.08185596764087677 with:0.07950229942798615 so:0.037230897694826126 so,:0.031726717948913574 :0.047565437853336334 +and:0.1366291046142578 for:0.0567377507686615 on:0.049230486154556274 that:0.04154047742486 :0.05096040293574333 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +not:0.056817442178726196 the:0.054329607635736465 a:0.04245137423276901 to:0.03165263682603836 :0.10186073184013367 +of:0.11835335195064545 and:0.046161673963069916 to:0.016980664804577827 in:0.011536768637597561 :0.23652540147304535 +of:0.12410786002874374 and:0.10611920058727264 from:0.027091819792985916 the:0.02165341190993786 :0.058875687420368195 +the:0.39747315645217896 a:0.04408152401447296 his:0.026776786893606186 this:0.020084839314222336 :0.0882977843284607 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +was:0.07792273163795471 had:0.0694781020283699 would:0.04687758535146713 has:0.042020272463560104 :0.06432909518480301 +the:0.29807162284851074 a:0.04559721797704697 this:0.023741336539387703 which:0.021231617778539658 :0.08120797574520111 +by:0.24547487497329712 to:0.12320522218942642 in:0.06711325794458389 and:0.03472541272640228 :0.03365775942802429 +mortgage:0.09361080825328827 county:0.07119359076023102 mortgage,:0.05641865357756615 county,:0.04759066551923752 :0.11561400443315506 +country:0.052185241132974625 city:0.046934403479099274 way:0.031117264181375504 city,:0.022620681673288345 :0.1143367663025856 +the:0.08557445555925369 be:0.07577550411224365 do:0.02641117200255394 a:0.018370863050222397 :0.12962953746318817 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.057195067405700684 of:0.04138815402984619 a:0.030797481536865234 and:0.022211795672774315 :0.13481327891349792 +the:0.07509538531303406 and:0.04292681813240051 a:0.02802494913339615 with:0.019450070336461067 :0.16605500876903534 +the:0.22434452176094055 a:0.1667095571756363 not:0.047559916973114014 an:0.028979986906051636 :0.06252895295619965 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +of:0.48796406388282776 the:0.039073485881090164 in:0.02146974392235279 a:0.01973494328558445 :0.04797348380088806 +not:0.09861676394939423 be:0.0869012400507927 have:0.08404164761304855 make:0.017855204641819 :0.08173613995313644 +part:0.07475900650024414 boundary:0.023459913209080696 side:0.018188530579209328 states:0.017529990524053574 :0.13299231231212616 +the:0.22168396413326263 a:0.03237489238381386 his:0.014915958978235722 be:0.010831191204488277 :0.16891804337501526 +as:0.36697760224342346 to:0.15613918006420135 that:0.061289653182029724 in:0.0413639061152935 :0.034103069454431534 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.5242227911949158 for:0.029640529304742813 the:0.02621600590646267 with:0.020392827689647675 :0.034707363694906235 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +every:0.07718244940042496 a:0.042903412133455276 all:0.03284893557429314 the:0.027038143947720528 :0.2175275683403015 +the:0.1872488260269165 a:0.027674147859215736 this:0.013220708817243576 tho:0.011711240746080875 :0.17817963659763336 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +was:0.03776733577251434 is:0.031038828194141388 of:0.013330532237887383 and:0.01253090426325798 :0.3284989595413208 +with:0.33144068717956543 the:0.07473192363977432 by:0.05603216588497162 and:0.038364626467227936 :0.036528825759887695 +the:0.2147778570652008 a:0.025019485503435135 tho:0.016448594629764557 this:0.012545854784548283 :0.19180041551589966 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +the:0.21511945128440857 a:0.058763954788446426 his:0.0309569351375103 this:0.025701574981212616 :0.07634459435939789 +and:0.3126440644264221 but:0.1133551299571991 the:0.028123024851083755 as:0.02424604818224907 :0.027071794494986534 +people:0.01734987646341324 said:0.011204104870557785 same:0.007446028757840395 man:0.0072185383178293705 :0.1498868614435196 +the:0.2708975672721863 a:0.1357998102903366 their:0.02721446380019188 his:0.0169381070882082 :0.07481297105550766 +of:0.033018674701452255 to:0.028920069336891174 and:0.024206610396504402 day:0.01106376014649868 :0.13592596352100372 +of:0.6897907853126526 and:0.060583215206861496 are:0.01618870161473751 to:0.011067043989896774 :0.011771210469305515 +the:0.22988848388195038 a:0.02775108814239502 his:0.015578815713524818 their:0.014530645683407784 :0.14737273752689362 +m:0.44985830783843994 m.,:0.20839941501617432 m.:0.14759503304958344 in.,:0.031999390572309494 :0.04520689696073532 +the:0.18745830655097961 of:0.04355861246585846 that:0.02853788435459137 who:0.02648702822625637 :0.11058086901903152 +der:0.26738929748535156 til:0.11182566732168198 doubtedly:0.03286794200539589 less:0.011129367165267467 :0.17811544239521027 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +to:0.4386076033115387 and:0.01546745840460062 of:0.009492531418800354 from:0.009098115377128124 :0.1841430962085724 +and:0.0867767259478569 for:0.06269130110740662 in:0.03740881383419037 at:0.029759343713521957 :0.05143967270851135 +the:0.062161508947610855 of:0.046671658754348755 a:0.019838396459817886 to:0.014244915917515755 :0.22628752887248993 +ing:0.25408047437667847 tween:0.22292327880859375 fore:0.1510402262210846 cause:0.03478899598121643 :0.05068451911211014 +and:0.05420844629406929 are:0.02890617959201336 to:0.025839706882834435 the:0.02209361642599106 :0.15890032052993774 +of:0.0300002321600914 to:0.028393706306815147 in:0.019237985834479332 man:0.01555297989398241 :0.09239104390144348 +the:0.10626557469367981 to:0.01619306020438671 a:0.016160322353243828 that:0.011119084432721138 :0.09733875095844269 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +2:0.0944388136267662 one:0.06127633526921272 3:0.025800487026572227 1:0.022699467837810516 :0.18474070727825165 +the:0.20666567981243134 any:0.04982920363545418 a:0.046565283089876175 this:0.02401084080338478 :0.0874057486653328 +the:0.011958166025578976 ir:0.005960187874734402 and:0.005813919473439455 y:0.005712127313017845 :0.24011684954166412 +the:0.24468936026096344 a:0.0468355230987072 said:0.020506300032138824 reason:0.014226097613573074 :0.19225698709487915 +to:0.2992381751537323 the:0.16743311285972595 a:0.04144866764545441 his:0.03977376967668533 :0.046493034809827805 +party:0.3190670311450958 party,:0.09010101854801178 party.:0.03431803733110428 ticket:0.013137255795300007 :0.09383885562419891 +A.:0.0297350212931633 E.:0.013785907998681068 C.:0.013715924695134163 S.:0.012852568179368973 :0.4239780008792877 +deg.:0.054209765046834946 and:0.03063611313700676 chains:0.028663471341133118 feet:0.025825344026088715 :0.29075688123703003 +that:0.0439322292804718 the:0.036201898008584976 to:0.02335033006966114 he:0.022338571026921272 :0.1439300775527954 +adjournment:0.033861398696899414 passage:0.023730115965008736 settlement:0.0146030830219388 account:0.013598407618701458 :0.16754832863807678 +and:0.05614331364631653 of:0.0483296774327755 to:0.0440305732190609 the:0.042866118252277374 :0.06778599321842194 +the:0.06414402276277542 to:0.04856615886092186 and:0.02687195874750614 my:0.025880293920636177 :0.09975971281528473 +and:0.04756831377744675 of:0.021699588745832443 to:0.013448023237287998 are:0.011371013708412647 :0.18586935102939606 +as:0.09096915274858475 known:0.06426403671503067 that:0.04891339689493179 pleased:0.031909674406051636 :0.10334081202745438 +of:0.31248441338539124 and:0.03949263319373131 meeting:0.0246062520891428 the:0.02042791061103344 :0.11086192727088928 +and:0.059130676090717316 the:0.04760119318962097 to:0.02081894874572754 of:0.01951299048960209 :0.15014119446277618 +The:0.14251427352428436 It:0.07929933816194534 He:0.029141724109649658 We:0.02454332821071148 :0.12414556741714478 +the:0.1256350576877594 if:0.04575585201382637 that:0.03973792493343353 it:0.03206704929471016 :0.0592954121530056 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +far:0.046372510492801666 that:0.03785600885748863 much:0.03704831376671791 many:0.03295115381479263 :0.12763738632202148 +the:0.3482356369495392 a:0.028797125443816185 which:0.02683241479098797 his:0.020318614318966866 :0.0575491338968277 +the:0.28792014718055725 this:0.038023367524147034 a:0.03533606976270676 tho:0.01572468876838684 :0.09915076941251755 +been:0.22617368400096893 a:0.048951514065265656 not:0.03328705206513405 the:0.023616930469870567 :0.08831136673688889 +same:0.00958916638046503 only:0.007859524339437485 man:0.00591967161744833 whole:0.0054062968119978905 :0.20415589213371277 +a:0.16547298431396484 the:0.12199252843856812 that:0.032949816435575485 an:0.017860088497400284 :0.11395939439535141 +is:0.1728491336107254 was:0.08294175565242767 be:0.053863320499658585 would:0.04378659278154373 :0.05245853215456009 +and:0.04648786038160324 to:0.03953050449490547 of:0.03548354282975197 for:0.03261088207364082 :0.07093814760446548 +the:0.36134639382362366 a:0.07872277498245239 which:0.03426635265350342 tho:0.021119970828294754 :0.05919397622346878 +a:0.11281757801771164 not:0.07292187213897705 the:0.06704414635896683 said:0.02236642874777317 :0.06751331686973572 +and:0.07571105659008026 to:0.03127174824476242 of:0.030157005414366722 The:0.028867699205875397 :0.13785791397094727 +the:0.05851813778281212 and:0.036927007138729095 to:0.03284233435988426 be:0.029664689674973488 :0.15417173504829407 +the:0.03468722105026245 and:0.02987230382859707 of:0.026624770835042 in:0.016534680500626564 :0.13301938772201538 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +man:0.018789803609251976 few:0.014949106611311436 large:0.012242088094353676 great:0.008388075977563858 :0.2034238874912262 +and:0.21517708897590637 in:0.049622658640146255 the:0.048899661749601364 to:0.04168451204895973 :0.06983188539743423 +the:0.23844869434833527 a:0.06893496960401535 conviction:0.051485054194927216 which:0.03338238224387169 :0.059477195143699646 +the:0.12159991264343262 in:0.022468408569693565 a:0.021041778847575188 at:0.01417998131364584 :0.12103472650051117 +and:0.22229747474193573 which:0.061215177178382874 or:0.04248233139514923 for:0.03660402446985245 :0.0466889850795269 +of:0.07405298203229904 and:0.04239398613572121 The:0.017683232203125954 was:0.015049202367663383 :0.15491953492164612 +to:0.02329753153026104 and:0.022692685946822166 of:0.02029247395694256 the:0.016742631793022156 :0.29071593284606934 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +in:0.14636728167533875 and:0.116463303565979 at:0.0680728480219841 with:0.03698138892650604 :0.042825356125831604 +of:0.24183617532253265 is:0.04333334416151047 that:0.043309442698955536 in:0.035432007163763046 :0.034749314188957214 +the:0.2334217131137848 a:0.04944710060954094 favor:0.018042897805571556 his:0.01434162724763155 :0.09191286563873291 +He:0.09400013834238052 The:0.07739429920911789 I:0.04587724059820175 It:0.0392724983394146 :0.12824158370494843 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +a:0.13658250868320465 the:0.1258375197649002 in:0.04079148545861244 by:0.03059457615017891 :0.05344066396355629 +and:0.025211013853549957 of:0.003026723861694336 part:0.002987632527947426 the:0.002976713003590703 :0.14623546600341797 +of:0.707186222076416 and:0.029078450053930283 was:0.024273952469229698 is:0.015322338789701462 :0.036850303411483765 +of:0.10837094485759735 and:0.043784648180007935 to:0.02255374565720558 on:0.015355106443166733 :0.054260000586509705 +to:0.15542732179164886 and:0.1289590299129486 in:0.07392080873250961 of:0.03748911991715431 :0.028970548883080482 +and:0.15330906212329865 the:0.030134253203868866 on:0.03007175587117672 in:0.019561760127544403 :0.08504556864500046 +and:0.08109541237354279 is:0.055048298090696335 of:0.051720667630434036 was:0.04603790119290352 :0.0848093330860138 +been:0.1839200109243393 not:0.034707922488451004 had:0.019597861915826797 a:0.01767822355031967 :0.08000820130109787 +and:0.08428037166595459 to:0.05342920124530792 of:0.037325967103242874 the:0.02527747116982937 :0.15218621492385864 +to:0.1363469362258911 of:0.11613021790981293 and:0.08696644753217697 in:0.060171112418174744 :0.05052297189831734 +the:0.12647829949855804 a:0.0846492201089859 to:0.040046483278274536 it:0.03179971128702164 :0.08883601427078247 +and:0.08242551237344742 to:0.05248093232512474 was:0.03866901248693466 in:0.034844983369112015 :0.0334228053689003 +be:0.30351388454437256 afford:0.026828274130821228 do:0.020487988367676735 bo:0.020342696458101273 :0.05332443118095398 +and:0.0950613021850586 of:0.0912192165851593 who:0.07926502078771591 in:0.06304582208395004 :0.0584382526576519 +Episcopal:0.08154180645942688 as:0.032497573643922806 and:0.0173141211271286 of:0.013511765748262405 :0.411380797624588 +the:0.07313629984855652 and:0.045064777135849 12,:0.03224194794893265 12.:0.025218792259693146 :0.22513358294963837 +and:0.15814976394176483 the:0.07833155244588852 but:0.034295160323381424 as:0.03180522471666336 :0.05566069856286049 +made:0.02657136134803295 a:0.01617511175572872 in:0.014444554224610329 to:0.00863257423043251 :0.19216130673885345 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.31436529755592346 and:0.05876801535487175 for:0.020221030339598656 in:0.018258772790431976 :0.03710203990340233 +to:0.3048875629901886 into:0.06325866281986237 on:0.04025118798017502 with:0.029350826516747475 :0.06395222991704941 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +are:0.07161547988653183 were:0.06676944345235825 have:0.05357367917895317 will:0.03592992201447487 :0.06398142129182816 +the:0.16599182784557343 a:0.10326702147722244 his:0.013784711249172688 an:0.01209389977157116 :0.24800510704517365 +a:0.07195116579532623 the:0.039955731481313705 to:0.023456836119294167 no:0.0218899454921484 :0.14216944575309753 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.09570647776126862 a:0.06181009113788605 to:0.04171791300177574 three:0.03137122839689255 :0.13503237068653107 +of:0.06595530360937119 and:0.06364794075489044 to:0.03925180062651634 in:0.023298943415284157 :0.18258222937583923 +of:0.05976058170199394 and:0.03812797740101814 the:0.03093886189162731 to:0.025927064940333366 :0.17912879586219788 +be:0.5144855976104736 have:0.030876539647579193 bo:0.026990404352545738 not:0.016815682873129845 :0.07330664247274399 +to:0.17621907591819763 on:0.08355224132537842 of:0.08247435092926025 for:0.05504724755883217 :0.05136081203818321 +the:0.4130956530570984 a:0.03670879453420639 this:0.015946926549077034 which:0.01487635262310505 :0.10081388056278229 +to:0.09021106362342834 ago:0.07988473773002625 ago,:0.04151981323957443 in:0.03984826058149338 :0.04910552501678467 +was:0.07589242607355118 had:0.06941252946853638 are:0.04950590804219246 has:0.04946213215589523 :0.08267950266599655 +of:0.8173607587814331 ot:0.016063060611486435 to:0.01395855750888586 and:0.011060462333261967 :0.01570271886885166 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.06519484519958496 of:0.04981693997979164 the:0.013015203177928925 The:0.012802531942725182 :0.2271551787853241 +and:0.16927507519721985 to:0.13897588849067688 at:0.07822304964065552 of:0.07132826000452042 :0.05453810095787048 +the:0.36978915333747864 this:0.025649294257164 said:0.022731350734829903 tho:0.016700057312846184 :0.09915130585432053 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +first:0.016724519431591034 said:0.011751418001949787 time:0.011722218245267868 war:0.011099166236817837 :0.17003309726715088 +man:0.02252301201224327 new:0.016224754974246025 few:0.01150320190936327 large:0.010335776023566723 :0.2303393930196762 +the:0.04690080136060715 a:0.023993192240595818 any:0.01911311224102974 other:0.015991101041436195 :0.2837858200073242 +a:0.06846656650304794 the:0.04825889691710472 not:0.02478213980793953 in:0.015073750168085098 :0.14466936886310577 +York:0.26439958810806274 York,:0.2221405804157257 York.:0.07393000274896622 Jersey,:0.03589111939072609 :0.12054036557674408 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.18813228607177734 but:0.07323860377073288 thence:0.044075533747673035 the:0.03931662440299988 :0.08811679482460022 +of:0.12517184019088745 and:0.04804104566574097 the:0.043973296880722046 in:0.0367296040058136 :0.08412767946720123 +was:0.10143888741731644 had:0.05557781085371971 has:0.05281089246273041 would:0.05136783421039581 :0.08148644864559174 +of:0.08734434843063354 in:0.05857396125793457 to:0.04185963422060013 and:0.038303911685943604 :0.12850238382816315 +same:0.012292452156543732 most:0.010354164056479931 fact:0.00781151233240962 said:0.006880964618176222 :0.21206966042518616 +and:0.059853315353393555 the:0.019731340929865837 of:0.019566718488931656 that:0.01710149273276329 :0.22409243881702423 +and:0.05719165503978729 the:0.017462650313973427 or:0.008957603946328163 who:0.008406391367316246 :0.2070581614971161 +be:0.16947118937969208 have:0.06959345191717148 to:0.04242483898997307 the:0.029485542327165604 :0.06848058849573135 +is:0.23188121616840363 are:0.13696402311325073 was:0.08767154812812805 will:0.04615449532866478 :0.03847847506403923 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +United:0.011759918183088303 city:0.007979036308825016 State:0.007487677037715912 people:0.005078746937215328 :0.32034584879875183 +the:0.07288286834955215 a:0.050499819219112396 to:0.03053695149719715 and:0.02982366271317005 :0.1337941288948059 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.02224109135568142 or:0.006330358330160379 one,:0.005692103877663612 amount:0.005533379036933184 :0.26981937885284424 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +is:0.07696910947561264 was:0.047689564526081085 country:0.018354251980781555 would:0.013887917622923851 :0.10379128903150558 +and:0.056911155581474304 J:0.0075273760594427586 John:0.007463873364031315 James:0.005720000714063644 :0.41078901290893555 +W:0.0547744520008564 H:0.029018187895417213 M:0.02842630073428154 E:0.023004967719316483 :0.32524681091308594 +a:0.16542766988277435 the:0.14517031610012054 to:0.05232682824134827 that:0.04203552380204201 :0.13535504043102264 +the:0.04347841069102287 will:0.03457077965140343 a:0.0232936330139637 had:0.02277798391878605 :0.046616241335868835 +the:0.04183986410498619 in:0.024931658059358597 to:0.024634722620248795 a:0.01694144308567047 :0.10205502808094025 +of:0.5804724097251892 and:0.053055018186569214 with:0.015412027947604656 is:0.015112750232219696 :0.02247643657028675 +to:0.06378958374261856 and:0.0621936097741127 of:0.06168537214398384 or:0.05754517391324043 :0.10904961079359055 +and:0.06146905571222305 of:0.05184825137257576 is:0.017960868775844574 that:0.017601149156689644 :0.19296103715896606 +the:0.06227565184235573 a:0.013919580727815628 I:0.013334427960216999 was:0.009502659551799297 :0.19892433285713196 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +be:0.4776485860347748 have:0.03764990344643593 bo:0.019104402512311935 do:0.013427680358290672 :0.024918431416153908 +the:0.21672269701957703 in:0.027899974957108498 he:0.025185277685523033 they:0.022792035713791847 :0.09570480138063431 +the:0.22523170709609985 a:0.06452116370201111 his:0.031629450619220734 her:0.012958141043782234 :0.13023938238620758 +and:0.011205190792679787 a:0.009530109353363514 the:0.009469801560044289 that:0.007403512950986624 :0.19519779086112976 +per:0.024919472634792328 the:0.01094680093228817 of:0.009250049479305744 and:0.008795997127890587 :0.4197426438331604 +be:0.29964160919189453 have:0.14126044511795044 not:0.027307329699397087 bo:0.016062848269939423 :0.050258927047252655 +the:0.2996473014354706 he:0.03816961124539375 they:0.027306517586112022 it:0.023581156507134438 :0.07781947404146194 +was:0.14210647344589233 had:0.07916852831840515 would:0.06936583667993546 could:0.06560196727514267 :0.0579216405749321 +the:0.06982184201478958 be:0.05497993528842926 make:0.02049577236175537 have:0.014747860841453075 :0.10443847626447678 +the:0.3998115658760071 a:0.06840570271015167 tho:0.019801000133156776 his:0.019316677004098892 :0.12588833272457123 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.13257652521133423 of:0.056016359478235245 that:0.023315604776144028 tho:0.010386043228209019 :0.18371756374835968 +o'clock:0.1597038358449936 p.:0.02553272247314453 o'clock.:0.019671447575092316 per:0.017909610643982887 :0.3082565665245056 +of:0.43790820240974426 and:0.07279524207115173 to:0.012888886965811253 in:0.01209953986108303 :0.0758400559425354 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +The:0.11828339099884033 I:0.047711331397295 It:0.04634581506252289 They:0.045680925250053406 :0.10858018696308136 +of:0.27674421668052673 who:0.0526159293949604 to:0.04227253422141075 are:0.03817153722047806 :0.036899711936712265 +to:0.1899556964635849 in:0.17709778249263763 and:0.05603380501270294 for:0.041949156671762466 :0.040374185889959335 +of:0.05473342910408974 and:0.03660817816853523 to:0.02786068245768547 in:0.014832833781838417 :0.204084575176239 +the:0.3286641240119934 a:0.05549320951104164 all:0.028411652892827988 this:0.027232207357883453 :0.09889314323663712 +the:0.22602549195289612 a:0.028550757095217705 said:0.015598423779010773 tho:0.014697667211294174 :0.2707112729549408 +the:0.3136957883834839 a:0.0888240784406662 this:0.04672016203403473 that:0.03230352699756622 :0.07489462196826935 +the:0.0975906252861023 his:0.026042655110359192 a:0.022357871755957603 to:0.01108893658965826 :0.12591274082660675 +to:0.12113627046346664 and:0.04905088245868683 in:0.03216875344514847 a:0.030604558065533638 :0.07812747359275818 +time:0.025548705831170082 year:0.022906767204403877 is:0.013175072148442268 morning:0.012007725425064564 :0.10616067796945572 +country:0.01565433293581009 whole:0.011665454134345055 country.:0.007986258715391159 entire:0.007771843578666449 :0.21156960725784302 +and:0.0744248554110527 of:0.06593287736177444 to:0.05242925137281418 the:0.022937707602977753 :0.15284033119678497 +The:0.1430455595254898 In:0.05349059775471687 It:0.03764509782195091 He:0.03729021176695824 :0.11229708045721054 +the:0.042866405099630356 not:0.036825187504291534 now:0.03674030303955078 to:0.023111442103981972 :0.11745712161064148 +sight:0.004618698265403509 and:0.003699242603033781 day:0.0031907870434224606 way:0.0031673694029450417 :0.3159014880657196 +to:0.0848708525300026 morning:0.08287102729082108 that:0.05606080964207649 afternoon:0.039000049233436584 :0.06622149795293808 +terest:0.04250054061412811 terest.:0.03130238875746727 terests:0.030993754044175148 fluence:0.026621511206030846 :0.33982840180397034 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +ft.:0.23972183465957642 feet:0.1995479017496109 feet;:0.09048935770988464 .:0.02689703181385994 :0.22662308812141418 +the:0.31570708751678467 a:0.054417118430137634 this:0.046130627393722534 his:0.01783030293881893 :0.07720980048179626 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +is:0.07477954030036926 was:0.055856142193078995 has:0.034912243485450745 are:0.033155567944049835 :0.07991375029087067 +the:0.1778281182050705 a:0.02557603269815445 tho:0.013416613452136517 said:0.011071461252868176 :0.2747887670993805 +not:0.048758614808321 the:0.03705981373786926 to:0.033806174993515015 a:0.01997668296098709 :0.2332160770893097 +pointed:0.21293015778064728 plied:0.058657657355070114 parently:0.05310780182480812 proved:0.052569080144166946 :0.3114396631717682 +to:0.1988469809293747 by:0.13587406277656555 the:0.08968706429004669 and:0.03961607813835144 :0.06030387058854103 +the:0.2776322364807129 a:0.13652737438678741 an:0.02351805754005909 said:0.02115432731807232 :0.09485646337270737 +the:0.30989572405815125 by:0.053123511373996735 a:0.051822926849126816 his:0.0329359732568264 :0.03795411437749863 +tween:0.3413204848766327 fore:0.17090147733688354 cause:0.08843700587749481 ing:0.049011774361133575 :0.07508325576782227 +the:0.2762139141559601 a:0.057778675109148026 his:0.030547134578227997 her:0.019020183011889458 :0.12955047190189362 +have:0.10843525826931 are:0.09612328559160233 were:0.03035389631986618 do:0.026925954967737198 :0.08455862104892731 +and:0.16242986917495728 the:0.054234668612480164 of:0.0326959453523159 which:0.0271639134734869 :0.073794886469841 +the:0.09507010132074356 a:0.03161816671490669 to:0.025059588253498077 in:0.02335597760975361 :0.07071290910243988 +hundred:0.050314854830503464 per:0.047782085835933685 years:0.04393106326460838 or:0.035652369260787964 :0.16484889388084412 +of:0.21912096440792084 and:0.08952045440673828 in:0.07897493243217468 were:0.03858637064695358 :0.0527384951710701 +is:0.11644306778907776 was:0.06835893541574478 are:0.05342428386211395 they:0.04501485452055931 :0.042596686631441116 +of:0.21157383918762207 for:0.06658434122800827 are:0.06113582104444504 was:0.05988237261772156 :0.0554167740046978 +in:0.43566837906837463 on:0.11305834352970123 In:0.09267432987689972 at:0.06129002198576927 :0.039058804512023926 +be:0.09241873025894165 the:0.045145533978939056 make:0.03584617003798485 have:0.02744057960808277 :0.07555927336215973 +and:0.09176985174417496 in:0.06967530399560928 to:0.06825879216194153 for:0.03375869616866112 :0.0877252146601677 +can:0.0930122435092926 who:0.07414615899324417 in:0.043879877775907516 could:0.04001615196466446 :0.050586119294166565 +are:0.07672853022813797 have:0.055875327438116074 had:0.04855307936668396 were:0.04322364181280136 :0.07379935681819916 +of:0.05473342910408974 and:0.03660817816853523 to:0.02786068245768547 in:0.014832833781838417 :0.204084575176239 +a:0.038316018879413605 every:0.03385976701974869 entirely:0.0317387655377388 forgotten:0.02552665024995804 :0.12944301962852478 +the:0.37226319313049316 a:0.05226508900523186 this:0.036006394773721695 that:0.021531714126467705 :0.08039362728595734 +of:0.10905186086893082 and:0.06277891993522644 in:0.01666279323399067 to:0.01449253037571907 :0.2015107274055481 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +a:0.13282956182956696 the:0.07214287668466568 to:0.054414935410022736 well:0.04862142726778984 :0.08763261139392853 +made:0.054527200758457184 no:0.04442401975393295 done:0.03130321577191353 found:0.024440208449959755 :0.1182146891951561 +and:0.05872601270675659 the:0.020396146923303604 to:0.020230678841471672 of:0.01630565896630287 :0.25692489743232727 +the:0.24259866774082184 he:0.04473760724067688 it:0.0420454740524292 they:0.034634049981832504 :0.055914971977472305 +day,:0.030875688418745995 the:0.01482493244111538 city:0.011144538410007954 day:0.00933573767542839 :0.11496616154909134 +the:0.2546336054801941 of:0.05693548917770386 over:0.035346366465091705 that:0.03499273583292961 :0.05616673082113266 +to:0.1768672913312912 and:0.039264410734176636 of:0.03633539751172066 in:0.03493324667215347 :0.09572974592447281 +same:0.008220197632908821 other:0.005756845697760582 old:0.005647033918648958 matter:0.004758161026984453 :0.17487099766731262 +The:0.17219068109989166 It:0.0807950422167778 He:0.03855080157518387 In:0.03372872248291969 :0.06586681306362152 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.08242715895175934 a:0.017788220196962357 Mrs.:0.009535441175103188 two:0.008173194713890553 :0.24041160941123962 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +right:0.045658547431230545 same:0.03988390788435936 power:0.02008371613919735 best:0.016485262662172318 :0.13432206213474274 +the:0.1873600035905838 to:0.14950311183929443 a:0.04585706442594528 by:0.041569218039512634 :0.05354157090187073 +mortgage:0.053322434425354004 deed:0.050285615026950836 amount:0.03990095108747482 promissory:0.02572161704301834 :0.13826528191566467 +and:0.051816269755363464 the:0.04621897637844086 of:0.041538406163454056 to:0.0212894044816494 :0.13956491649150848 +have:0.10843525826931 are:0.09612328559160233 were:0.03035389631986618 do:0.026925954967737198 :0.08455862104892731 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +the:0.3033291697502136 a:0.040026843547821045 this:0.017261074855923653 his:0.016707444563508034 :0.12657007575035095 +and:0.18850557506084442 of:0.043124496936798096 in:0.02842148020863533 as:0.023655900731682777 :0.03646347299218178 +the:0.3553248345851898 a:0.03817872703075409 tho:0.020155349746346474 his:0.017120057716965675 :0.0787690058350563 +of:0.11051643639802933 and:0.07724571973085403 to:0.056023553013801575 the:0.044565510004758835 :0.05151623487472534 +is:0.019632993265986443 the:0.016926174983382225 year:0.011961456388235092 time:0.0076241446658968925 :0.16190622746944427 +the:0.29620644450187683 this:0.05648048594594002 a:0.026071641594171524 fact,:0.02539254166185856 :0.06540267914533615 +the:0.092821404337883 be:0.022288769483566284 a:0.017251338809728622 tho:0.010839619673788548 :0.2898080050945282 +in:0.06774170696735382 of:0.06409186124801636 wide,:0.04127233475446701 to:0.032452043145895004 :0.12243735045194626 +and:0.21531812846660614 the:0.05146064609289169 to:0.04775647073984146 at:0.03198020160198212 :0.05987590551376343 +the:0.032483477145433426 was:0.02919202856719494 of:0.027414429932832718 and:0.026798516511917114 :0.17232030630111694 +United:0.010784158483147621 State:0.01049797423183918 city:0.005984078161418438 most:0.005121832247823477 :0.3096297085285187 +the:0.09317019581794739 a:0.03200305625796318 any:0.023795004934072495 other:0.01861204020678997 :0.19476677477359772 +and:0.10221225768327713 the:0.034090444445610046 that:0.03199291229248047 to:0.03029670938849449 :0.03753040358424187 +is:0.08119463920593262 he:0.05505850911140442 the:0.048347439616918564 they:0.04135879501700401 :0.0585380420088768 +the:0.08692022413015366 be:0.039823949337005615 by:0.03836905211210251 and:0.017825894057750702 :0.13542357087135315 +of:0.12196113914251328 and:0.07944134622812271 to:0.02889263816177845 The:0.02192632295191288 :0.1642218679189682 +to:0.6367950439453125 of:0.04485609382390976 in:0.01990431360900402 the:0.016408301889896393 :0.01803755946457386 +days:0.1589929163455963 years:0.08378742635250092 weeks:0.06830687075853348 of:0.04596681520342827 :0.11723528802394867 +the:0.1778281182050705 a:0.02557603269815445 tho:0.013416613452136517 said:0.011071461252868176 :0.2747887670993805 +of:0.1487981081008911 in:0.08022139221429825 and:0.04328770563006401 night:0.038886502385139465 :0.07204556465148926 +the:0.073503278195858 all:0.026933951303362846 in:0.024834202602505684 and:0.022871553897857666 :0.08725239336490631 +who:0.2675618529319763 of:0.23904520273208618 in:0.03893052041530609 that:0.014913384802639484 :0.06770201772451401 +shall:0.047565869987010956 have:0.04554067552089691 would:0.03138570487499237 was:0.028186997398734093 :0.14883218705654144 +by:0.41895008087158203 as:0.24225133657455444 at:0.03421320766210556 in:0.03384432569146156 :0.03359934687614441 +the:0.3686731457710266 a:0.046254295855760574 tho:0.0172747652977705 Mr.:0.016811957582831383 :0.08609094470739365 +the:0.19869482517242432 a:0.025087587535381317 this:0.019924834370613098 course,:0.015249396674335003 :0.16408228874206543 +to:0.5491217374801636 the:0.04479911923408508 in:0.023427287116646767 by:0.02182638831436634 :0.05137089267373085 +the:0.07063252478837967 is:0.025708574801683426 of:0.025695903226733208 was:0.025258073583245277 :0.06447696685791016 +of:0.08351224660873413 way:0.06242797523736954 cases:0.05062958225607872 newspaper:0.050028543919324875 :0.0963076800107956 +.:0.01641828939318657 to:0.01441444642841816 s:0.011692426167428493 the:0.011551125906407833 :0.19286544620990753 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +to:0.12403049319982529 and:0.06726270914077759 as:0.04423774406313896 with:0.03923311457037926 :0.06506824493408203 +the:0.05808305740356445 be:0.049151308834552765 make:0.029333095997571945 pay:0.028143195435404778 :0.11934439837932587 +Mrs.:0.8600735664367676 Mrs:0.007899831049144268 the:0.007145324721932411 Mra.:0.004802490118891001 :0.021552106365561485 +and:0.21574406325817108 of:0.12293986976146698 to:0.04249846190214157 in:0.03215453401207924 :0.06372346729040146 +be:0.30914849042892456 not:0.04278681054711342 have:0.028461692854762077 bo:0.016951262950897217 :0.09328144788742065 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +of:0.8291200399398804 and:0.028554817661643028 to:0.007706812582910061 the:0.007326454855501652 :0.01201949268579483 +of:0.46167245507240295 to:0.05902189016342163 and:0.03220469132065773 is:0.03020729124546051 :0.0475781112909317 +and:0.07883477956056595 to:0.06803973019123077 in:0.029703289270401 the:0.026751313358545303 :0.14366047084331512 +the:0.2834070324897766 a:0.048859015107154846 it:0.030431540682911873 this:0.027329381555318832 :0.08252763748168945 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.5236057043075562 said:0.021459903568029404 tho:0.018832942470908165 a:0.018736928701400757 :0.059453822672367096 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.0774775817990303 to:0.051172319799661636 a:0.04879254102706909 not:0.04034985229372978 :0.09749597311019897 +a:0.06386438757181168 not:0.04107453674077988 the:0.02797769568860531 in:0.022437702864408493 :0.12470000237226486 +bor:0.10584025830030441 bor,:0.03530791029334068 and:0.03374244645237923 dies:0.02554170787334442 :0.31923842430114746 +made:0.03791516646742821 done:0.026815427467226982 found:0.023510107770562172 seen:0.02297915704548359 :0.12980392575263977 +only:0.09771634638309479 to:0.07628531008958817 a:0.030904710292816162 the:0.028822241351008415 :0.13397212326526642 +the:0.17624345421791077 to:0.06500476598739624 that:0.03469492122530937 in:0.029428577050566673 :0.04585413262248039 +to:0.06647377461194992 and:0.057588789612054825 of:0.04849622771143913 the:0.03968712314963341 :0.14325307309627533 +the:0.06890064477920532 Mrs.:0.018112102523446083 who:0.011968030594289303 in:0.011664681136608124 :0.12139776349067688 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.10135023295879364 to:0.09230835735797882 of:0.028551071882247925 that:0.01959487795829773 :0.10506743937730789 +the:0.21074162423610687 a:0.06006884202361107 this:0.02531685307621956 his:0.015853824093937874 :0.07823836803436279 +A.:0.030801067128777504 D.:0.029712138697504997 H.:0.029153842478990555 B.:0.02632993832230568 :0.23401141166687012 +said:0.032184455543756485 same:0.014820712618529797 sum:0.009765628725290298 amount:0.00852048397064209 :0.17328135669231415 +country:0.02252127043902874 is:0.013565650209784508 great:0.011883771978318691 city:0.011209703981876373 :0.16674108803272247 +and:0.21313326060771942 to:0.05048782378435135 at:0.03896031901240349 of:0.03640645369887352 :0.08560361713171005 +of:0.36627450585365295 to:0.15956835448741913 for:0.14894452691078186 and:0.030675994232296944 :0.02548927441239357 +as:0.08260558545589447 and:0.07532253116369247 to:0.025598524138331413 or:0.023596107959747314 :0.1665906459093094 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +the:0.04650147631764412 and:0.043361254036426544 in:0.024048903957009315 to:0.019518734887242317 :0.1660466492176056 +to:0.23837216198444366 in:0.09009812772274017 of:0.05707242712378502 and:0.028111597523093224 :0.032154519110918045 +The:0.15197576582431793 It:0.06968707591295242 They:0.040340766310691833 In:0.040219053626060486 :0.09661798179149628 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.18339860439300537 a:0.04574136435985565 two:0.024288559332489967 to:0.018804432824254036 :0.11558688431978226 +to:0.39068174362182617 the:0.07670038938522339 a:0.03262201324105263 his:0.02991207130253315 :0.034839268773794174 +the:0.07842673361301422 be:0.03131412714719772 a:0.024403974413871765 have:0.010700386948883533 :0.2341926395893097 +is:0.06633464246988297 are:0.05454142019152641 have:0.053961195051670074 was:0.05080251023173332 :0.0549556165933609 +to:0.28415897488594055 from:0.039519403129816055 of:0.036702774465084076 trip:0.031046748161315918 :0.02842293120920658 +partment:0.06512768566608429 scribed:0.04322128742933273 mand:0.04140274599194527 mands:0.03253725543618202 :0.3513665795326233 +from:0.15456856787204742 the:0.09276484698057175 with:0.07949098199605942 a:0.07378207892179489 :0.04606076702475548 +a:0.1131412610411644 the:0.0554400198161602 so:0.01654478721320629 an:0.014764136634767056 :0.23775707185268402 +the:0.292015016078949 a:0.03196357563138008 be:0.01771298237144947 tho:0.01496915053576231 :0.10980553925037384 +and:0.05189558491110802 the:0.03898388147354126 of:0.02436019852757454 The:0.022107437252998352 :0.13869474828243256 +years:0.053374964743852615 and:0.0336538627743721 per:0.03365252912044525 feet:0.029301105067133904 :0.1981547772884369 +are:0.1400250345468521 have:0.06803479790687561 were:0.06745932251214981 will:0.060014255344867706 :0.08641404658555984 +The:0.183805912733078 He:0.059920359402894974 It:0.04114622622728348 A:0.024195285513997078 :0.0993800163269043 +the:0.12245356291532516 be:0.03240262717008591 this:0.029820190742611885 make:0.022280918434262276 :0.13061164319515228 +the:0.25538623332977295 a:0.025453174486756325 this:0.017812196165323257 his:0.014498445205390453 :0.1889571249485016 +the:0.19599589705467224 a:0.14153918623924255 which:0.018038956448435783 an:0.017721060663461685 :0.12541575729846954 +of:0.0911497175693512 and:0.04716579243540764 was:0.036220476031303406 is:0.03621075302362442 :0.12221380323171616 +and:0.0840868204832077 to:0.027547040954232216 at:0.020918527618050575 in:0.020799139514565468 :0.23879171907901764 +of:0.12202879786491394 and:0.09224332123994827 in:0.059088997542858124 the:0.041069820523262024 :0.06062277406454086 +was:0.050402428954839706 had:0.02804492600262165 is:0.02691342681646347 and:0.025083210319280624 :0.18274639546871185 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.043787483125925064 and:0.036663807928562164 of:0.03605327010154724 to:0.024807604029774666 :0.18818730115890503 +the:0.39049646258354187 a:0.038757871836423874 said:0.02889692410826683 Mr.:0.017790621146559715 :0.08899103105068207 +of:0.5245468020439148 in:0.053588565438985825 and:0.0503641813993454 to:0.03173662722110748 :0.02485666237771511 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +own:0.024038812145590782 members:0.004807936027646065 most:0.004763392265886068 great:0.004400890786200762 :0.2552633583545685 +and:0.02256251499056816 Bryan:0.01374268252402544 Taft:0.006426242180168629 Smith:0.004624688997864723 :0.44283074140548706 +of:0.31298017501831055 that:0.14072515070438385 to:0.12739266455173492 and:0.03214361146092415 :0.026616103947162628 +the:0.3616568446159363 this:0.04033665359020233 a:0.03205448389053345 tho:0.022019127383828163 :0.08406303077936172 +in:0.15310360491275787 on:0.08824340999126434 up:0.054575152695178986 at:0.03496452420949936 :0.05107905715703964 +made:0.021972771733999252 the:0.02085067331790924 in:0.019245490431785583 had:0.01640378125011921 :0.10341114550828934 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.027448473498225212 or:0.00613819295540452 in:0.00590874208137393 to:0.004777421709150076 :0.39248839020729065 +are:0.07375830411911011 of:0.06808724254369736 who:0.05020030215382576 have:0.0483897440135479 :0.03644149377942085 +and:0.05682124197483063 the:0.04507216811180115 to:0.020249227061867714 The:0.01890450343489647 :0.17428404092788696 +the:0.12192514538764954 a:0.023265819996595383 that:0.012157897464931011 have:0.012126615270972252 :0.11894842237234116 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.09070548415184021 of:0.03958065062761307 to:0.033623021095991135 in:0.02912035584449768 :0.13079677522182465 +the:0.10093747079372406 be:0.04628608375787735 any:0.030863044783473015 a:0.01646198146045208 :0.11665105819702148 +the:0.02581275999546051 of:0.020166903734207153 a:0.012893923558294773 in:0.01266971230506897 :0.20012854039669037 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +not:0.028838424012064934 the:0.027751626446843147 in:0.022584808990359306 made:0.01434516254812479 :0.1933598518371582 +of:0.3420381247997284 and:0.13895967602729797 are:0.02195885218679905 for:0.01588336005806923 :0.03434246405959129 +deal:0.15369057655334473 many:0.09214503318071365 and:0.00962799321860075 number:0.009487497620284557 :0.13522864878177643 +to:0.04960121586918831 and:0.0443103201687336 the:0.039077028632164 for:0.02785467728972435 :0.1732659786939621 +the:0.16645735502243042 a:0.031312912702560425 tho:0.02414807677268982 his:0.011283209547400475 :0.28628215193748474 +of:0.11182478815317154 in:0.07902223616838455 and:0.039604302495718 at:0.028305744752287865 :0.07316316664218903 +and:0.025260116904973984 the:0.024547025561332703 a:0.01131664402782917 I:0.0065529486164450645 :0.2627534568309784 +scribed:0.09166871756315231 clared:0.03475658968091011 livered:0.03205668553709984 mands:0.029539043083786964 :0.32502031326293945 +hand,:0.09232205152511597 side:0.038405172526836395 hand:0.022691791877150536 day:0.01900930143892765 :0.13054713606834412 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +in:0.10708454996347427 as:0.04471566528081894 on:0.044599056243896484 and:0.03326109051704407 :0.11702115088701248 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +to:0.3316785395145416 by:0.04998176172375679 in:0.04269598796963692 that:0.03923774138092995 :0.04920545965433121 +The:0.16285587847232819 It:0.04672812670469284 A:0.043942224234342575 In:0.039599690586328506 :0.10042032599449158 +The:0.06827422231435776 It:0.0291398037225008 A:0.01962854526937008 I:0.019112801179289818 :0.25494590401649475 +in:0.243181049823761 of:0.076245978474617 and:0.0711427703499794 books:0.06718261539936066 :0.04817214608192444 +of:0.26777416467666626 to:0.08505337685346603 in:0.0521264374256134 that:0.04853133112192154 :0.03318304941058159 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +was:0.15917563438415527 had:0.13615165650844574 would:0.06614396721124649 has:0.05712644383311272 :0.052851226180791855 +and:0.19231140613555908 but:0.040370874106884 the:0.0298972949385643 as:0.026274967938661575 :0.10679396986961365 +The:0.1073705330491066 It:0.06179684400558472 We:0.04502854123711586 He:0.03224344924092293 :0.07522214949131012 +to:0.10254822671413422 of:0.07331177592277527 the:0.06642032414674759 and:0.043559931218624115 :0.14794853329658508 +of:0.4749806821346283 and:0.07955435663461685 to:0.018267039209604263 in:0.016359178349375725 :0.017572082579135895 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +the:0.2042093127965927 that:0.028716647997498512 over:0.026724979281425476 this:0.01885124482214451 :0.09862136095762253 +and:0.043119754642248154 of:0.033514153212308884 the:0.019819075241684914 to:0.016606340184807777 :0.338859885931015 +to:0.14782412350177765 of:0.09295914322137833 in:0.05570334196090698 and:0.047388363629579544 :0.0472000390291214 +far:0.1694709062576294 much:0.0689888596534729 that:0.06650900095701218 long:0.026973560452461243 :0.11899194866418839 +own:0.025930646806955338 hand:0.014444765634834766 name:0.012209123931825161 heart:0.012021439149975777 :0.20030373334884644 +country:0.04513436183333397 city:0.032488130033016205 time:0.012945633381605148 city,:0.012899253517389297 :0.11745162308216095 +same:0.04169609770178795 best:0.030566757544875145 most:0.029285689815878868 largest:0.015087015926837921 :0.17250096797943115 +and:0.05987059324979782 in:0.01908528432250023 of:0.017284169793128967 the:0.016229312866926193 :0.11956317722797394 +of:0.05103522539138794 more:0.038304537534713745 to:0.03048221580684185 in:0.022690780460834503 :0.12238870561122894 +and:0.08603502064943314 the:0.02935086376965046 a:0.015201345086097717 but:0.0137934610247612 :0.23254719376564026 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.21725329756736755 a:0.07744595408439636 favor:0.022399557754397392 this:0.021561967208981514 :0.07924051582813263 +The:0.10411632061004639 It:0.0868019238114357 A:0.03682703152298927 In:0.033854205161333084 :0.08366943895816803 +and:0.08526547253131866 to:0.03240391984581947 in:0.016845187172293663 or:0.010350323282182217 :0.15829405188560486 +than:0.246390238404274 or:0.044786613434553146 to:0.0404437780380249 and:0.020254027098417282 :0.1315191090106964 +half:0.04900379106402397 few:0.024365592747926712 large:0.02117382176220417 good:0.014667495153844357 :0.16771546006202698 +of:0.19083558022975922 years:0.05372236296534538 are:0.02535330504179001 have:0.022480234503746033 :0.05829455703496933 +time:0.01527309324592352 right,:0.013752451166510582 other:0.012364895083010197 way:0.008908342570066452 :0.16499440371990204 +that:0.10230738669633865 far:0.0737326592206955 many:0.07292737811803818 much:0.06381513178348541 :0.12436626106500626 +the:0.0494743287563324 a:0.013072223402559757 all:0.009145289659500122 that:0.006501989904791117 :0.19336946308612823 +is:0.10361430794000626 was:0.07100030779838562 has:0.05437348783016205 are:0.05423267185688019 :0.047691427171230316 +and:0.06472545117139816 of:0.008126163855195045 in:0.006404429208487272 to:0.003455164609476924 :0.6181039810180664 +the:0.1787148267030716 a:0.10997509956359863 his:0.021113503724336624 an:0.019312266260385513 :0.08768447488546371 +and:0.09881528466939926 the:0.06968069076538086 in:0.042153164744377136 a:0.03127092123031616 :0.025450438261032104 +to:0.019900750368833542 the:0.018190907314419746 of:0.01460038498044014 I:0.012521627359092236 :0.31732526421546936 +same:0.01072737481445074 most:0.0074046337977051735 first:0.006720163393765688 whole:0.006194524932652712 :0.16084201633930206 +the:0.27230218052864075 a:0.024166740477085114 his:0.016692647710442543 this:0.016033021733164787 :0.12215210497379303 +few:0.042630698531866074 very:0.015618205070495605 short:0.015611534006893635 large:0.011541273444890976 :0.17077979445457458 +be:0.19032022356987 the:0.03963896259665489 have:0.030534790828824043 bo:0.017609087750315666 :0.08002880960702896 +the:0.21590955555438995 it:0.04242728650569916 he:0.0422249436378479 they:0.02992398850619793 :0.051759619265794754 +down:0.09386418014764786 off:0.09148135781288147 out:0.08465678244829178 into:0.05054369196295738 :0.050154782831668854 +first:0.016724519431591034 said:0.011751418001949787 time:0.011722218245267868 war:0.011099166236817837 :0.17003309726715088 +of:0.06454024463891983 line:0.03907030075788498 to:0.03234460577368736 and:0.029025446623563766 :0.2538546621799469 +same:0.017794564366340637 whole:0.011218773201107979 most:0.007646320853382349 first:0.00637534586712718 :0.14229315519332886 +point:0.04054637998342514 stake:0.01858576014637947 great:0.01733686961233616 large:0.015888528898358345 :0.1647801548242569 +the:0.06698032468557358 dispose:0.05390338972210884 convey:0.014376807026565075 that:0.011096670292317867 :0.15747983753681183 +and:0.04997504875063896 roads:0.01589437760412693 results.:0.010919978842139244 care:0.010165831074118614 :0.13672421872615814 +to:0.1706334501504898 the:0.11599992215633392 and:0.08750911802053452 with:0.033958714455366135 :0.048298463225364685 +years:0.0635710135102272 of:0.062017109245061874 or:0.03212885931134224 and:0.030012518167495728 :0.13980735838413239 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +have:0.0875362753868103 am:0.06698678433895111 was:0.0342431515455246 will:0.022261187434196472 :0.10753601789474487 +own:0.043685365468263626 city:0.015831315889954567 midst:0.014396331273019314 country:0.013552178628742695 :0.14713987708091736 +the:0.2590029537677765 a:0.05854315683245659 which:0.022774863988161087 this:0.020268462598323822 :0.12334006279706955 +to:0.22576314210891724 upon:0.1170029565691948 that:0.11103186756372452 with:0.04767929017543793 :0.037655457854270935 +the:0.4953919053077698 them:0.09547849744558334 these:0.0335603803396225 our:0.032403524965047836 :0.032744333148002625 +the:0.03149886801838875 and:0.016256265342235565 of:0.01053757593035698 a:0.009645737707614899 :0.2765325903892517 +the:0.3849787712097168 said:0.03085155040025711 a:0.027018941938877106 this:0.021588031202554703 :0.12649880349636078 +of:0.14300811290740967 and:0.06002692133188248 are:0.04572926461696625 as:0.03977544233202934 :0.03851262107491493 +and:0.04679165035486221 of:0.03348183631896973 the:0.030419224873185158 to:0.02541109174489975 :0.25852105021476746 +by:0.131642147898674 the:0.08759085834026337 March:0.04706117883324623 and:0.042160309851169586 :0.09523896872997284 +is:0.025364940986037254 was:0.023073237389326096 has:0.011505798436701298 president:0.008561067283153534 :0.1740785837173462 +the:0.3948948383331299 a:0.04532492160797119 this:0.04319031909108162 his:0.021003950387239456 :0.09067193418741226 +in:0.16084246337413788 and:0.05034062638878822 days:0.03429081290960312 morning:0.032141733914613724 :0.0685349777340889 +the:0.13850779831409454 of:0.11159460246562958 that:0.08706135302782059 this:0.03568584471940994 :0.08293173462152481 +way:0.07431015372276306 country:0.044703979045152664 city:0.03443925455212593 case:0.026082543656229973 :0.11515641957521439 +The:0.15143615007400513 He:0.06640055775642395 It:0.04260269179940224 There:0.02313922345638275 :0.10027294605970383 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +the:0.419574111700058 this:0.06110541522502899 a:0.04658827558159828 said:0.025522682815790176 :0.07535898685455322 +been:0.1839200109243393 not:0.034707922488451004 had:0.019597861915826797 a:0.01767822355031967 :0.08000820130109787 +a:0.05534171685576439 the:0.05270152911543846 not:0.04646617919206619 to:0.04589681327342987 :0.1785494089126587 +and:0.02325144037604332 the:0.015515156090259552 of:0.012153332121670246 a:0.008298865519464016 :0.3182002007961273 +and:0.18091119825839996 the:0.03893313184380531 but:0.03260493651032448 to:0.026470577344298363 :0.04354453086853027 +the:0.2642635703086853 be:0.053659114986658096 a:0.021021759137511253 tho:0.011708336882293224 :0.10459750145673752 +of:0.0749240592122078 to:0.046124786138534546 and:0.04331572353839874 for:0.025543121621012688 :0.31167423725128174 +be:0.1688961386680603 exceed:0.09011956304311752 the:0.0336151085793972 have:0.021328676491975784 :0.08658888190984726 +and:0.16335870325565338 the:0.06051541864871979 but:0.03440403193235397 of:0.03071693889796734 :0.07536521553993225 +of:0.2324303835630417 hundred:0.03352290019392967 who:0.02018466778099537 and:0.01712670922279358 :0.12172071635723114 +been:0.11867491900920868 a:0.03702731430530548 not:0.031860221177339554 no:0.028345873579382896 :0.0846729427576065 +that:0.12171714007854462 it:0.11151790618896484 to:0.07683686167001724 the:0.06459572166204453 :0.037894170731306076 +not:0.03731159493327141 the:0.03569702059030533 in:0.0171737689524889 to:0.017153358086943626 :0.17907275259494781 +to:0.24594777822494507 in:0.04914836212992668 and:0.043650176376104355 a:0.027221249416470528 :0.03455791994929314 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.08203528076410294 or:0.07175001502037048 hundred:0.05446436628699303 years:0.04238533228635788 :0.10564462840557098 +the:0.3464886248111725 a:0.048232629895210266 any:0.021800445392727852 tho:0.020745892077684402 :0.13122805953025818 +the:0.07028713077306747 a:0.05960715934634209 not:0.04564579948782921 to:0.04165620729327202 :0.10654829442501068 +of:0.3961239755153656 to:0.06964138150215149 and:0.0575643815100193 in:0.03900911286473274 :0.024529317393898964 +the:0.2100214809179306 a:0.07462179660797119 said:0.024215038865804672 their:0.015837203711271286 :0.18464699387550354 +the:0.32449522614479065 this:0.043444812297821045 a:0.026656506583094597 his:0.021479148417711258 :0.07185296714305878 +of:0.06402071565389633 and:0.03777889907360077 the:0.029493818059563637 to:0.029468929395079613 :0.18633466958999634 +and:0.31880277395248413 in:0.03989894688129425 of:0.023065173998475075 on:0.0230525154620409 :0.04798173904418945 +of:0.24041198194026947 and:0.094336599111557 in:0.0435183122754097 for:0.024747688323259354 :0.06897713243961334 +to:0.06870613992214203 own:0.026585524901747704 in:0.023823736235499382 and:0.015949314460158348 :0.08406361192464828 +more:0.053506772965192795 of:0.01770097017288208 over:0.015949739143252373 girl:0.010774583555758 :0.18088683485984802 +and:0.07173100858926773 of:0.06636563688516617 the:0.05075526237487793 to:0.03328704088926315 :0.1004234105348587 +a:0.09583399444818497 the:0.07119032740592957 that:0.056422945111989975 in:0.018967535346746445 :0.18014197051525116 +and:0.07518185675144196 of:0.06289369612932205 to:0.05696349963545799 in:0.050770726054906845 :0.1052212044596672 +and:0.252452552318573 but:0.08605421334505081 the:0.04616956040263176 as:0.02549026347696781 :0.02762686274945736 +had:0.09044761210680008 have:0.05323714017868042 has:0.04986271262168884 are:0.0487360917031765 :0.063850037753582 +to:0.0568438321352005 the:0.05231362581253052 and:0.031168824061751366 a:0.02234230563044548 :0.1449517160654068 +have:0.11396320164203644 am:0.056378621608018875 do:0.05520550534129143 think:0.03707720339298248 :0.09806962311267853 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +of:0.04753230884671211 and:0.04448626562952995 the:0.02620518207550049 to:0.022926922887563705 :0.18987388908863068 +to:0.7807680368423462 of:0.021278727799654007 and:0.012271992862224579 for:0.009600135497748852 :0.015449851751327515 +the:0.40736156702041626 tho:0.019511178135871887 this:0.014528030529618263 them:0.013979194685816765 :0.14661458134651184 +that:0.11383330821990967 the:0.08622514456510544 a:0.06955231726169586 in:0.06092356890439987 :0.08555325120687485 +far:0.10223023593425751 that:0.06361275911331177 as:0.053232498466968536 much:0.032657720148563385 :0.13559980690479279 +few:0.042630698531866074 very:0.015618205070495605 short:0.015611534006893635 large:0.011541273444890976 :0.17077979445457458 +the:0.09811367094516754 to:0.04694012179970741 of:0.03130919113755226 a:0.028031477704644203 :0.08597446978092194 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.05443717539310455 and:0.04863429442048073 The:0.023475011810660362 the:0.02244817279279232 :0.16967329382896423 +is:0.1648450344800949 was:0.08672749996185303 would:0.06524083018302917 will:0.047316454350948334 :0.0819721594452858 +the:0.17943063378334045 a:0.08446748554706573 their:0.02133694477379322 his:0.01193909626454115 :0.16534043848514557 +is:0.23127859830856323 was:0.15214404463768005 has:0.0696658045053482 will:0.036508649587631226 :0.06023978814482689 +the:0.21311749517917633 a:0.06259485334157944 this:0.01401497982442379 which:0.013834816403687 :0.1510973572731018 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.03618702292442322 a:0.02144734002649784 to:0.01618805155158043 was:0.009582806378602982 :0.3588757812976837 +the:0.27029532194137573 a:0.05112145468592644 this:0.034356504678726196 which:0.020490622147917747 :0.06857728958129883 +the:0.07628272473812103 a:0.06898271292448044 not:0.03737615421414375 to:0.024958275258541107 :0.15120263397693634 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +be:0.26894518733024597 not:0.047147683799266815 have:0.019566141068935394 give:0.017373142763972282 :0.06340906023979187 +the:0.05932815372943878 a:0.036653656512498856 to:0.019052796065807343 other:0.0161490086466074 :0.1914461851119995 +to:0.1279633790254593 and:0.12045656889677048 in:0.07779334485530853 for:0.029539890587329865 :0.11089219152927399 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.13347747921943665 a:0.027585171163082123 all:0.014026123099029064 other:0.013290587812662125 :0.1428057849407196 +and:0.12956929206848145 of:0.05877570062875748 is:0.036070071160793304 was:0.0327301099896431 :0.05439729616045952 +own:0.028991684317588806 wife:0.021561861038208008 creditors:0.01625972054898739 father:0.010544928722083569 :0.17922194302082062 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +men:0.049418993294239044 and:0.04362587630748749 oak,:0.025044994428753853 people:0.018843047320842743 :0.26821887493133545 +the:0.29264217615127563 a:0.05086597427725792 tho:0.01552977878600359 him:0.01411981787532568 :0.15480907261371613 +neck:0.015263374894857407 house:0.007280244957655668 city:0.006825633812695742 neck,:0.00606971699744463 :0.18158544600009918 +to:0.5227047801017761 of:0.08384564518928528 in:0.018262770026922226 for:0.01720723696053028 :0.03660288080573082 +the:0.02552105486392975 in:0.019344817847013474 to:0.010619011707603931 a:0.010214848443865776 :0.16435867547988892 +in:0.10926464945077896 by:0.09121327847242355 to:0.05573852360248566 with:0.048746295273303986 :0.03069496341049671 +of:0.07188758999109268 and:0.048357073217630386 to:0.02111666277050972 The:0.020391209051012993 :0.1865140199661255 +the:0.04511764645576477 be:0.04267837479710579 do:0.03002813272178173 make:0.02409490756690502 :0.11213265359401703 +be:0.42184174060821533 not:0.08409395068883896 have:0.03848867863416672 bo:0.021243520081043243 :0.03565891087055206 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.21506312489509583 and:0.06734830886125565 to:0.04493864253163338 in:0.03321008384227753 :0.039474885910749435 +the:0.12578703463077545 Congress:0.05417221784591675 a:0.0187187809497118 Congress,:0.017188265919685364 :0.18645064532756805 +to:0.31320270895957947 by:0.13191159069538116 the:0.05321997404098511 with:0.051788121461868286 :0.03312608599662781 +and:0.11473552137613297 to:0.046690456569194794 of:0.016185130923986435 in:0.009081274271011353 :0.1777118742465973 +be:0.13846708834171295 not:0.0917777344584465 have:0.038820162415504456 make:0.018343226984143257 :0.0902915820479393 +and:0.06038558855652809 of:0.05557415261864662 The:0.02410808950662613 the:0.023761264979839325 :0.15959666669368744 +to:0.615569531917572 by:0.09583766013383865 that:0.04085793346166611 for:0.039668433368206024 :0.016870291903614998 +not:0.1049223393201828 the:0.0560111328959465 a:0.048368994146585464 to:0.02273554727435112 :0.07383018732070923 +the:0.0657205730676651 that:0.014595065265893936 a:0.01349656842648983 all:0.008930834010243416 :0.17760339379310608 +been:0.11867491900920868 a:0.03702731430530548 not:0.031860221177339554 no:0.028345873579382896 :0.0846729427576065 +and:0.047479718923568726 of:0.04014528542757034 the:0.019002782180905342 to:0.011701744049787521 :0.23866014182567596 +and:0.11237209290266037 the:0.025261621922254562 of:0.02416435442864895 The:0.020257269963622093 :0.17429125308990479 +the:0.07359378784894943 land:0.05980775132775307 ground:0.021453851833939552 said:0.014396876096725464 :0.24328802525997162 +the:0.3915465772151947 a:0.08189374953508377 tho:0.028740987181663513 his:0.026404136791825294 :0.06458654254674911 +the:0.2558991014957428 a:0.09563805162906647 their:0.018431782722473145 his:0.016593024134635925 :0.07181983441114426 +the:0.1674138605594635 it:0.033494289964437485 he:0.03290824964642525 they:0.025936732068657875 :0.0731048583984375 +the:0.31780073046684265 a:0.02665826305747032 this:0.019730407744646072 tho:0.016174666583538055 :0.130822092294693 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +The:0.18754996359348297 It:0.09358084946870804 He:0.04894420877099037 They:0.029166169464588165 :0.11142046004533768 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.20295016467571259 and:0.07363024353981018 in:0.030844906345009804 on:0.02513916604220867 :0.07357503473758698 +and:0.09374204277992249 The:0.020843148231506348 to:0.02008119784295559 the:0.016992490738630295 :0.14711162447929382 +been:0.2285914570093155 not:0.029183680191636086 a:0.029079172760248184 the:0.025973398238420486 :0.0899529978632927 +of:0.23550550639629364 in:0.028643425554037094 for:0.027133135125041008 from:0.02021685428917408 :0.128400057554245 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +to:0.11471113562583923 by:0.07425041496753693 and:0.05641075223684311 from:0.052222415804862976 :0.06656443327665329 +good:0.02552683651447296 few:0.024003783240914345 large:0.016930583864450455 great:0.01446969248354435 :0.14249354600906372 +and:0.03394436091184616 one.:0.012125371024012566 to:0.011064033024013042 one,:0.010827821679413319 :0.19648881256580353 +the:0.2726825475692749 which:0.044417865574359894 a:0.030849793925881386 this:0.030290188267827034 :0.07851921766996384 +the:0.32149451971054077 a:0.07477540522813797 his:0.019078098237514496 tho:0.015665605664253235 :0.07538110762834549 +of:0.03965993970632553 and:0.016157222911715508 thing:0.01300886645913124 to:0.012401540763676167 :0.19297263026237488 +not:0.28041112422943115 be:0.1916884183883667 have:0.03502096235752106 get:0.013360075652599335 :0.0550009161233902 +to:0.2563706934452057 through:0.03695152327418327 and:0.035963185131549835 into:0.03414733707904816 :0.03745420277118683 +the:0.3780122697353363 a:0.05222616717219353 said:0.025407832115888596 this:0.021215073764324188 :0.10665565729141235 +of:0.5061824321746826 that:0.26799649000167847 the:0.03231659531593323 and:0.013189797289669514 :0.011189430020749569 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +of:0.3772973418235779 in:0.06399820744991302 and:0.059043750166893005 are:0.04135840758681297 :0.03208693489432335 +a:0.018239423632621765 and:0.01740100234746933 for:0.01627078279852867 the:0.015509565360844135 :0.32083895802497864 +and:0.10045670717954636 but:0.036760639399290085 of:0.03545456379652023 that:0.03170602396130562 :0.10570411384105682 +first:0.012773828580975533 same:0.009701239876449108 said:0.008632256649434566 most:0.005843726918101311 :0.16739186644554138 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +be:0.15981259942054749 have:0.12505201995372772 not:0.040145326405763626 do:0.016073351725935936 :0.06668141484260559 +the:0.15056255459785461 a:0.04965329170227051 this:0.02764233574271202 his:0.01280748937278986 :0.15375547111034393 +the:0.31153199076652527 a:0.037774208933115005 their:0.019998254254460335 his:0.018508844077587128 :0.07372954487800598 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.0900866687297821 is:0.06716687977313995 of:0.04369337856769562 in:0.034169916063547134 :0.04216090589761734 +of:0.018725203350186348 to:0.01862424984574318 the:0.016016246750950813 a:0.012019668705761433 :0.2581176459789276 +and:0.08755955845117569 in:0.04380899667739868 is:0.03397158160805702 to:0.03284835070371628 :0.0842713713645935 +not:0.028838424012064934 the:0.027751626446843147 in:0.022584808990359306 made:0.01434516254812479 :0.1933598518371582 +been:0.3500768840312958 a:0.023211443796753883 the:0.01885223761200905 done:0.016291635110974312 :0.06375680863857269 +the:0.18972250819206238 cases:0.04129449278116226 parts:0.032590627670288086 its:0.031904857605695724 :0.10611911863088608 +the:0.04507456719875336 and:0.03125471621751785 of:0.026392877101898193 to:0.020698193460702896 :0.15712812542915344 +the:0.07456470280885696 he:0.033684492111206055 they:0.029508912935853004 are:0.022213399410247803 :0.10815699398517609 +the:0.18677358329296112 he:0.08626876771450043 they:0.0597781203687191 it:0.03696468472480774 :0.06123059242963791 +the:0.15829120576381683 to:0.09918595850467682 of:0.06617856025695801 a:0.037048712372779846 :0.03142523765563965 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +days:0.03786231949925423 two:0.0319768451154232 cases:0.02257305383682251 places:0.01388189010322094 :0.17011697590351105 +the:0.2150435745716095 a:0.056136440485715866 said:0.021035928279161453 this:0.015490874648094177 :0.1356818526983261 +rison:0.09621112793684006 ris:0.019222965463995934 and:0.016030462458729744 ing:0.006008860655128956 :0.5957506895065308 +the:0.04961777478456497 ing:0.01604560948908329 a:0.014303531497716904 and:0.013137868605554104 :0.20193131268024445 +of:0.06494320183992386 that:0.06217041239142418 is:0.04442288354039192 and:0.03466590866446495 :0.08677329868078232 +a:0.03325815126299858 able:0.032194796949625015 in:0.02913491800427437 made:0.01246139220893383 :0.15853726863861084 +be:0.050353728234767914 make:0.04252210631966591 get:0.02989100106060505 the:0.027570955455303192 :0.09362652152776718 +the:0.302763432264328 and:0.03830033168196678 a:0.02981712482869625 to:0.020747825503349304 :0.07359125465154648 +a:0.1489533931016922 the:0.13794982433319092 it:0.04094746708869934 an:0.03023884817957878 :0.055804185569286346 +a:0.07461033016443253 able:0.03245178982615471 the:0.021301282569766045 made:0.01828489825129509 :0.23578926920890808 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +river:0.037053171545267105 road:0.018754074349999428 river,:0.010447392240166664 hill:0.008143287152051926 :0.20680589973926544 +since:0.033009886741638184 the:0.01882016845047474 a:0.0174206905066967 in:0.014184881933033466 :0.14478234946727753 +and:0.12265905737876892 the:0.08113335072994232 but:0.0506758838891983 who:0.025945492088794708 :0.05909449979662895 +Works:0.05401361361145973 Service:0.04931408911943436 notice:0.03264922276139259 Health:0.031655412167310715 :0.3254527449607849 +own:0.022822992876172066 names:0.01317641232162714 way:0.011666075326502323 friends:0.006377235054969788 :0.2434287667274475 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +the:0.07680013030767441 he:0.02845868654549122 they:0.02394828014075756 is:0.023691371083259583 :0.1270434558391571 +been:0.2308930605649948 a:0.03309608995914459 not:0.023922652006149292 to:0.017502568662166595 :0.12007970362901688 +the:0.16469065845012665 of:0.06268530339002609 and:0.05921711027622223 a:0.02224242128431797 :0.16431155800819397 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +to:0.6655960083007812 for:0.03503568843007088 the:0.028672916814684868 that:0.023929599672555923 :0.012294692918658257 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +than:0.06932275742292404 in:0.03864242136478424 and:0.03242139890789986 of:0.02097940444946289 :0.2144313007593155 +made:0.10280948877334595 instituted:0.027180099859833717 a:0.02582790143787861 the:0.012144716456532478 :0.11316593736410141 +the:0.34842127561569214 a:0.21214675903320312 an:0.02576136775314808 said:0.01683901436626911 :0.08184030652046204 +the:0.09545958787202835 in:0.04550605267286301 to:0.04418135806918144 a:0.033331554383039474 :0.07625798881053925 +the:0.2173410952091217 virtue:0.08710645139217377 a:0.04882842302322388 said:0.01989412121474743 :0.0770500898361206 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +said:0.06711501628160477 was:0.0344698540866375 and:0.03175516426563263 .:0.022347833961248398 :0.3508521020412445 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.05886538326740265 was:0.01737748086452484 is:0.015956392511725426 has:0.011207527481019497 :0.30433082580566406 +to:0.06855281442403793 day:0.04577834531664848 year:0.036942679435014725 the:0.026056865230202675 :0.08971384167671204 +the:0.10513901710510254 that:0.053982533514499664 it:0.0340561717748642 he:0.030575886368751526 :0.03746119514107704 +same:0.019170153886079788 most:0.009052743203938007 best:0.009034032933413982 fact:0.006795896682888269 :0.13705699145793915 +that:0.019442806020379066 the:0.019360847771167755 Court:0.01625674217939377 mortgage:0.015870852395892143 :0.15077665448188782 +and:0.051317524164915085 to:0.04747242107987404 is:0.03984013572335243 of:0.03615770488977432 :0.10195225477218628 +of:0.08497097343206406 records:0.07460122555494308 and:0.06382203847169876 is:0.029945669695734978 :0.1048964187502861 +The:0.11714648455381393 It:0.03739132732152939 In:0.03603753820061684 A:0.032374899834394455 :0.1872069537639618 +own:0.015185237862169743 present:0.00970178097486496 purpose:0.009022288955748081 first:0.006802251096814871 :0.19879570603370667 +the:0.4055849611759186 a:0.02861197665333748 this:0.0250425785779953 said:0.01853465475142002 :0.0728929415345192 +same:0.0062409015372395515 other:0.005193409975618124 right:0.005092829465866089 way:0.0050425766967237 :0.15575505793094635 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +have:0.022101830691099167 was:0.02090858668088913 am:0.015415407717227936 to:0.014724936336278915 :0.3002307713031769 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +to:0.055131636559963226 and:0.030331235378980637 of:0.026672901585698128 the:0.02230650559067726 :0.1480468511581421 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +and:0.04978114739060402 the:0.04888264462351799 to:0.034734491258859634 of:0.02494671940803528 :0.167537659406662 +the:0.033071666955947876 and:0.030302774161100388 of:0.013455863110721111 vor:0.011121965013444424 :0.3541526198387146 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +that:0.3197588622570038 in:0.05608712136745453 and:0.05307330563664436 for:0.04088745266199112 :0.03822791203856468 +of:0.08900026977062225 and:0.07579746842384338 The:0.01456514373421669 in:0.013180005364120007 :0.15409547090530396 +and:0.061279378831386566 W.:0.04696718975901604 H.:0.029696324840188026 B.:0.022090164944529533 :0.39994001388549805 +amount:0.009411100298166275 whole:0.007894670590758324 same:0.007347991690039635 entire:0.006873380858451128 :0.1693064570426941 +of:0.6361328363418579 that:0.04888419434428215 to:0.020047493278980255 in:0.01891181617975235 :0.0165768601000309 +the:0.29589343070983887 a:0.048605140298604965 this:0.021570639684796333 their:0.014480110257863998 :0.07728399336338043 +or:0.06324445456266403 and:0.05426659435033798 of:0.05011996999382973 hundred:0.02914172038435936 :0.1567300409078598 +United:0.013833336532115936 State:0.011415678076446056 most:0.009336316026747227 said:0.008927143178880215 :0.25087931752204895 +is:0.19220121204853058 was:0.08673154562711716 will:0.03282377868890762 would:0.031237101182341576 :0.12148718535900116 +of:0.09655426442623138 and:0.08165059983730316 for:0.05260526388883591 to:0.049172379076480865 :0.12147902697324753 +the:0.22477923333644867 be:0.03899076208472252 whether:0.023945176973938942 make:0.021186623722314835 :0.08064348250627518 +is:0.13355182111263275 was:0.06429004669189453 has:0.061292361468076706 can:0.055710338056087494 :0.11882466077804565 +the:0.20359748601913452 be:0.031722232699394226 a:0.026806484907865524 their:0.011677184142172337 :0.07321830838918686 +country:0.0277883131057024 United:0.02449432760477066 entire:0.024242864921689034 country,:0.015045798383653164 :0.23208840191364288 +of:0.05684904381632805 and:0.022047556936740875 was:0.015965541824698448 to:0.011692249216139317 :0.29912546277046204 +of:0.12426459789276123 and:0.05203308165073395 The:0.01267497893422842 in:0.01236532162874937 :0.24871692061424255 +the:0.0584959052503109 be:0.052861928939819336 make:0.028149619698524475 pay:0.015927838161587715 :0.1216217502951622 +the:0.4397273659706116 a:0.05143841728568077 this:0.022701479494571686 tho:0.021030936390161514 :0.10407547652721405 +a:0.07010596990585327 not:0.05420732498168945 the:0.05396781489253044 in:0.016393130645155907 :0.10485593974590302 +the:0.04244295507669449 and:0.037812165915966034 to:0.018357791006565094 of:0.0168182123452425 :0.24109618365764618 +the:0.4753681719303131 them:0.05677352100610733 these:0.03739026188850403 them,:0.024358602240681648 :0.04942828416824341 +and:0.07683928310871124 the:0.042007286101579666 but:0.026457233354449272 in:0.02602238580584526 :0.11023078858852386 +the:0.04633380472660065 6,:0.035416487604379654 6:0.017055952921509743 a:0.01330519374459982 :0.15788939595222473 +time:0.06716762483119965 as:0.03796509653329849 to:0.026660649105906487 time,:0.01691386103630066 :0.09311540424823761 +of:0.10604249686002731 years:0.039093200117349625 a:0.027885625138878822 times:0.027360420674085617 :0.12609140574932098 +been:0.2883729636669159 yet:0.033536192029714584 a:0.024621473625302315 only:0.022136207669973373 :0.08815761655569077 +and:0.23610006272792816 for:0.05362596735358238 that:0.04735199362039566 the:0.043971359729766846 :0.04377664998173714 +few:0.01938556507229805 large:0.01687721721827984 man:0.008962458930909634 certain:0.008472906425595284 :0.1997804343700409 +the:0.1812775880098343 he:0.08779546618461609 they:0.056150373071432114 it:0.04489459469914436 :0.09481287747621536 +the:0.1717023104429245 that:0.04145510867238045 a:0.03853139653801918 to:0.03680720925331116 :0.09608045220375061 +same:0.02528044953942299 amount:0.01276874914765358 most:0.011195394210517406 other:0.006595300976186991 :0.187146857380867 +of:0.18673603236675262 and:0.1367497444152832 was:0.03542449325323105 in:0.03281644731760025 :0.08105190843343735 +The:0.140864759683609 It:0.08013123273849487 He:0.036290060728788376 In:0.03580460324883461 :0.09340456873178482 +be:0.2303956300020218 have:0.09800233691930771 me:0.019616061821579933 the:0.01923077367246151 :0.09680766612291336 +of:0.05477357283234596 and:0.048640187829732895 the:0.0419536717236042 to:0.025527216494083405 :0.17754827439785004 +is:0.07819052040576935 was:0.07102824747562408 will:0.03561251237988472 of:0.0302899107336998 :0.1221592053771019 +a:0.15246984362602234 the:0.11800575256347656 to:0.06609369814395905 they:0.02576541341841221 :0.052093587815761566 +a:0.25302863121032715 the:0.16380852460861206 an:0.031087445095181465 to:0.02711360901594162 :0.13033710420131683 +same:0.008435361087322235 first:0.0058980667963624 whole:0.005677775479853153 most:0.004954408388584852 :0.1275668442249298 +to:0.04650091752409935 .:0.03176293522119522 the:0.02139328233897686 a:0.014144830405712128 :0.35766470432281494 +to:0.04327068105340004 and:0.03575673699378967 The:0.021578531712293625 in:0.01963459886610508 :0.2494049221277237 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.08790857344865799 of:0.02631445787847042 in:0.020057156682014465 that:0.017870048061013222 :0.1505568027496338 +and:0.12332049012184143 but:0.04804224520921707 who:0.03407872095704079 which:0.03349585458636284 :0.08826639503240585 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.08238067477941513 of:0.06289326399564743 or:0.02612459473311901 in:0.018669335171580315 :0.2071434110403061 +been:0.2857648730278015 a:0.05432458966970444 the:0.033192023634910583 to:0.021816087886691093 :0.06832010298967361 +as:0.28194695711135864 to:0.03472122177481651 of:0.031076326966285706 more:0.019243411719799042 :0.09378015995025635 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.08059528470039368 The:0.030947944149374962 to:0.030756404623389244 the:0.02026664838194847 :0.16424399614334106 +been:0.16307584941387177 not:0.044700987637043 no:0.027376968413591385 boon:0.019015589728951454 :0.13542430102825165 +and:0.00829986296594143 said:0.005547365173697472 injunction:0.005474601406604052 man:0.00532146031036973 :0.23895281553268433 +same:0.012937123887240887 most:0.008417204953730106 said:0.00659461785107851 whole:0.006563506554812193 :0.1917044222354889 +way:0.02968668006360531 city:0.026874275878071785 part:0.020999446511268616 country:0.0159069262444973 :0.09581957757472992 +of:0.31774359941482544 to:0.08479190617799759 entitled:0.051787130534648895 as:0.02789389342069626 :0.042964208871126175 +purpose:0.014178106561303139 same:0.008673828095197678 amount:0.0077647618018090725 sum:0.007762296125292778 :0.3641259968280792 +was:0.07589242607355118 had:0.06941252946853638 are:0.04950590804219246 has:0.04946213215589523 :0.08267950266599655 +place:0.014651382341980934 purchaser:0.009767602197825909 said:0.007845984771847725 same:0.007349113002419472 :0.15597312152385712 +the:0.11629441380500793 a:0.09120684862136841 to:0.03232121095061302 well:0.027185635641217232 :0.10466437041759491 +is:0.07199086993932724 the:0.06111862137913704 they:0.06089593470096588 he:0.04709913209080696 :0.0432436428964138 +and:0.11754243820905685 the:0.05861678719520569 but:0.03748587891459465 it:0.01654633693397045 :0.10757403075695038 +to:0.06289196014404297 the:0.06054127961397171 and:0.02890712581574917 a:0.025617308914661407 :0.13347385823726654 +the:0.23680326342582703 a:0.053904466331005096 this:0.019357100129127502 favor:0.018374351784586906 :0.08067674934864044 +day:0.05287038907408714 time:0.05280095711350441 of:0.04232296347618103 Monday:0.016961799934506416 :0.09658438712358475 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.06208674609661102 of:0.044879984110593796 to:0.03179740160703659 in:0.021708941087126732 :0.16242113709449768 +the:0.43347224593162537 a:0.07092519104480743 which:0.03574119508266449 tho:0.025820786133408546 :0.03524913638830185 +the:0.2173410952091217 virtue:0.08710645139217377 a:0.04882842302322388 said:0.01989412121474743 :0.0770500898361206 +most:0.006848429329693317 same:0.006577523425221443 best:0.005755686201155186 first:0.00448013236746192 :0.23241379857063293 +is:0.15090972185134888 was:0.06509057432413101 Is:0.021907487884163857 will:0.015802711248397827 :0.09255565702915192 +and:0.016926389187574387 the:0.015341629274189472 I:0.007242354564368725 The:0.00434325635433197 :0.5532441735267639 +ed:0.17316704988479614 ing:0.08293584734201431 of:0.04051315411925316 and:0.018009476363658905 :0.14004336297512054 +and:0.08733963221311569 in:0.03366497904062271 is:0.030361536890268326 of:0.023578068241477013 :0.1597781479358673 +and:0.012012570165097713 personal:0.008544422686100006 way:0.006690907292068005 life:0.005377300549298525 :0.19928842782974243 +profession:0.06670807301998138 profession,:0.05162646993994713 advice:0.016666913405060768 science:0.01659916341304779 :0.1473216861486435 +average:0.00959551427513361 same:0.009550889953970909 whole:0.008597171865403652 other:0.008590951561927795 :0.21329642832279205 +to:0.6335116624832153 in:0.042708415538072586 with:0.0365682952105999 by:0.03366468846797943 :0.02773134969174862 +own:0.049583107233047485 hand,:0.009334270842373371 power:0.008298046886920929 pocket:0.007051335647702217 :0.16691681742668152 +and:0.04045681282877922 the:0.017759673297405243 of:0.016792474314570427 a:0.01584445871412754 :0.2324695587158203 +the:0.11876094341278076 be:0.025476092472672462 appear:0.016947444528341293 a:0.013106199912726879 :0.11746524274349213 +.:0.15789763629436493 No.:0.020471524447202682 to:0.016307901591062546 A:0.013538247905671597 :0.2944510877132416 +and:0.020209509879350662 in:0.011257418431341648 the:0.011156500317156315 I:0.005462592002004385 :0.39348483085632324 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +the:0.06982184201478958 be:0.05497993528842926 make:0.02049577236175537 have:0.014747860841453075 :0.10443847626447678 +the:0.26511913537979126 a:0.0664975717663765 his:0.018750522285699844 this:0.01403569895774126 :0.07078736275434494 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +of:0.14063680171966553 in:0.05064912140369415 the:0.05064798891544342 and:0.045261893421411514 :0.12223362922668457 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.04091877117753029 ing:0.006029253825545311 the:0.004780585877597332 to:0.0046560135670006275 :0.313642293214798 +been:0.17249661684036255 not:0.04356120526790619 a:0.04016222804784775 the:0.027595873922109604 :0.0604892261326313 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +all:0.12221990525722504 every:0.08636066317558289 a:0.046636782586574554 the:0.040757495909929276 :0.16685880720615387 +the:0.34583213925361633 a:0.032741010189056396 this:0.022684268653392792 tho:0.016129035502672195 :0.10553537309169769 +of:0.11238127946853638 people:0.02952796034514904 who:0.022443227469921112 years:0.019694458693265915 :0.1429327428340912 +the:0.11165343225002289 he:0.06922437250614166 they:0.057839807122945786 not:0.05708777531981468 :0.08541285246610641 +own:0.06404349952936172 respective:0.011724676936864853 minds:0.011703076772391796 knees:0.00975120160728693 :0.23993927240371704 +be:0.23507842421531677 have:0.11980869621038437 think:0.024091416969895363 do:0.020705536007881165 :0.05351582542061806 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.36564213037490845 for:0.04641472548246384 and:0.03641339763998985 to:0.03540165349841118 :0.10159695148468018 +not:0.42968177795410156 the:0.06209053099155426 it:0.019436197355389595 all:0.016657045111060143 :0.03457570821046829 +to:0.1829245239496231 and:0.10852177441120148 in:0.09278889745473862 for:0.07794064283370972 :0.025985727086663246 +be:0.18336312472820282 not:0.11024992167949677 have:0.0871579498052597 never:0.023393288254737854 :0.05323617532849312 +The:0.17047110199928284 It:0.0813649520277977 This:0.029714329168200493 He:0.029624706134200096 :0.11260941624641418 +and:0.05439788103103638 in:0.028987865895032883 than:0.02178140915930271 of:0.020357606932520866 :0.17818909883499146 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +are:0.08113495260477066 have:0.07980647683143616 will:0.06662765145301819 were:0.06108270213007927 :0.061971861869096756 +guage:0.6142882704734802 and:0.01899663358926773 the:0.003589620115235448 I:0.002403023885563016 :0.2089550793170929 +and:0.31797710061073303 but:0.0736549124121666 the:0.043160367757081985 of:0.04107138141989708 :0.0592263825237751 +that:0.16406309604644775 the:0.12115452438592911 of:0.06453561782836914 what:0.05136742815375328 :0.045240093022584915 +the:0.1576141119003296 any:0.05498810112476349 a:0.03745352476835251 ever:0.027429718524217606 :0.11396308243274689 +are:0.11309094727039337 have:0.08771609514951706 were:0.06350811570882797 had:0.048106588423252106 :0.08697729557752609 +thing:0.016207193955779076 impression:0.013860287144780159 to:0.0126809636130929 line:0.010362646542489529 :0.17791014909744263 +of:0.0895652174949646 in:0.0493040531873703 to:0.041536133736371994 and:0.0317184180021286 :0.06210546940565109 +old:0.052217401564121246 examination:0.03204972669482231 effort:0.013830898329615593 act:0.012450420297682285 :0.38467732071876526 +the:0.28762781620025635 a:0.09573381394147873 upon:0.05099063739180565 on:0.039672862738370895 :0.03126271814107895 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.07015631347894669 that:0.02856474742293358 a:0.023585323244333267 to:0.017162205651402473 :0.09439956396818161 +a:0.05952545627951622 the:0.05613897740840912 to:0.025794237852096558 not:0.019232554361224174 :0.1455463021993637 +other:0.011786582879722118 only:0.005954644177109003 same:0.005572213791310787 said:0.005191195756196976 :0.2728649079799652 +and:0.07081946730613708 body:0.04078752174973488 man:0.018393022939562798 bodies:0.01544562540948391 :0.12957651913166046 +of:0.018068745732307434 was:0.015412281267344952 and:0.014592834748327732 the:0.012478080578148365 :0.35304731130599976 +the:0.41098055243492126 a:0.04441412165760994 this:0.031424380838871 said:0.023476187139749527 :0.08436033874750137 +the:0.6645172834396362 his:0.03329157456755638 tho:0.029413776472210884 this:0.025391068309545517 :0.020441364496946335 +the:0.2856515645980835 he:0.045553918927907944 they:0.04108826443552971 it:0.03339846804738045 :0.06264441460371017 +the:0.18153062462806702 a:0.04867604374885559 their:0.01594427227973938 his:0.014710239134728909 :0.16848094761371613 +of:0.13392356038093567 in:0.08230585604906082 the:0.07466144114732742 and:0.05146496370434761 :0.0430779755115509 +be:0.34417861700057983 not:0.07071264088153839 have:0.06655232608318329 bo:0.027204331010580063 :0.05210251361131668 +the:0.19894537329673767 a:0.045899778604507446 his:0.01358070783317089 see:0.012753527611494064 :0.14816127717494965 +the:0.2457631528377533 a:0.06022433936595917 and:0.03467828407883644 to:0.024165689945220947 :0.12044919282197952 +is:0.018166005611419678 country:0.01681966334581375 act:0.014439897611737251 was:0.011093193665146828 :0.13240186870098114 +and:0.11389093846082687 Minnesota,:0.06070471182465553 North:0.044138964265584946 Maryland,:0.04329564422369003 :0.08791312575340271 +and:0.32006964087486267 in:0.02516847662627697 of:0.021615056321024895 to:0.018046453595161438 :0.24920371174812317 +the:0.31467923521995544 a:0.03710516169667244 this:0.025519665330648422 course,:0.025430332869291306 :0.16833972930908203 +.:0.15300844609737396 H:0.026882696896791458 W:0.02202722057700157 B:0.01706567220389843 :0.3321189880371094 +was:0.09369354695081711 is:0.051612839102745056 has:0.045797765254974365 had:0.04397367686033249 :0.07238835096359253 +the:0.22516559064388275 this:0.032988041639328 a:0.032248616218566895 said:0.01895795203745365 :0.12115505337715149 +purpose:0.009657696820795536 men:0.009229044429957867 and:0.008130052126944065 man:0.006432205904275179 :0.37793341279029846 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.3432486653327942 a:0.030927782878279686 his:0.016944246366620064 tho:0.01584472879767418 :0.11390627920627594 +have:0.08233807235956192 are:0.06689826399087906 were:0.03733431175351143 will:0.03427731618285179 :0.0940001979470253 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +est:0.6771657466888428 er:0.08038363605737686 way:0.013525973074138165 and:0.006861228495836258 :0.04429143667221069 +name:0.03000054694712162 first:0.01842266507446766 wife:0.016280805692076683 father:0.012940410524606705 :0.1178034171462059 +and:0.07549327611923218 to:0.05741758644580841 by:0.039672400802373886 in:0.02432161197066307 :0.13086660206317902 +the:0.2210799902677536 a:0.04567909240722656 this:0.031053489074110985 tho:0.02067658305168152 :0.14637210965156555 +was:0.10466780513525009 had:0.04714967682957649 is:0.039509765803813934 has:0.03420809283852577 :0.08707690984010696 +to:0.7053428292274475 for:0.04030650481581688 that:0.029587194323539734 the:0.025923501700162888 :0.015990568324923515 +the:0.4169377088546753 a:0.05400574579834938 said:0.05044551566243172 this:0.018578557297587395 :0.06559696048498154 +of:0.12458591908216476 who:0.05869826674461365 to:0.05342753976583481 and:0.05245988070964813 :0.06213653087615967 +in:0.06062375009059906 and:0.03336905688047409 being:0.02701461873948574 on:0.024987321346998215 :0.10427049547433853 +of:0.39209356904029846 and:0.2633630335330963 for:0.047036465257406235 to:0.01879994012415409 :0.017538677901029587 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.12856724858283997 to:0.05191142112016678 in:0.02988957054913044 or:0.025057241320610046 :0.12641969323158264 +the:0.0836595892906189 r:0.02423137053847313 a:0.014590172097086906 and:0.010351761244237423 :0.19356182217597961 +Co.:0.04952056333422661 Co.,:0.04378991574048996 Co:0.013832544907927513 St.:0.010988052934408188 :0.4169423282146454 +H.:0.026166368275880814 C:0.0217734407633543 B:0.019201509654521942 B.:0.01887681521475315 :0.341648668050766 +been:0.175822913646698 a:0.06020165607333183 not:0.031632907688617706 no:0.02681107074022293 :0.06485166400671005 +and:0.01336013525724411 the:0.013059127144515514 -:0.00965260062366724 ing:0.009337040595710278 :0.2720387578010559 +the:0.3552895784378052 his:0.035884685814380646 a:0.03516119346022606 at:0.021037636324763298 :0.06410282105207443 +and:0.2523837387561798 the:0.05049772188067436 but:0.044217634946107864 to:0.023004930466413498 :0.03354206681251526 +of:0.5664501190185547 and:0.04903535544872284 was:0.020078616216778755 in:0.017495647072792053 :0.029090791940689087 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +the:0.3665687143802643 a:0.03542724624276161 this:0.024187050759792328 his:0.014494042843580246 :0.11280594021081924 +the:0.46035364270210266 a:0.06349792331457138 tho:0.02144511416554451 this:0.017768098041415215 :0.04765449836850166 +from:0.06565244495868683 in:0.0404559001326561 to:0.03585517778992653 over:0.03165096417069435 :0.07756885141134262 +the:0.25199466943740845 he:0.033359918743371964 a:0.03145555034279823 it:0.025243988260626793 :0.053940851241350174 +of:0.05215159431099892 and:0.03710698336362839 was:0.03369900956749916 is:0.022058311849832535 :0.17788837850093842 +and:0.25043559074401855 to:0.0575028732419014 enough:0.033112648874521255 in:0.03285806626081467 :0.12014105916023254 +of:0.3857598304748535 and:0.05940093472599983 in:0.029661929234862328 that:0.026537040248513222 :0.0203121155500412 +do:0.03691936656832695 make:0.030894408002495766 get:0.027700573205947876 be:0.01700892671942711 :0.08475592732429504 +and:0.04199478030204773 John:0.008333426900207996 James:0.0056651984341442585 J:0.0054131546057760715 :0.49918878078460693 +sity:0.4430903494358063 sary:0.2723850607872009 sarily:0.017171716317534447 of:0.008067039772868156 :0.12899279594421387 +be:0.2714034616947174 only:0.02054724283516407 see:0.017810219898819923 have:0.017482511699199677 :0.08628495782613754 +to:0.0498819425702095 own:0.047361504286527634 and:0.015434435568749905 in:0.012510760687291622 :0.17278186976909637 +been:0.1742945909500122 a:0.06931193917989731 the:0.03196411207318306 no:0.011181407608091831 :0.12344944477081299 +and:0.15451988577842712 in:0.023722734302282333 that:0.023011695593595505 from:0.018672345206141472 :0.13679033517837524 +had:0.08424725383520126 was:0.0406830757856369 would:0.036525990813970566 has:0.03023151494562626 :0.11134544014930725 +cent:0.525160014629364 cent,:0.2160481959581375 cent.:0.08479088544845581 cent;:0.012430272065103054 :0.05384983494877815 +be:0.2312316745519638 afford:0.018625617027282715 bo:0.018303291872143745 have:0.01677103526890278 :0.12405456602573395 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +is:0.08615542948246002 was:0.07015442848205566 time:0.027223698794841766 has:0.011119181290268898 :0.09911075234413147 +a:0.13403676450252533 the:0.06944283097982407 not:0.04981841892004013 an:0.016019992530345917 :0.07908862084150314 +to:0.39068174362182617 the:0.07670038938522339 a:0.03262201324105263 his:0.02991207130253315 :0.034839268773794174 +city:0.013865386135876179 United:0.012016257271170616 world:0.006726318504661322 same:0.005952834151685238 :0.24622158706188202 +the:0.2722061574459076 a:0.03706636652350426 he:0.02946915477514267 it:0.02094021998345852 :0.057227980345487595 +is:0.15090972185134888 was:0.06509057432413101 Is:0.021907487884163857 will:0.015802711248397827 :0.09255565702915192 +the:0.020324237644672394 and:0.01168446708470583 of:0.011259986087679863 f:0.011152501218020916 :0.31063738465309143 +been:0.17137844860553741 a:0.08665506541728973 the:0.039084166288375854 not:0.03417695686221123 :0.06712812185287476 +the:0.12433731555938721 to:0.11929013580083847 with,:0.06340038776397705 with:0.02888227067887783 :0.08468113094568253 +the:0.04941869154572487 a:0.014204539358615875 in:0.00947662629187107 that:0.007648650091141462 :0.2800668478012085 +of:0.054732006043195724 and:0.04359826073050499 to:0.026005106046795845 the:0.023371370509266853 :0.2685171663761139 +that:0.09498144686222076 far:0.06614560633897781 many:0.028286414220929146 as:0.026817049831151962 :0.14162501692771912 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +the:0.24259738624095917 least:0.0990079939365387 once:0.048891764134168625 a:0.033637382090091705 :0.0813814178109169 +the:0.1038743257522583 a:0.03892410919070244 land:0.008949308656156063 his:0.008040616288781166 :0.1895473301410675 +the:0.07100093364715576 a:0.02319595217704773 to:0.015059378929436207 that:0.014654386788606644 :0.1551961749792099 +who:0.2939230501651764 of:0.02152869664132595 in:0.019462240859866142 whose:0.012120078317821026 :0.1061539500951767 +the:0.23717863857746124 he:0.05302021652460098 they:0.026656487956643105 it:0.025505512952804565 :0.05954216048121452 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.05730440095067024 a:0.01486247405409813 to:0.009174861013889313 in:0.007691763341426849 :0.20255491137504578 +the:0.2544163763523102 a:0.03487665206193924 be:0.025565145537257195 his:0.013271499425172806 :0.14638593792915344 +be:0.20502956211566925 the:0.03983929380774498 have:0.035074565559625626 make:0.02335490472614765 :0.06678954511880875 +and:0.17784717679023743 of:0.1063767597079277 in:0.046822138130664825 to:0.0456385500729084 :0.040783632546663284 +time:0.01527309324592352 right,:0.013752451166510582 other:0.012364895083010197 way:0.008908342570066452 :0.16499440371990204 +in:0.09017138928174973 and:0.07160020619630814 to:0.04315531626343727 at:0.04187065362930298 :0.03666926920413971 +the:0.10505811870098114 a:0.04746169596910477 an:0.008758640848100185 this:0.008435731753706932 :0.19406118988990784 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.3509918451309204 a:0.03286582976579666 tho:0.015485185198485851 his:0.014169454574584961 :0.08511907607316971 +and:0.1992855817079544 the:0.062407247722148895 in:0.03390711918473244 by:0.025505756959319115 :0.061909038573503494 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.11094753444194794 but:0.05264853313565254 the:0.041392404586076736 a:0.026830267161130905 :0.05877084285020828 +to:0.12308813631534576 the:0.12194221466779709 and:0.0735481008887291 in:0.0494685098528862 :0.08346788585186005 +growth:0.09654279053211212 rate.:0.03675590828061104 and:0.030175864696502686 increase:0.016733501106500626 :0.1396130472421646 +the:0.3402285575866699 a:0.09182051569223404 his:0.025659525766968727 this:0.017551440745592117 :0.07804984599351883 +of:0.6728209257125854 to:0.03649502247571945 in:0.013815740123391151 ot:0.01225555595010519 :0.015093861147761345 +in:0.275265097618103 the:0.04890967532992363 of:0.03890426456928253 In:0.02921854704618454 :0.06368942558765411 +to:0.11592621356248856 in:0.075909823179245 the:0.06026703491806984 if:0.039263997226953506 :0.047873929142951965 +made:0.02411217801272869 the:0.021345995366573334 a:0.017464138567447662 in:0.013883151113986969 :0.13176392018795013 +and:0.06570468097925186 of:0.051594510674476624 The:0.03173036500811577 in:0.025455951690673828 :0.14725397527217865 +the:0.49157583713531494 a:0.09304182231426239 his:0.027404237538576126 tho:0.02138320915400982 :0.05899311974644661 +and:0.008192095905542374 of:0.005483686923980713 day:0.0051790643483400345 work:0.004547085613012314 :0.2604403495788574 +the:0.283021479845047 a:0.021767089143395424 said:0.015891583636403084 tho:0.010697784833610058 :0.1554451584815979 +have:0.10466587543487549 are:0.07024577260017395 can:0.03682391718029976 were:0.03370753303170204 :0.07948817312717438 +the:0.11924902349710464 it:0.04441333934664726 I:0.037009041756391525 if:0.03223714604973793 :0.05391513928771019 +own:0.04663694649934769 people:0.017602385953068733 readers:0.014105329290032387 country:0.009657121263444424 :0.15953059494495392 +dens:0.255845844745636 den:0.1821265071630478 tion:0.01297019049525261 and:0.01119618583470583 :0.23719100654125214 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +the:0.09405029565095901 and:0.06531579047441483 a:0.041953593492507935 to:0.032026924192905426 :0.08696161210536957 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +have:0.11309992522001266 be:0.09363075345754623 not:0.06582653522491455 say:0.032649438828229904 :0.06253136694431305 +be:0.1198735237121582 the:0.03303615003824234 do:0.02378576248884201 make:0.02145843580365181 :0.07509131729602814 +a:0.13787730038166046 the:0.06720675528049469 an:0.024461893364787102 to:0.01798221282660961 :0.08008559048175812 +the:0.02705482579767704 unlimited:0.024419138208031654 a:0.01449470967054367 State:0.007406167220324278 :0.2385656088590622 +a:0.07195116579532623 the:0.039955731481313705 to:0.023456836119294167 no:0.0218899454921484 :0.14216944575309753 +of:0.11757620424032211 to:0.06551238149404526 and:0.055314626544713974 that:0.05242688208818436 :0.04795944318175316 +the:0.07562869042158127 to:0.027400484308600426 a:0.016179464757442474 that:0.016101792454719543 :0.1453903317451477 +in:0.10487878322601318 and:0.05048882216215134 to:0.04486493393778801 of:0.027565760537981987 :0.13844801485538483 +have:0.07328508049249649 was:0.05869999900460243 am:0.043429501354694366 shall:0.025730125606060028 :0.1325743943452835 +of:0.11587430536746979 and:0.06476307660341263 was:0.05758501589298248 is:0.0223861001431942 :0.10236907005310059 +the:0.2008659392595291 a:0.02196371927857399 and:0.01842390187084675 his:0.016799528151750565 :0.25426316261291504 +and:0.029505960643291473 at:0.01624470017850399 of:0.014862206764519215 the:0.012384836561977863 :0.21111437678337097 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +and:0.17436759173870087 the:0.0709746703505516 as:0.038246385753154755 but:0.032840777188539505 :0.05696263536810875 +the:0.26586684584617615 a:0.03198520839214325 that:0.02687838487327099 their:0.018107831478118896 :0.11553917825222015 +are:0.07468206435441971 have:0.06974993646144867 were:0.04216049611568451 will:0.03582100570201874 :0.06517937034368515 +the:0.187862366437912 he:0.054962024092674255 a:0.05298766493797302 they:0.04322081059217453 :0.07082277536392212 +the:0.26653119921684265 a:0.11755998432636261 an:0.015102360397577286 this:0.013346323743462563 :0.08706581592559814 +the:0.12681181728839874 a:0.08154057711362839 to:0.05014773830771446 it:0.03204720467329025 :0.07475485652685165 +that:0.10230738669633865 far:0.0737326592206955 many:0.07292737811803818 much:0.06381513178348541 :0.12436626106500626 +was:0.1028168573975563 had:0.06523242592811584 has:0.04523448273539543 is:0.034410085529088974 :0.0684395506978035 +of:0.15087948739528656 per:0.1321256458759308 and:0.0776166096329689 on:0.04061991348862648 :0.05367838591337204 +and:0.05237501859664917 of:0.03750517964363098 the:0.02514374442398548 The:0.017851106822490692 :0.1812046319246292 +the:0.26927050948143005 a:0.043924953788518906 which:0.017255369573831558 tho:0.016136422753334045 :0.10271981358528137 +been:0.25891584157943726 a:0.028343502432107925 the:0.02306274138391018 to:0.02238249033689499 :0.11074206233024597 +and:0.05953648313879967 of:0.03168806806206703 The:0.018451355397701263 the:0.017079083248972893 :0.1821710467338562 +and:0.056792251765728 of:0.03189714252948761 the:0.018302880227565765 The:0.01766705885529518 :0.18527282774448395 +the:0.1210055872797966 to:0.08004755526781082 a:0.059305526316165924 in:0.04798707365989685 :0.02736014500260353 +west:0.12567326426506042 east:0.0609896145761013 and:0.05569050833582878 of:0.03756093978881836 :0.15203021466732025 +and:0.03853278234601021 of:0.027310550212860107 the:0.02538027986884117 to:0.021704543381929398 :0.18602952361106873 +the:0.3808615505695343 a:0.03861460089683533 which:0.03310598060488701 tho:0.02097523957490921 :0.08655119687318802 +of:0.21498338878154755 in:0.06698952615261078 to:0.0545622780919075 and:0.03747231140732765 :0.04330499470233917 +who:0.12943948805332184 of:0.07472214847803116 in:0.03522951900959015 to:0.03128941357135773 :0.053783245384693146 +and:0.03460876643657684 to:0.018678652122616768 ing:0.01336507499217987 not:0.007898061536252499 :0.29338303208351135 +the:0.02923629805445671 a:0.01797187142074108 .:0.015324071981012821 e:0.009839145466685295 :0.4019968509674072 +a:0.10933484137058258 the:0.05550305172801018 to:0.03924337774515152 only:0.03406539931893349 :0.09984607994556427 +the:0.09731199592351913 off:0.08173173666000366 down:0.04177943617105484 out:0.0405559316277504 :0.08138467371463776 +only:0.04133141413331032 most:0.03888779878616333 best:0.025256868451833725 same:0.01565677486360073 :0.15790358185768127 +and:0.07883477956056595 to:0.06803973019123077 in:0.029703289270401 the:0.026751313358545303 :0.14366047084331512 +the:0.14797043800354004 a:0.0313323549926281 this:0.014028928242623806 said:0.013563442043960094 :0.2073708176612854 +The:0.07550881057977676 He:0.07133261114358902 I:0.048746366053819656 It:0.031539060175418854 :0.09269659221172333 +A.:0.01872306503355503 J:0.00936444103717804 B.:0.008412438444793224 L.:0.008121958933770657 :0.5996455550193787 +the:0.21199890971183777 a:0.03757135570049286 this:0.03342152759432793 which:0.03196139633655548 :0.10057584196329117 +and:0.09949922561645508 in:0.018049778416752815 is:0.01511080376803875 was:0.010526304133236408 :0.30636921525001526 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +to:0.6822537779808044 a:0.04527498036623001 the:0.015492084436118603 they:0.013049826957285404 :0.014513070695102215 +Grant:0.022015653550624847 Lee:0.01655849628150463 Scott:0.01062573678791523 Grant,:0.009875095449388027 :0.4403305947780609 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.031798120588064194 and:0.02596789225935936 the:0.012269921600818634 at:0.008845711126923561 :0.3045825958251953 +the:0.10199902951717377 by:0.10012611746788025 as:0.08775851130485535 a:0.05115017294883728 :0.0710090845823288 +in:0.06468044221401215 being:0.033331017941236496 the:0.013711804524064064 to:0.013561631552875042 :0.12857714295387268 +the:0.18045373260974884 that:0.16043423116207123 a:0.06465624272823334 what:0.027348311617970467 :0.038386084139347076 +the:0.32487428188323975 this:0.03680438548326492 a:0.0326789952814579 his:0.018376823514699936 :0.05999946966767311 +a:0.04868994653224945 the:0.032687582075595856 not:0.0204587634652853 in:0.01654724031686783 :0.09293729066848755 +to:0.33606868982315063 from:0.08087365329265594 and:0.036970436573028564 of:0.02198067121207714 :0.042383767664432526 +of:0.16591575741767883 and:0.11266634613275528 in:0.03700760006904602 was:0.035674579441547394 :0.0507168285548687 +the:0.05517153441905975 a:0.01317871455103159 that:0.012641241773962975 he:0.008808504790067673 :0.2797805368900299 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +of:0.16497555375099182 and:0.06094253063201904 in:0.04507485777139664 the:0.04421388730406761 :0.055484917014837265 +the:0.06038644164800644 and:0.04027943313121796 a:0.026662392541766167 The:0.02552323415875435 :0.15257099270820618 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +the:0.071942538022995 that:0.060768011957407 and:0.03373900428414345 in:0.02981291338801384 :0.055078595876693726 +the:0.26568669080734253 a:0.0531369186937809 his:0.023385444656014442 their:0.022930119186639786 :0.05532006919384003 +was:0.1268741339445114 is:0.05664673075079918 had:0.05016980692744255 has:0.04087289795279503 :0.09020360559225082 +the:0.28930506110191345 a:0.035359710454940796 tho:0.019852865487337112 them:0.01812281832098961 :0.09768107533454895 +the:0.20025703310966492 a:0.08444825559854507 this:0.02041991613805294 some:0.018257685005664825 :0.06226769834756851 +sence:0.11603205651044846 solutely:0.06576814502477646 and:0.008330682292580605 -:0.0057828486897051334 :0.6529044508934021 +that:0.33502626419067383 of:0.1814488172531128 to:0.05784546583890915 in:0.0346343033015728 :0.024071918800473213 +The:0.1566709578037262 In:0.0498499721288681 It:0.041666723787784576 There:0.03189833462238312 :0.05004199966788292 +first:0.012488028965890408 people:0.010257389396429062 only:0.008083171211183071 men:0.006932842545211315 :0.11648400872945786 +the:0.146497443318367 to:0.061750736087560654 him:0.03381282463669777 a:0.032400939613580704 :0.08901439607143402 +ent:0.4545862376689911 ent,:0.10093391686677933 ident:0.04889461398124695 ence:0.03483375906944275 :0.15970617532730103 +the:0.06522398442029953 that:0.011810891330242157 in:0.01095555815845728 a:0.01071354653686285 :0.15734247863292694 +the:0.2521153688430786 a:0.14604714512825012 an:0.020186228677630424 it:0.018797753378748894 :0.15978065133094788 +the:0.5233625769615173 these:0.0409051850438118 them:0.03918450325727463 his:0.02921440824866295 :0.03497201204299927 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +time:0.29578420519828796 distance:0.13670402765274048 time.:0.0547112375497818 time,:0.051757633686065674 :0.06742873042821884 +the:0.09388265013694763 do:0.03713422268629074 make:0.031044665724039078 this:0.023885997012257576 :0.06545110046863556 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +and:0.11118148267269135 with:0.07193054258823395 I:0.04700109735131264 to:0.03557596728205681 :0.062448639422655106 +wife,:0.03510062023997307 own:0.020067038014531136 wife:0.01520314160734415 head:0.011249985545873642 :0.2084280103445053 +mortgage:0.03551492840051651 John:0.014492273330688477 County:0.012314995750784874 William:0.009532668627798557 :0.16362731158733368 +and:0.04035183787345886 of:0.02819058857858181 are:0.008607492782175541 government:0.00853811390697956 :0.30207347869873047 +the:0.1259668618440628 about:0.06552507728338242 a:0.04203803464770317 out:0.030688386410474777 :0.05814342573285103 +a:0.07340338826179504 been:0.06530646234750748 no:0.04607190564274788 to:0.04548287391662598 :0.08794183284044266 +growth:0.09654279053211212 rate.:0.03675590828061104 and:0.030175864696502686 increase:0.016733501106500626 :0.1396130472421646 +the:0.3650370240211487 their:0.04286443814635277 with:0.034010689705610275 his:0.03332960233092308 :0.04507869854569435 +are:0.06730017811059952 have:0.06410709768533707 will:0.05684370920062065 is:0.05152834951877594 :0.050113365054130554 +and:0.12127867341041565 The:0.03103310614824295 to:0.022950926795601845 but:0.02226000837981701 :0.1365952491760254 +man:0.024356067180633545 few:0.012990656308829784 little:0.008754657581448555 large:0.007514636032283306 :0.18343324959278107 +not:0.5755266547203064 the:0.018424730747938156 I:0.011485012248158455 didate:0.010336249135434628 :0.17031781375408173 +the:0.2991625964641571 a:0.029691914096474648 this:0.017845135182142258 his:0.015730759128928185 :0.19427813589572906 +and:0.060692209750413895 or:0.011555005796253681 the:0.011037704534828663 of:0.006233951076865196 :0.17074154317378998 +of:0.07817355543375015 year,:0.036114539951086044 and:0.029553702101111412 other:0.02676771953701973 :0.11772779375314713 +and:0.032098814845085144 in:0.012463533319532871 men:0.010767115280032158 or:0.009698980487883091 :0.3399450182914734 +to:0.019521545618772507 of:0.014947096817195415 weakness,:0.009515120647847652 in:0.0068287611939013 :0.2696842551231384 +of:0.4141886830329895 and:0.07524214684963226 in:0.03997721150517464 to:0.03546375408768654 :0.03058282472193241 +six:0.04490775242447853 the:0.040263090282678604 ten:0.04017198085784912 interest:0.025137804448604584 :0.19166839122772217 +and:0.05756283551454544 to:0.0547872856259346 in:0.052802909165620804 from:0.027696993201971054 :0.09138079732656479 +and:0.00892576016485691 of:0.0039705620147287846 to:0.003600696800276637 day:0.003182897809892893 :0.30317065119743347 +are:0.13548468053340912 have:0.09566782414913177 were:0.07368659228086472 will:0.0338527113199234 :0.05802265927195549 +of:0.4065191149711609 to:0.05238039791584015 in:0.04669348523020744 for:0.03405419737100601 :0.0503561832010746 +order:0.022944504395127296 old:0.021825557574629784 act:0.018645549193024635 inch:0.01732419617474079 :0.22439688444137573 +and:0.07269672304391861 of:0.0623055137693882 in:0.053281959146261215 was:0.03911551088094711 :0.042894523590803146 +all:0.09100306034088135 two:0.07207109034061432 every:0.06238655000925064 the:0.03164875507354736 :0.1719544231891632 +a:0.03770310431718826 the:0.03496844321489334 made:0.027254745364189148 sold:0.016782863065600395 :0.12037137895822525 +and:0.09602349251508713 of:0.0712188184261322 to:0.03356710821390152 in:0.03254304826259613 :0.12244109809398651 +and:0.26106053590774536 in:0.03721034899353981 or:0.027247697114944458 but:0.026505673304200172 :0.05637361854314804 +of:0.27893951535224915 the:0.10549929738044739 a:0.01778693124651909 and:0.012835581786930561 :0.10527815669775009 +cream:0.07090070098638535 and:0.043419044464826584 to:0.03746828809380531 is:0.023680303245782852 :0.055837541818618774 +steady;:0.0739174336194992 steady.:0.0448593869805336 unchanged;:0.028635885566473007 unchanged.:0.026231342926621437 :0.20496180653572083 +to:0.7708330154418945 for:0.02148941159248352 in:0.01279686763882637 thereto.:0.007730186451226473 :0.05013298615813255 +The:0.23415786027908325 It:0.04204963147640228 There:0.03643340617418289 This:0.02458028681576252 :0.10064134001731873 +of:0.05265384912490845 and:0.03399558737874031 12:0.03125985339283943 corner:0.028413575142621994 :0.16138090193271637 +have:0.1536019891500473 are:0.11202611029148102 were:0.06544233113527298 had:0.029928559437394142 :0.05467347055673599 +Representatives:0.1999540477991104 the:0.08486111462116241 Representatives,:0.06690055131912231 Representa-:0.040392711758613586 :0.22759662568569183 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +is:0.17075790464878082 was:0.0785783976316452 Is:0.018482806161046028 has:0.01762598380446434 :0.11442147940397263 +not:0.048385169357061386 a:0.04584849998354912 the:0.03067934326827526 in:0.024674097076058388 :0.11830677092075348 +and:0.3867274224758148 but:0.08334460109472275 the:0.036942631006240845 or:0.018026376143097878 :0.034300580620765686 +to:0.3092050850391388 that:0.038605011999607086 in:0.033374443650245667 from:0.032666243612766266 :0.03072616271674633 +no:0.07847768068313599 a:0.0403904914855957 many:0.03362477570772171 not:0.031154364347457886 :0.12804484367370605 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.4085552394390106 a:0.0571170412003994 this:0.022860238328576088 tho:0.022118015214800835 :0.05399717018008232 +the:0.13409417867660522 them:0.11988332122564316 us:0.09556419402360916 him:0.0940571278333664 :0.06119772046804428 +the:0.5233625769615173 these:0.0409051850438118 them:0.03918450325727463 his:0.02921440824866295 :0.03497201204299927 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +was:0.09644130617380142 is:0.048810943961143494 had:0.0481693297624588 has:0.037704356014728546 :0.07475211471319199 +to:0.039781730622053146 not:0.03795648738741875 the:0.02486473135650158 in:0.020715706050395966 :0.11549937725067139 +to:0.12350019067525864 and:0.08651388436555862 in:0.04914676025509834 with:0.03694668039679527 :0.029345639050006866 +school:0.09628302603960037 price:0.022955600172281265 and:0.0201659444719553 seas:0.019302330911159515 :0.11154597252607346 +the:0.04690080136060715 a:0.023993192240595818 any:0.01911311224102974 other:0.015991101041436195 :0.2837858200073242 +the:0.1384897530078888 it:0.09064868837594986 they:0.0564662404358387 we:0.05082530155777931 :0.050666444003582 +be:0.22339801490306854 not:0.05123239383101463 have:0.02427598647773266 bo:0.017404360696673393 :0.10037964582443237 +by:0.314829558134079 in:0.09444499760866165 to:0.06038503348827362 and:0.05806202441453934 :0.03983774408698082 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +act,:0.07531309872865677 act:0.07441381365060806 direction:0.028077948838472366 Act:0.023254983127117157 :0.14073234796524048 +the:0.1230740025639534 of:0.1199529767036438 a:0.08167341351509094 that:0.03934231027960777 :0.028090497478842735 +be:0.05387638881802559 a:0.032458361238241196 been:0.022788269445300102 the:0.020301684737205505 :0.14384301006793976 +and:0.13462555408477783 the:0.07235375791788101 with:0.023055419325828552 as:0.01896076835691929 :0.1322147101163864 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +the:0.07990434020757675 that:0.04964563995599747 I:0.0444706529378891 it:0.03739962726831436 :0.042848434299230576 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.296164333820343 said:0.04282432422041893 a:0.027736054733395576 this:0.02744029462337494 :0.1546366661787033 +of:0.2948760688304901 in:0.06459393352270126 to:0.044533565640449524 the:0.04325674846768379 :0.03773379698395729 +year:0.016288507729768753 time:0.00981992483139038 is:0.00733546819537878 act:0.007071411237120628 :0.10970164090394974 +The:0.14041706919670105 It:0.0703502669930458 He:0.041558291763067245 There:0.02811356633901596 :0.1129462718963623 +been:0.08640292286872864 a:0.06510382890701294 not:0.02863261289894581 no:0.027903877198696136 :0.0896749421954155 +of:0.06783472001552582 and:0.05286473408341408 in:0.03180645778775215 The:0.029349682852625847 :0.11337026953697205 +and:0.015529802069067955 is:0.009418466128408909 was:0.006840803660452366 of:0.005811331793665886 :0.31576791405677795 +and:0.07706333696842194 the:0.0470283143222332 a:0.03171652927994728 of:0.030101047828793526 :0.1918766051530838 +and:0.06867433339357376 situate:0.05700047314167023 in:0.055347420275211334 conveyed:0.030649976804852486 :0.07914772629737854 +first:0.009763623587787151 result:0.008189244195818901 whole:0.007073065731674433 most:0.006992631126195192 :0.14498235285282135 +number:0.09462065249681473 amount:0.047656815499067307 portion:0.025956550613045692 part:0.025067195296287537 :0.15149721503257751 +and:0.07060911506414413 was:0.031256500631570816 is:0.018474718555808067 of:0.015102223493158817 :0.13561803102493286 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +of:0.05638407543301582 and:0.03271462395787239 in:0.029178502038121223 the:0.01975381188094616 :0.13336169719696045 +and:0.021253885701298714 party:0.006267072632908821 the:0.004693102091550827 business:0.0036807565484195948 :0.2343512326478958 +be:0.22099368274211884 only:0.025223813951015472 have:0.023541223257780075 do:0.014406559988856316 :0.06126907467842102 +of:0.05955815687775612 and:0.05206355080008507 for:0.04626148194074631 is:0.041595783084630966 :0.050087202340364456 +and:0.11838538199663162 of:0.07179535925388336 simple:0.04662691056728363 the:0.03448335453867912 :0.09042737632989883 +the:0.06758322566747665 a:0.06246688961982727 not:0.032556310296058655 to:0.01936202310025692 :0.09575828909873962 +been:0.10238058120012283 not:0.04514680430293083 seen:0.03994383662939072 no:0.033172573894262314 :0.07337480783462524 +years:0.07409951835870743 per:0.033510442823171616 acres:0.02495904080569744 thousand:0.0242703128606081 :0.17642594873905182 +the:0.198775976896286 America,:0.09179621189832687 America:0.05486297607421875 this:0.028773797675967216 :0.12566456198692322 +the:0.04710768163204193 a:0.017389554530382156 to:0.013925614766776562 that:0.013281331397593021 :0.1680016964673996 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +who:0.15971830487251282 of:0.06114320829510689 was:0.04509253799915314 in:0.03945636749267578 :0.0563456229865551 +The:0.21841493248939514 He:0.050982989370822906 It:0.039769940078258514 A:0.0341029018163681 :0.0881662666797638 +and:0.14533767104148865 the:0.035726044327020645 but:0.03421821445226669 as:0.022113695740699768 :0.10937286168336868 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +great:0.03469572961330414 very:0.02797994576394558 good:0.025457268580794334 matter:0.013830834068357944 :0.16428038477897644 +of:0.19952543079853058 the:0.05816037952899933 to:0.037334345281124115 a:0.031827740371227264 :0.09451886266469955 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.09888516366481781 to:0.039949581027030945 in:0.022697649896144867 for:0.018454095348715782 :0.20018011331558228 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +as:0.05862372741103172 in:0.052929870784282684 whereas,:0.049641791731119156 if:0.034636374562978745 :0.09518866240978241 +of:0.13623613119125366 to:0.12532778084278107 along:0.1248050183057785 and:0.08706444501876831 :0.05406676232814789 +to:0.12024486809968948 and:0.07629487663507462 from:0.030790630728006363 for:0.02859635092318058 :0.12608250975608826 +ton:0.4165477156639099 ton.:0.22272475063800812 ton,:0.20397569239139557 and:0.009278472512960434 :0.05968628451228142 +to:0.16755172610282898 by:0.11777836829423904 in:0.07840591669082642 of:0.04706190153956413 :0.038525741547346115 +and:0.12949831783771515 the:0.06606923788785934 at:0.03981930390000343 lease,:0.03383517637848854 :0.1199827641248703 +be:0.2026018649339676 have:0.0387813039124012 make:0.026149358600378036 do:0.021773885935544968 :0.07696189731359482 +own:0.023425236344337463 way:0.004786391742527485 names:0.004459293559193611 lives:0.0033440159168094397 :0.2856011688709259 +was:0.0850445032119751 had:0.05635421723127365 is:0.03825842961668968 has:0.029217584058642387 :0.1173517182469368 +be:0.13709710538387299 not:0.12984780967235565 have:0.025026123970746994 make:0.01871112547814846 :0.10132567584514618 +of:0.06922636926174164 and:0.053209252655506134 to:0.01942439004778862 The:0.018544688820838928 :0.2222047746181488 +the:0.11184529215097427 it:0.03757871687412262 a:0.02486300840973854 he:0.02064822055399418 :0.07796463370323181 +The:0.11318504065275192 I:0.047270823270082474 It:0.036407049745321274 He:0.02667074091732502 :0.10775696486234665 +and:0.05908621847629547 the:0.05107143893837929 to:0.031012501567602158 in:0.01923266053199768 :0.14284957945346832 +the:0.13230064511299133 he:0.05041469261050224 it:0.04433939978480339 they:0.03698735311627388 :0.05953036621212959 +der:0.23015674948692322 til:0.1310809999704361 doubtedly:0.04849792644381523 known:0.01786946877837181 :0.13507860898971558 +The:0.18854199349880219 It:0.04088335111737251 This:0.02844925969839096 In:0.028121447190642357 :0.1707431823015213 +to:0.3874067962169647 a:0.05275196582078934 the:0.04973515868186951 you:0.02363581396639347 :0.041774336248636246 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.20528054237365723 the:0.06103746220469475 but:0.05616271495819092 which:0.029457731172442436 :0.0535421222448349 +the:0.26336124539375305 a:0.049401458352804184 his:0.02450677379965782 their:0.020040713250637054 :0.0822642594575882 +of:0.6923473477363586 and:0.02722652070224285 ot:0.012557887472212315 that:0.010730093345046043 :0.021028434857726097 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.15975584089756012 be:0.028922555968165398 a:0.025656932964920998 make:0.015356150455772877 :0.15333591401576996 +and:0.14282101392745972 of:0.06474274396896362 the:0.03338180109858513 in:0.02992786094546318 :0.09808088839054108 +mortgage:0.03551492840051651 John:0.014492273330688477 County:0.012314995750784874 William:0.009532668627798557 :0.16362731158733368 +and:0.051479924470186234 of:0.04837309941649437 to:0.04497655853629112 The:0.01951444521546364 :0.16228458285331726 +of:0.039105940610170364 in:0.033856816589832306 for:0.02112758159637451 to:0.018590960651636124 :0.22659920156002045 +of:0.05303394794464111 one:0.03836166113615036 person:0.03139570727944374 vacancy:0.02951786294579506 :0.12478248029947281 +the:0.1006503701210022 a:0.02913360856473446 equitable:0.02048579975962639 to:0.014526802115142345 :0.1354406774044037 +not:0.7708278298377991 the:0.011304914020001888 this:0.008541331626474857 that:0.007712505757808685 :0.018716393038630486 +the:0.2844996154308319 a:0.043593764305114746 be:0.02169627696275711 his:0.019620614126324654 :0.12298817187547684 +the:0.11431723088026047 a:0.017801417037844658 of:0.016974853351712227 his:0.016008201986551285 :0.16968829929828644 +by:0.1271734982728958 in:0.11414863914251328 for:0.11186844855546951 to:0.10232710838317871 :0.043191712349653244 +and:0.12397812306880951 with:0.04679019749164581 in:0.03867809474468231 to:0.035942696034908295 :0.06866183131933212 +and:0.34098899364471436 to:0.06397613137960434 the:0.047747451812028885 but:0.0439474917948246 :0.03173970803618431 +of:0.6105228066444397 is:0.024904100224375725 that:0.0246990118175745 to:0.015554001554846764 :0.043395888060331345 +the:0.07526174187660217 to:0.05184664577245712 in:0.03454352542757988 of:0.026255104690790176 :0.13480792939662933 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +years:0.058352332562208176 of:0.045588698238134384 hundred:0.03733842447400093 men:0.03339659422636032 :0.11573179066181183 +the:0.11127595603466034 a:0.08422514796257019 him:0.06297533214092255 him.:0.03869498148560524 :0.03948605805635452 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +per:0.09005460888147354 years:0.06483597308397293 thousand:0.046010639518499374 o'clock:0.040631674230098724 :0.12583570182323456 +to:0.06934569031000137 and:0.04969998449087143 the:0.04868253692984581 upon:0.04450300708413124 :0.04114148020744324 +of:0.03528859093785286 and:0.02506396919488907 the:0.011875862255692482 is:0.010979748331010342 :0.41543200612068176 +and:0.04121415689587593 the:0.02100670337677002 to:0.017657965421676636 of:0.016502398997545242 :0.27153149247169495 +and:0.1500585377216339 the:0.04252792149782181 which:0.025562390685081482 but:0.018071157857775688 :0.09508723020553589 +The:0.09892144054174423 It:0.037279512733221054 He:0.030909428372979164 In:0.029903769493103027 :0.11622593551874161 +the:0.10047653317451477 out:0.09260048717260361 a:0.07920359075069427 that:0.05577854439616203 :0.04190722480416298 +to:0.6244074106216431 that:0.09148415178060532 the:0.016814282163977623 by:0.015479689463973045 :0.018832115456461906 +own:0.033509209752082825 friends:0.012934176251292229 life:0.012018291279673576 life.:0.006936667952686548 :0.18625524640083313 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.25070714950561523 he:0.06462446600198746 it:0.03827385604381561 they:0.024491596966981888 :0.051927246153354645 +and:0.027534013614058495 of:0.021022433415055275 the:0.015571419149637222 to:0.009610749781131744 :0.3409822881221771 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +and:0.09308580309152603 in:0.01923174038529396 No.:0.015442958101630211 of:0.011066943407058716 :0.3102145493030548 +to:0.14616253972053528 from:0.09062859416007996 by:0.08146882057189941 in:0.06219302490353584 :0.04843061789870262 +to:0.32758867740631104 of:0.26608413457870483 and:0.03992366045713425 in:0.03351883962750435 :0.02281639352440834 +own:0.049583107233047485 hand,:0.009334270842373371 power:0.008298046886920929 pocket:0.007051335647702217 :0.16691681742668152 +the:0.1783871203660965 it:0.08282788842916489 a:0.044745370745658875 him:0.04032539203763008 :0.08105459809303284 +a:0.31933194398880005 an:0.06354037672281265 as:0.014772791415452957 rules:0.00824039801955223 :0.0827581062912941 +and:0.03606612607836723 in:0.01844201795756817 to:0.009579690173268318 the:0.009028393775224686 :0.20972618460655212 +and:0.027569230645895004 the:0.014027413912117481 or:0.012092373333871365 of:0.006800647359341383 :0.3676072657108307 +the:0.2210799902677536 a:0.04567909240722656 this:0.031053489074110985 tho:0.02067658305168152 :0.14637210965156555 +was:0.09156827628612518 had:0.057275742292404175 is:0.055636048316955566 has:0.05349787324666977 :0.08406860381364822 +men:0.017009632661938667 man:0.008966831490397453 and:0.007184967398643494 work:0.005813131108880043 :0.29371902346611023 +the:0.23912158608436584 a:0.028377067297697067 this:0.01796257123351097 tho:0.009996951557695866 :0.19075459241867065 +been:0.3500768840312958 a:0.023211443796753883 the:0.01885223761200905 done:0.016291635110974312 :0.06375680863857269 +the:0.038647208362817764 paid:0.029896916821599007 made:0.026404066011309624 a:0.02053823508322239 :0.13435012102127075 +the:0.16654585301876068 in:0.048657555133104324 a:0.043635863810777664 and:0.0358298122882843 :0.09068352729082108 +of:0.4582042992115021 and:0.061038315296173096 in:0.0438496433198452 to:0.03643502667546272 :0.03461528569459915 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.2116154432296753 a:0.04205493628978729 of:0.03389377519488335 and:0.02555585466325283 :0.05861208587884903 +necessary:0.02500094100832939 made:0.023936236277222633 the:0.023093899711966515 said:0.022568104788661003 :0.14483880996704102 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +to:0.11227463185787201 and:0.07496222853660583 in:0.041602056473493576 that:0.03860911354422569 :0.03262721374630928 +to:0.09639552980661392 the:0.06572157889604568 a:0.03984528407454491 in:0.03485841676592827 :0.07959900051355362 +in:0.05098884925246239 and:0.04442080855369568 of:0.03406551852822304 for:0.03195313364267349 :0.07484942674636841 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.13553178310394287 a:0.02590334787964821 that:0.01867428608238697 of:0.013617127202451229 :0.1814744919538498 +19,:0.30447831749916077 19.:0.024719668552279472 and:0.024320129305124283 20,:0.009439758025109768 :0.09165912866592407 +action:0.0374838262796402 effort:0.028842298313975334 order:0.01640644669532776 old:0.015424827113747597 :0.21649116277694702 +and:0.034663859754800797 with:0.01700211502611637 the:0.016660327091813087 of:0.012096406891942024 :0.29396185278892517 +the:0.1940300017595291 my:0.05009259656071663 a:0.04792232811450958 to:0.03017154335975647 :0.08619814366102219 +and:0.0828687772154808 the:0.062026649713516235 in:0.057606570422649384 to:0.03957431763410568 :0.10428372770547867 +day:0.011873695068061352 exception:0.011645986698567867 of:0.004933756310492754 people:0.004895177204161882 :0.2490229457616806 +of:0.04786454886198044 and:0.04491841793060303 or:0.028567243367433548 the:0.028341613709926605 :0.16377893090248108 +deal:0.02686968818306923 thing:0.02198549546301365 and:0.018733099102973938 part:0.01071002148091793 :0.17256176471710205 +and:0.08015291392803192 the:0.025952233001589775 of:0.025881141424179077 The:0.014620392583310604 :0.15410524606704712 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +been:0.2351735383272171 a:0.0456407368183136 not:0.025228317826986313 the:0.020197948440909386 :0.09860303997993469 +of:0.08416759967803955 and:0.062365882098674774 the:0.021485447883605957 were:0.014464947395026684 :0.1655559539794922 +the:0.07887177169322968 a:0.07803269475698471 not:0.054224394261837006 to:0.017361454665660858 :0.10609003901481628 +and:0.05774316191673279 cane:0.025484926998615265 cane,:0.023719046264886856 of:0.015544703230261803 :0.1890818178653717 +ern:0.4116123914718628 erate:0.1535816788673401 of:0.017235729843378067 and:0.011336620897054672 :0.1778644323348999 +and:0.04406600818037987 to:0.014791969209909439 in:0.011967706494033337 of:0.010573162697255611 :0.2392059713602066 +and:0.13789410889148712 of:0.11570289731025696 for:0.06640476733446121 to:0.05645650997757912 :0.056202203035354614 +law:0.01756381057202816 building:0.008150143548846245 government:0.007489483803510666 feature:0.006978316698223352 :0.16089223325252533 +far:0.08121410012245178 he:0.04880246892571449 long:0.04256663843989372 that:0.0359586663544178 :0.07449451833963394 +The:0.15898865461349487 It:0.06056763604283333 They:0.03330074995756149 He:0.02827603742480278 :0.12671136856079102 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +a:0.05957803130149841 the:0.03245207667350769 not:0.02004692703485489 to:0.014689686708152294 :0.09116390347480774 +and:0.0455881804227829 of:0.04353984072804451 to:0.03337160125374794 the:0.02007479965686798 :0.1316259652376175 +ing:0.8974321484565735 ed:0.018240274861454964 ing,:0.010636997409164906 and:0.010177581571042538 :0.012052888981997967 +crease:0.03165465220808983 stance:0.02752402424812317 stead:0.024979043751955032 creased:0.015942024067044258 :0.4013720750808716 +.:0.1853727549314499 was:0.013724192976951599 and:0.010403593070805073 of:0.010210458189249039 :0.2824958562850952 +was:0.1353166550397873 had:0.11032532900571823 would:0.06432236731052399 has:0.05246366187930107 :0.06731374561786652 +the:0.16563759744167328 by:0.09338125586509705 a:0.05171864852309227 in:0.045158207416534424 :0.07604705542325974 +to:0.027784233912825584 of:0.024960409849882126 and:0.013064383529126644 more:0.011665397323668003 :0.159146249294281 +be:0.5525074005126953 not:0.07347126305103302 bo:0.028901297599077225 have:0.02813168428838253 :0.03846103325486183 +to:0.14499539136886597 from:0.08867330849170685 and:0.06614488363265991 in:0.04082096740603447 :0.05698998644948006 +great:0.024727405980229378 very:0.019713273271918297 good:0.01518146600574255 little:0.014627707190811634 :0.16491447389125824 +and:0.023435091599822044 of:0.01476918812841177 the:0.004535169340670109 is:0.004132318310439587 :0.32405632734298706 +so:0.0303090400993824 a:0.029332522302865982 to:0.028796372935175896 only:0.027001941576600075 :0.12442687153816223 +of:0.6410984396934509 for:0.02692466415464878 and:0.023450078442692757 in:0.02294459380209446 :0.02178316004574299 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.3845512270927429 a:0.05146860331296921 tho:0.02152356691658497 this:0.01847440004348755 :0.05347143113613129 +the:0.40099960565567017 a:0.05220058932900429 his:0.016207022592425346 this:0.015455293469130993 :0.11533205956220627 +time:0.06716762483119965 as:0.03796509653329849 to:0.026660649105906487 time,:0.01691386103630066 :0.09311540424823761 +the:0.19645385444164276 a:0.05214187875390053 his:0.02022603712975979 this:0.016391756013035774 :0.15635396540164948 +the:0.021847153082489967 of:0.019465899094939232 and:0.015222085639834404 to:0.011198261752724648 :0.23376917839050293 +men:0.10524136573076248 years:0.03555137664079666 or:0.01694207638502121 of:0.01335100457072258 :0.22119976580142975 +marked:0.18383684754371643 of:0.06534183770418167 in:0.05050580948591232 and:0.04703351855278015 :0.1274261325597763 +same:0.009235186502337456 place:0.009029075503349304 oath:0.006902473047375679 best:0.0057697780430316925 :0.16979815065860748 +to:0.13783596456050873 in:0.06310119479894638 and:0.026954706758260727 that:0.024294430390000343 :0.10801216214895248 +the:0.20040591061115265 a:0.139999657869339 his:0.032949015498161316 an:0.022040754556655884 :0.09678898751735687 +the:0.12586461007595062 a:0.023858902975916862 this:0.018047135323286057 tho:0.010173666290938854 :0.14668460190296173 +large:0.0652257651090622 small:0.029297754168510437 good:0.025559594854712486 few:0.02195774018764496 :0.12147501856088638 +the:0.14212124049663544 a:0.04875987768173218 three:0.01036928128451109 tho:0.010261633433401585 :0.1704273819923401 +is:0.15304331481456757 was:0.07244762033224106 Is:0.07014184445142746 would:0.04864766076207161 :0.08995849639177322 +first:0.015169286169111729 and:0.012965378351509571 last:0.011404273100197315 years:0.00845871027559042 :0.2948472499847412 +as:0.24377338588237762 be:0.02221526950597763 the:0.017958933487534523 in:0.013204677030444145 :0.12998464703559875 +to:0.6093376278877258 in:0.026782136410474777 for:0.023739371448755264 and:0.018561000004410744 :0.04816470295190811 +to:0.09968462586402893 of:0.06005597859621048 I:0.044011447578668594 and:0.03467155620455742 :0.06265605241060257 +come.:0.08819916844367981 come,:0.06394688785076141 be:0.058650240302085876 the:0.0581224150955677 :0.086114302277565 +in:0.16647613048553467 the:0.10488899797201157 with:0.05034738779067993 and:0.03994884341955185 :0.10933014750480652 +of:0.055265165865421295 to:0.040441788733005524 in:0.039412178099155426 and:0.03592131286859512 :0.13141727447509766 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.5542426705360413 those:0.059625763446092606 these:0.03203335031867027 other:0.026598934084177017 :0.029351210221648216 +be:0.6001756191253662 bo:0.035607241094112396 have:0.019176974892616272 not:0.012334560975432396 :0.013138965703547001 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +not:0.533316969871521 the:0.02837594412267208 it:0.02528587356209755 a:0.01308163907378912 :0.031187696382403374 +and:0.09187628328800201 of:0.08511331677436829 the:0.020060669630765915 in:0.01981929875910282 :0.13075390458106995 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +be:0.13846708834171295 not:0.0917777344584465 have:0.038820162415504456 make:0.018343226984143257 :0.0902915820479393 +the:0.12609867751598358 it:0.023264193907380104 a:0.01974775642156601 then:0.01768667809665203 :0.08106861263513565 +the:0.27846187353134155 a:0.03928385302424431 be:0.03271092474460602 make:0.011513778939843178 :0.09836043417453766 +by:0.103464275598526 in:0.06532146781682968 and:0.06298226863145828 to:0.05644302815198898 :0.03310643881559372 +a:0.11281757801771164 not:0.07292187213897705 the:0.06704414635896683 said:0.02236642874777317 :0.06751331686973572 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.2576526403427124 he:0.09035319834947586 they:0.058511000126600266 a:0.051550790667533875 :0.04371551051735878 +tered:0.2933340072631836 gaged:0.09842468798160553 joyed:0.03543952479958534 titled:0.028360383585095406 :0.32931965589523315 +same:0.018699346110224724 following:0.016858955845236778 said:0.007867653854191303 most:0.006498642731457949 :0.19332097470760345 +to:0.5989604592323303 for:0.03134193271398544 in:0.030045729130506516 was:0.028108244761824608 :0.025307508185505867 +and:0.1197243332862854 to:0.07486262917518616 but:0.03453870117664337 in:0.02667497657239437 :0.04225926101207733 +the:0.07698129117488861 is:0.07443646341562271 they:0.05815295875072479 he:0.05426045507192612 :0.053264014422893524 +and:0.20655986666679382 of:0.06802760809659958 was:0.03811688721179962 is:0.025413598865270615 :0.1712907999753952 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.07231634110212326 of:0.03126262128353119 the:0.024264872074127197 The:0.021867092698812485 :0.16196197271347046 +that:0.07805335521697998 the:0.047130852937698364 he:0.04343723878264427 to:0.026159755885601044 :0.16495873034000397 +that:0.23796316981315613 the:0.10209327191114426 by:0.09717532247304916 in:0.06988371908664703 :0.05253284424543381 +the:0.6240155696868896 tho:0.0367032028734684 which:0.03150687366724014 this:0.03010844811797142 :0.025224730372428894 +own:0.025974780321121216 head:0.01492396555840969 way:0.012514513917267323 hand:0.009581847116351128 :0.17495939135551453 +The:0.11964478343725204 It:0.046424537897109985 He:0.04317818954586983 In:0.038266927003860474 :0.11219924688339233 +quantities:0.029896387830376625 numbers:0.027885612100362778 numbers,:0.019438503310084343 and:0.017422424629330635 :0.19479747116565704 +the:0.056443359702825546 and:0.036356233060359955 ing:0.03138329088687897 to:0.017537608742713928 :0.16258291900157928 +and:0.05939767509698868 John:0.007359535899013281 Lincoln:0.006614287383854389 Smith:0.005979612004011869 :0.508316695690155 +and:0.07695239782333374 the:0.0642910748720169 a:0.03828275948762894 that:0.032455455511808395 :0.055644840002059937 +the:0.2736205458641052 a:0.035589877516031265 this:0.027358870953321457 which:0.024885574355721474 :0.09846143424510956 +the:0.5010943412780762 a:0.03344424441456795 tho:0.027511868625879288 said:0.02671905979514122 :0.05228445678949356 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.27097538113594055 a:0.062149737030267715 his:0.023807840421795845 their:0.01723618619143963 :0.11371595412492752 +one:0.06915678083896637 other:0.03542540967464447 of:0.021951928734779358 such:0.018226422369480133 :0.1514413058757782 +and:0.14292632043361664 that:0.03157951310276985 of:0.027781888842582703 the:0.023311469703912735 :0.05721794068813324 +and:0.02180033177137375 W:0.01937239058315754 A.:0.013403680175542831 A:0.012489809654653072 :0.28597790002822876 +and:0.1109609454870224 the:0.08842019736766815 but:0.029089810326695442 or:0.028986115008592606 :0.11696135997772217 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +the:0.18527233600616455 a:0.0496651791036129 they:0.04181940108537674 he:0.03836368769407272 :0.09031487256288528 +same:0.014789941720664501 whole:0.01232423447072506 first:0.010435287840664387 following:0.010206864215433598 :0.18953397870063782 +of:0.28900107741355896 and:0.06650330871343613 in:0.03337675333023071 to:0.032094575464725494 :0.06100781261920929 +by:0.2734951972961426 the:0.1270504742860794 him:0.034272532910108566 with:0.028358744457364082 :0.040352270007133484 +the:0.04690080136060715 a:0.023993192240595818 any:0.01911311224102974 other:0.015991101041436195 :0.2837858200073242 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +of:0.09341040253639221 and:0.033584319055080414 assortment:0.010749943554401398 or:0.009690126404166222 :0.16975070536136627 +the:0.6015279293060303 his:0.02487657405436039 a:0.02470308728516102 tho:0.018201405182480812 :0.08932620286941528 +M:0.011740614660084248 A:0.011211997829377651 and:0.00967483688145876 The:0.00955604575574398 :0.3998972177505493 +that:0.1325017362833023 the:0.12038250267505646 a:0.032690148800611496 how:0.02669382467865944 :0.06030553579330444 +of:0.7221540212631226 and:0.05165925994515419 to:0.00977525394409895 from:0.009477383457124233 :0.013010218739509583 +fore,:0.28539928793907166 in:0.04953153803944588 fore:0.044160597026348114 and:0.03755376860499382 :0.06991744786500931 +upon:0.3522360026836395 on:0.15448230504989624 in:0.060884028673172 at:0.040217120200395584 :0.034389469772577286 +to:0.06423929333686829 and:0.04957203194499016 in:0.04113436117768288 for:0.03144713118672371 :0.048387784510850906 +the:0.04367285221815109 of:0.03611969202756882 and:0.03457340970635414 a:0.020929258316755295 :0.14679750800132751 +line:0.061054907739162445 body:0.018894465640187263 and:0.014580411836504936 building:0.012694256380200386 :0.1209617480635643 +The:0.125352144241333 It:0.04976752772927284 He:0.03979593142867088 But:0.025853879749774933 :0.12261107563972473 +to:0.5227047801017761 of:0.08384564518928528 in:0.018262770026922226 for:0.01720723696053028 :0.03660288080573082 +own:0.017208263278007507 way:0.0081601208075881 first:0.003979908302426338 name:0.0038001907523721457 :0.2654152810573578 +and:0.08437139540910721 the:0.022205276414752007 as:0.015915218740701675 or:0.01567441038787365 :0.2171175330877304 +the:0.1257067322731018 a:0.032131318002939224 it:0.014822788536548615 up:0.014557121321558952 :0.22456029057502747 +the:0.05295475944876671 to:0.0527057982981205 not:0.03697860240936279 a:0.03271978721022606 :0.11268188059329987 +and:0.048032429069280624 of:0.039559438824653625 to:0.02086397260427475 The:0.015469623729586601 :0.16378772258758545 +of:0.19542548060417175 dollars:0.12626121938228607 dollars,:0.028179306536912918 or:0.026080520823597908 :0.14263659715652466 +be:0.4502533972263336 not:0.10890660434961319 bo:0.03145306184887886 have:0.03075036220252514 :0.0363762341439724 +the:0.11852571368217468 he:0.06999135762453079 I:0.04470280185341835 it:0.04363641142845154 :0.12089074403047562 +and:0.11847987025976181 in:0.033307310193777084 but:0.02905133366584778 to:0.02697053737938404 :0.1261046826839447 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +most:0.008395652286708355 people:0.007626411505043507 whole:0.007525238208472729 best:0.007444664370268583 :0.1503453552722931 +act:0.03460190072655678 overwhelming:0.03245998173952103 instrument:0.020929990336298943 old:0.017247335985302925 :0.21405163407325745 +be:0.04483245313167572 make:0.042920030653476715 pay:0.023031549528241158 the:0.02107427455484867 :0.07757467031478882 +Carolina:0.13228453695774078 Carolina,:0.03425579518079758 Dakota:0.02593281678855419 America:0.02474958635866642 :0.18786773085594177 +of:0.7136099934577942 ot:0.018852422013878822 for:0.01390988938510418 to:0.012085778638720512 :0.03394836187362671 +the:0.5233625769615173 these:0.0409051850438118 them:0.03918450325727463 his:0.02921440824866295 :0.03497201204299927 +of:0.35601532459259033 and:0.07423322647809982 in:0.052784617990255356 In:0.015203963965177536 :0.06912059336900711 +and:0.09799002856016159 of:0.06779628992080688 The:0.028652748093008995 the:0.027798384428024292 :0.18091391026973724 +the:0.25402820110321045 a:0.03746403381228447 which:0.0259652528911829 tho:0.0191744826734066 :0.11297263950109482 +of:0.12320239841938019 and:0.06411182880401611 to:0.05817452818155289 in:0.046897903084754944 :0.05489981546998024 +much:0.10666303336620331 that:0.043145619332790375 to:0.03584093973040581 long:0.02341688610613346 :0.2540249824523926 +the:0.17174026370048523 a:0.029080675914883614 said:0.022674748674035072 which:0.01427057757973671 :0.1910487860441208 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.0680355504155159 of:0.04271751642227173 in:0.021552490070462227 the:0.01902230829000473 :0.1414012312889099 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.6146125793457031 this:0.03821399435400963 tho:0.030523056164383888 a:0.01824161782860756 :0.03626680374145508 +the:0.057943008840084076 in:0.04989270120859146 a:0.035351045429706573 of:0.021628720685839653 :0.07225950807332993 +of:0.04974411055445671 and:0.02752057835459709 was:0.008884094655513763 part:0.008664410561323166 :0.21441595256328583 +is:0.27500268816947937 are:0.16955000162124634 was:0.1389843225479126 were:0.06026605889201164 :0.04292896389961243 +the:0.18006452918052673 a:0.06830572336912155 up:0.04719333350658417 in:0.04408332705497742 :0.03142637014389038 +the:0.30130186676979065 a:0.05851302668452263 all:0.04936730116605759 his:0.027214085683226585 :0.056629449129104614 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +was:0.07589242607355118 had:0.06941252946853638 are:0.04950590804219246 has:0.04946213215589523 :0.08267950266599655 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.051498427987098694 and:0.04557304084300995 to:0.029008427634835243 by:0.017776845023036003 :0.1479521095752716 +the:0.3169170320034027 a:0.083242267370224 their:0.025232868269085884 his:0.020261982455849648 :0.06466642022132874 +fifty:0.1190633475780487 sixty:0.04307481274008751 twenty:0.041097238659858704 eighty:0.024752823635935783 :0.24767635762691498 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +said:0.009869640693068504 same:0.005658405367285013 place:0.0055673993192613125 United:0.005470092408359051 :0.22893968224525452 +and:0.186075359582901 City:0.01822764053940773 of:0.017071260139346123 Sun,:0.012838807888329029 :0.2800586521625519 +and:0.07551295310258865 to:0.03898807615041733 the:0.03250907361507416 a:0.023167720064520836 :0.16835761070251465 +is:0.15376468002796173 and:0.07748286426067352 of:0.060876838862895966 that:0.05766867473721504 :0.05599723011255264 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +of:0.23324160277843475 in:0.06989847868680954 more:0.047017887234687805 and:0.04057447239756584 :0.06676884740591049 +to:0.07053275406360626 the:0.046525392681360245 by:0.03921305015683174 may:0.03754684701561928 :0.04363340511918068 +the:0.28188619017601013 a:0.03694066405296326 his:0.03122471086680889 their:0.026769379153847694 :0.06337689608335495 +and:0.0913994163274765 of:0.04966311901807785 to:0.013474303297698498 with:0.012443293817341328 :0.17939351499080658 +the:0.037546053528785706 said:0.017640283331274986 a:0.01649995893239975 and:0.009006678126752377 :0.261525958776474 +be:0.2626659572124481 not:0.06111272796988487 have:0.03499316796660423 bo:0.017704814672470093 :0.03889293968677521 +and:0.05389902740716934 who:0.008908775635063648 to:0.008847333490848541 of:0.007790235336869955 :0.35220885276794434 +and:0.08921311795711517 to:0.01590440794825554 of:0.015684690326452255 in:0.015290920622646809 :0.17168965935707092 +a:0.13854871690273285 the:0.11974193900823593 up:0.04317174479365349 it:0.04208923131227493 :0.029247382655739784 +and:0.04414878785610199 the:0.03210010007023811 a:0.022467684000730515 of:0.018594900146126747 :0.2655348777770996 +of:0.02784307301044464 the:0.01720011606812477 .:0.01609175093472004 and:0.011701646260917187 :0.3776821792125702 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +same:0.017535245046019554 most:0.00877540372312069 said:0.008503383025527 whole:0.007330398075282574 :0.18148259818553925 +days:0.11037056148052216 years:0.06524758040904999 weeks:0.04300606995820999 minutes:0.03682844713330269 :0.13118532299995422 +party:0.08132338523864746 party,:0.032427020370960236 State:0.01917683333158493 party.:0.019084297120571136 :0.21402598917484283 +a:0.20669913291931152 the:0.11733385920524597 no:0.05554693937301636 it:0.041048210114240646 :0.05962107703089714 +the:0.21779771149158478 he:0.09543012082576752 they:0.05952281504869461 it:0.04395240172743797 :0.04716908931732178 +a:0.18523898720741272 the:0.08387131243944168 to:0.06405721604824066 that:0.024856410920619965 :0.0666709616780281 +two:0.02459743618965149 are:0.0236054677516222 were:0.01209130696952343 men:0.010337760671973228 :0.2900271713733673 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +money:0.044327132403850555 the:0.03047986328601837 two:0.018695911392569542 one:0.017770906910300255 :0.41276514530181885 +and:0.04721881076693535 was:0.036770567297935486 Mrs.:0.019586637616157532 who:0.01654246635735035 :0.20828403532505035 +and:0.0916626825928688 at:0.02412569150328636 in:0.02227463386952877 on:0.01731695793569088 :0.1500231772661209 +The:0.10725017637014389 It:0.04459197446703911 and:0.033113572746515274 A:0.030863283202052116 :0.1516035944223404 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.3494240641593933 a:0.02483155019581318 him:0.02003415673971176 he:0.018586579710245132 :0.09066451340913773 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +in:0.26588374376296997 and:0.11406730115413666 with:0.0348055362701416 to:0.03319672495126724 :0.03244303539395332 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +been:0.13546444475650787 no:0.03772398829460144 not:0.03385429456830025 a:0.03302464261651039 :0.08467938750982285 +duty:0.08189814537763596 own:0.023731505498290062 wife.:0.0161943007260561 wife:0.013809400610625744 :0.1550774872303009 +the:0.17277410626411438 it:0.04565371572971344 a:0.033968161791563034 he:0.030324866995215416 :0.04403800144791603 +the:0.39261025190353394 a:0.042859505861997604 their:0.01925111562013626 said:0.018382521346211433 :0.09957106411457062 +and:0.2036886364221573 to:0.08392803370952606 that:0.03862191364169121 of:0.037271011620759964 :0.058550238609313965 +the:0.0914524719119072 to:0.06849602609872818 a:0.044969867914915085 he:0.03415417671203613 :0.04297005385160446 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +the:0.12681181728839874 a:0.08154057711362839 to:0.05014773830771446 it:0.03204720467329025 :0.07475485652685165 +own:0.016602663323283195 wife,:0.014578916132450104 wife:0.013846305198967457 duty:0.008951337076723576 :0.12635809183120728 +are:0.08337127417325974 men:0.03416268154978752 were:0.022448159754276276 two:0.02166270837187767 :0.1799885481595993 +time:0.03730963170528412 same:0.029652541503310204 rate:0.026310794055461884 front:0.013871820643544197 :0.21956846117973328 +The:0.1161278784275055 It:0.09434467554092407 In:0.03784371539950371 If:0.028390005230903625 :0.03472224622964859 +of:0.0264656450599432 and:0.014540964737534523 the:0.013932207599282265 in:0.013525055721402168 :0.2545665502548218 +the:0.15160657465457916 he:0.03788373991847038 I:0.03421861305832863 a:0.022769413888454437 :0.08898431062698364 +is:0.2018539160490036 was:0.13257378339767456 are:0.10743173956871033 were:0.05387154966592789 :0.03529476746916771 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +same:0.012362866662442684 whole:0.010395122691988945 people:0.008836224675178528 fact:0.007295630872249603 :0.11235636472702026 +and:0.19795362651348114 of:0.059272147715091705 the:0.0513068251311779 to:0.047470904886722565 :0.04570063203573227 +the:0.25883954763412476 a:0.04639146104454994 their:0.013883959501981735 tho:0.01365070603787899 :0.13099564611911774 +of:0.1720113456249237 in:0.09410540759563446 and:0.07940595597028732 who:0.05624869093298912 :0.046536557376384735 +the:0.2734931409358978 a:0.029548831284046173 this:0.01947728544473648 said:0.01707087643444538 :0.13961835205554962 +the:0.3033883571624756 a:0.04691804572939873 any:0.025167414918541908 their:0.015429634600877762 :0.13402937352657318 +and:0.06072615832090378 of:0.036354586482048035 the:0.02693784609436989 The:0.021774619817733765 :0.16385780274868011 +of:0.23918738961219788 and:0.07756604254245758 in:0.0403396375477314 which:0.03593749552965164 :0.02863381616771221 +of:0.11408820003271103 the:0.07392890006303787 in:0.04577820003032684 a:0.038099728524684906 :0.16627627611160278 +and:0.12194555997848511 to:0.05993272736668587 or:0.025060949847102165 the:0.022361986339092255 :0.09729775041341782 +the:0.3163871467113495 this:0.01731853187084198 a:0.01731475070118904 tho:0.015632081776857376 :0.11083687096834183 +the:0.35100889205932617 course,:0.035170771181583405 a:0.03355873003602028 this:0.019726747646927834 :0.11930166184902191 +days:0.11037056148052216 years:0.06524758040904999 weeks:0.04300606995820999 minutes:0.03682844713330269 :0.13118532299995422 +the:0.29195427894592285 a:0.026724422350525856 this:0.016249248757958412 said:0.014773404225707054 :0.11320316046476364 +and:0.31163522601127625 in:0.1297517716884613 of:0.03852561488747597 on:0.033749766647815704 :0.03239791840314865 +of:0.07162214815616608 and:0.06134145334362984 to:0.028528526425361633 in:0.019841356202960014 :0.14020715653896332 +and:0.10316935181617737 or:0.021618232131004333 the:0.01952337846159935 to:0.01475087646394968 :0.207811176776886 +was:0.09361577779054642 had:0.07686734944581985 has:0.043565236032009125 is:0.0435376912355423 :0.07800494879484177 +of:0.715222954750061 that:0.017450299113988876 to:0.016136741265654564 the:0.014317291788756847 :0.031430359929800034 +and:0.04908958449959755 to:0.019673893228173256 the:0.018543610349297523 of:0.01762678287923336 :0.22805030643939972 +is:0.03570069000124931 was:0.0324380025267601 that:0.028205357491970062 of:0.024609223008155823 :0.17481417953968048 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +said:0.009744950570166111 people:0.006745357997715473 law:0.00542790163308382 whole:0.004850320052355528 :0.1965060979127884 +point:0.04054637998342514 stake:0.01858576014637947 great:0.01733686961233616 large:0.015888528898358345 :0.1647801548242569 +in:0.10447727143764496 that:0.08522827923297882 to:0.07409466803073883 and:0.05136280134320259 :0.048036035150289536 +is:0.15090972185134888 was:0.06509057432413101 Is:0.021907487884163857 will:0.015802711248397827 :0.09255565702915192 +if:0.07890881597995758 the:0.07777272164821625 though:0.06326310336589813 to:0.049629148095846176 :0.09576775878667831 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.04752803221344948 to:0.04422063007950783 in:0.03870958089828491 that:0.02804655395448208 :0.08241801708936691 +was:0.08521241694688797 had:0.051218632608652115 is:0.03382263332605362 would:0.029783794656395912 :0.13423267006874084 +W.:0.01607736200094223 H.:0.009173212572932243 R.:0.008437327109277248 A.:0.008388194255530834 :0.5943335294723511 +of:0.45605677366256714 and:0.04735884442925453 the:0.0195544995367527 from:0.0177000742405653 :0.04794735461473465 +the:0.15489648282527924 a:0.06744855642318726 of:0.01875115931034088 to:0.0179138220846653 :0.1140238493680954 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +and:0.054214488714933395 of:0.03639809787273407 to:0.03276457265019417 the:0.029319563880562782 :0.19690841436386108 +first:0.016724519431591034 said:0.011751418001949787 time:0.011722218245267868 war:0.011099166236817837 :0.17003309726715088 +a:0.05475791171193123 not:0.03533552587032318 the:0.0349217914044857 in:0.015945496037602425 :0.13644345104694366 +than:0.4419431686401367 or:0.03151335194706917 and:0.014532946981489658 money:0.00711232190951705 :0.11976063251495361 +the:0.08818185329437256 a:0.038565874099731445 all:0.02802363596856594 in:0.026900814846158028 :0.087485671043396 +and:0.19493193924427032 the:0.04732576757669449 with:0.028650015592575073 but:0.023297907784581184 :0.08723093569278717 +ordered:0.018031632527709007 notified:0.016247641295194626 and:0.01360441092401743 enacted,:0.012891433201730251 :0.18628762662410736 +time:0.1422763615846634 of:0.12120316922664642 years:0.05756746977567673 day:0.020356955006718636 :0.07930559664964676 +necessary:0.05988640710711479 to:0.04407431185245514 a:0.040383487939834595 the:0.03336621820926666 :0.1523260474205017 +to:0.1716829538345337 in:0.07304948568344116 from:0.07096341252326965 into:0.061319876462221146 :0.04496048763394356 +and:0.2328203171491623 but:0.061147287487983704 the:0.02547650970518589 as:0.02327807806432247 :0.05419551208615303 +in:0.26776137948036194 on:0.06688082963228226 the:0.061244428157806396 and:0.05566376447677612 :0.043287284672260284 +the:0.1670811027288437 you:0.051480911672115326 he:0.04553132876753807 a:0.03834613785147667 :0.07265210151672363 +and:0.027453385293483734 of:0.016268398612737656 was:0.008950112387537956 .:0.007794341538101435 :0.24665339291095734 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +to:0.2569849491119385 out:0.06820768862962723 into:0.059591762721538544 on:0.04918578639626503 :0.04555351287126541 +and:0.03783141449093819 with:0.02170480787754059 to:0.018108338117599487 the:0.016446981579065323 :0.16747330129146576 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +sult:0.08078230917453766 maining:0.03429773449897766 mainder:0.032019827514886856 moval:0.03111584484577179 :0.21721133589744568 +to:0.3610073924064636 for:0.05956336855888367 in:0.058625273406505585 and:0.051417093724012375 :0.033683788031339645 +the:0.3465040922164917 a:0.030169855803251266 this:0.029737913981080055 said:0.023247137665748596 :0.11732140928506851 +be:0.11752266436815262 do:0.055570680648088455 not:0.04893512278795242 get:0.03800526633858681 :0.0926676094532013 +the:0.11180584132671356 it:0.04184425622224808 I:0.03586537018418312 he:0.03346525877714157 :0.05741080269217491 +the:0.22218601405620575 a:0.07673324644565582 their:0.03164464607834816 his:0.013153279200196266 :0.10443480312824249 +and:0.025584626942873 deal:0.008834338746964931 man:0.00422743009403348 time:0.004175398964434862 :0.23314517736434937 +the:0.04358270391821861 a:0.04009459167718887 not:0.03427201509475708 to:0.029885537922382355 :0.12306233495473862 +with:0.606908917427063 to:0.11195322871208191 and:0.033817440271377563 by:0.02533644251525402 :0.02194502018392086 +the:0.12801069021224976 said:0.019189873710274696 a:0.016527969390153885 New:0.012799807824194431 :0.30755868554115295 +the:0.12510846555233002 and:0.03635398671030998 with:0.03370565548539162 which:0.028686154633760452 :0.07688035070896149 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.03772354498505592 a:0.01661360263824463 for:0.014705023728311062 after:0.01430228166282177 :0.22445161640644073 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.1265181303024292 a:0.023864706978201866 that:0.019802583381533623 to:0.013628137297928333 :0.19549934566020966 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +The:0.039920102804899216 and:0.0305247250944376 the:0.0269622765481472 In:0.021188348531723022 :0.2282901108264923 +and:0.05640308931469917 of:0.03670733794569969 the:0.022751249372959137 The:0.019809454679489136 :0.22737345099449158 +the:0.2732747793197632 a:0.0866677314043045 his:0.03173528239130974 him:0.030651144683361053 :0.03246432542800903 +hundred:0.058645520359277725 years:0.05490375682711601 or:0.04735354334115982 and:0.03061443194746971 :0.17530494928359985 +and:0.13789106905460358 but:0.06176811829209328 the:0.03835867717862129 which:0.030568936839699745 :0.0589844174683094 +few:0.03897401690483093 .:0.026269525289535522 large:0.021430719643831253 man:0.013182253576815128 :0.23983179032802582 +interest:0.02866862714290619 force:0.015915239229798317 quantities:0.008212610147893429 interest.:0.006857235450297594 :0.16311237215995789 +House:0.26475512981414795 of:0.11313646286725998 House,:0.0804530456662178 for:0.04990098625421524 :0.06440133601427078 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +of:0.10625167936086655 years:0.01440491247922182 other:0.012040175497531891 who:0.011843397282063961 :0.18456290662288666 +the:0.29301753640174866 a:0.07718414068222046 that:0.026776552200317383 them:0.02341616526246071 :0.06351306289434433 +the:0.2381046563386917 a:0.043642304837703705 said:0.023115186020731926 this:0.021115755662322044 :0.10057269036769867 +the:0.059487663209438324 a:0.033733613789081573 more:0.027643630281090736 other:0.02319817617535591 :0.1502283215522766 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +days:0.2558959722518921 miles:0.09720077365636826 years:0.06958600878715515 yards:0.05656590685248375 :0.08126790076494217 +way:0.008661501109600067 children:0.00714923907071352 and:0.006472867447882891 part:0.004612669814378023 :0.2820146083831787 +the:0.18564434349536896 a:0.05888461321592331 it:0.043459489941596985 in:0.01971042901277542 :0.08324528485536575 +and:0.02788749895989895 O.:0.012300804257392883 W.:0.0122086051851511 A:0.010692317970097065 :0.28152143955230713 +the:0.20067426562309265 which:0.03804229572415352 a:0.025098184123635292 this:0.02122081257402897 :0.10643663257360458 +the:0.07692544907331467 and:0.07484065741300583 of:0.025269195437431335 The:0.023872608318924904 :0.14872421324253082 +of:0.2742325961589813 and:0.054656390100717545 to:0.027613293379545212 in:0.019759802147746086 :0.06409424543380737 +directors:0.08284961432218552 the:0.06191696226596832 supervisors:0.02901623211801052 trustees:0.024775845929980278 :0.1926906853914261 +of:0.24101291596889496 and:0.037182703614234924 in:0.019073719158768654 to:0.013466911390423775 :0.09270556271076202 +of:0.23351609706878662 hundred:0.09938705712556839 who:0.030727021396160126 or:0.024591617286205292 :0.08187350630760193 +the:0.18939508497714996 a:0.019351620227098465 this:0.011099760420620441 tho:0.01089585293084383 :0.19119223952293396 +The:0.03324010595679283 and:0.03237784281373024 I:0.016941947862505913 the:0.016772137954831123 :0.23003476858139038 +will:0.07266160100698471 are:0.07086706906557083 have:0.05342757701873779 to:0.027259239926934242 :0.10879603028297424 +the:0.14105761051177979 a:0.06255293637514114 and:0.041141919791698456 in:0.016420405358076096 :0.08942805230617523 +the:0.2210799902677536 a:0.04567909240722656 this:0.031053489074110985 tho:0.02067658305168152 :0.14637210965156555 +of:0.07063520699739456 and:0.044078897684812546 Mrs.:0.01686352677643299 boy.:0.014602446928620338 :0.24226321280002594 +a:0.06386438757181168 not:0.04107453674077988 the:0.02797769568860531 in:0.022437702864408493 :0.12470000237226486 +and:0.08083505928516388 to:0.04066666215658188 the:0.02638588286936283 as:0.026263408362865448 :0.11667939275503159 +sides:0.37326788902282715 sides,:0.09463644027709961 sides.:0.08400492370128632 of:0.021680736914277077 :0.061656653881073 +people:0.013793683610856533 men:0.011810317635536194 other:0.007321308366954327 said:0.005743360612541437 :0.23630747199058533 +a.:0.4215640127658844 in:0.08094773441553116 A.:0.06409107893705368 the:0.03304914012551308 :0.047566890716552734 +Virginia,:0.13179171085357666 Virginia:0.11654672026634216 Virginia.:0.088938407599926 Vir¬:0.032464150339365005 :0.201811283826828 +the:0.20643316209316254 a:0.06177682802081108 their:0.014445903711020947 tho:0.00936077255755663 :0.16583982110023499 +have:0.07366446405649185 are:0.05514330789446831 were:0.04619917646050453 will:0.03141935169696808 :0.17060115933418274 +be:0.14617443084716797 not:0.08884851634502411 have:0.02835220843553543 make:0.016574647277593613 :0.07841768860816956 +and:0.2278226613998413 but:0.0679531991481781 the:0.03529725596308708 that:0.02398359775543213 :0.06064768135547638 +stead:0.034866344183683395 cluding:0.02948649600148201 terest:0.017544342204928398 crease:0.013418829999864101 :0.4866757094860077 +to:0.03207772225141525 the:0.031437311321496964 and:0.02601541019976139 I:0.020696697756648064 :0.20808419585227966 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.33193835616111755 he:0.04137345403432846 it:0.03857314959168434 they:0.03588489070534706 :0.03473393991589546 +the:0.1812775880098343 he:0.08779546618461609 they:0.056150373071432114 it:0.04489459469914436 :0.09481287747621536 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.2363492250442505 a:0.04152858257293701 this:0.014470638707280159 any:0.01254975888878107 :0.09627740830183029 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +the:0.278313547372818 a:0.027202682569622993 tho:0.020288504660129547 this:0.015313289128243923 :0.09373056143522263 +the:0.30363065004348755 a:0.05900595337152481 this:0.03453897312283516 which:0.019980311393737793 :0.0768350288271904 +gage:0.798973560333252 gage,:0.12842103838920593 gaged:0.023317545652389526 and:0.0019022782798856497 :0.028492508456110954 +the:0.22180724143981934 he:0.038591932505369186 I:0.026123156771063805 they:0.022193536162376404 :0.078608438372612 +and:0.049864161759614944 the:0.036203783005476 to:0.03337014466524124 of:0.030137309804558754 :0.125065878033638 +by:0.06035837158560753 with:0.05522334203124046 in:0.050413381308317184 on:0.03827528655529022 :0.06762205809354782 +are:0.08724907040596008 have:0.08049403876066208 had:0.06638974696397781 has:0.046946629881858826 :0.07419897615909576 +of:0.0351119227707386 .:0.02158096246421337 In:0.021210871636867523 to:0.020395446568727493 :0.3895695209503174 +the:0.3030191957950592 a:0.03772865980863571 which:0.036723826080560684 his:0.03113393485546112 :0.046174973249435425 +the:0.10502630472183228 a:0.0395609512925148 tho:0.013626162894070148 be:0.013094238936901093 :0.28435081243515015 +of:0.18654924631118774 by:0.054642677307128906 line:0.04683871567249298 and:0.04491465538740158 :0.15441733598709106 +a:0.06846656650304794 the:0.04825889691710472 not:0.02478213980793953 in:0.015073750168085098 :0.14466936886310577 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.05840785801410675 and:0.047025781124830246 to:0.04511117935180664 for:0.023414308205246925 :0.09882791340351105 +and:0.05663110315799713 of:0.03470408916473389 the:0.02863123267889023 to:0.02491913177073002 :0.18238362669944763 +The:0.16507060825824738 It:0.08271300047636032 I:0.039383333176374435 He:0.03628380969166756 :0.08472544699907303 +mortgage:0.09361080825328827 county:0.07119359076023102 mortgage,:0.05641865357756615 county,:0.04759066551923752 :0.11561400443315506 +the:0.38070306181907654 a:0.03597579896450043 this:0.030966024845838547 said:0.028301948681473732 :0.1141335517168045 +in:0.08398885279893875 on:0.07214035838842392 at:0.04241545870900154 by:0.04177701473236084 :0.10162424296140671 +the:0.1421504020690918 from:0.0579388290643692 and:0.0427730455994606 a:0.02716788277029991 :0.069248728454113 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +of:0.27412161231040955 in:0.04038084298372269 to:0.028762690722942352 and:0.028226081281900406 :0.050733644515275955 +of:0.08671976625919342 and:0.07041546702384949 in:0.03776152804493904 as:0.034213386476039886 :0.04951935261487961 +of:0.2070109099149704 and:0.10969650745391846 the:0.041963789612054825 to:0.03704474866390228 :0.037139568477869034 +and:0.023171203210949898 of:0.0205284021794796 Debility,:0.019147608429193497 Lee:0.014255039393901825 :0.41490438580513 +of:0.025809306651353836 and:0.025230221450328827 to:0.024041714146733284 the:0.01367078348994255 :0.1675759255886078 +fore:0.24640405178070068 cause:0.14351747930049896 ing:0.1087896078824997 tween:0.0954664945602417 :0.0712876096367836 +the:0.16942565143108368 of:0.07162218540906906 that:0.0252042505890131 over:0.01967603527009487 :0.1256670355796814 +the:0.056364309042692184 a:0.018281765282154083 to:0.017127275466918945 for:0.01625627838075161 :0.1399751603603363 +and:0.11599158495664597 of:0.07100482285022736 in:0.057157766073942184 at:0.023328429087996483 :0.042425401508808136 +and:0.1520247608423233 in:0.07426001876592636 on:0.031641166657209396 sites:0.030016737058758736 :0.07685347646474838 +be:0.052917033433914185 the:0.0525391511619091 do:0.020548636093735695 a:0.01920219324529171 :0.15134389698505402 +the:0.02914046309888363 of:0.01485478226095438 a:0.01148021686822176 to:0.010092205367982388 :0.2166881114244461 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.37139520049095154 this:0.03637469932436943 a:0.032662585377693176 tho:0.01682332344353199 :0.0492708683013916 +sonal:0.09644313156604767 sons:0.07781171053647995 fect:0.049513716250658035 fectly:0.03430604934692383 :0.2095930129289627 +of:0.8489500880241394 ot:0.024104183539748192 ol:0.011166945099830627 and:0.008429143577814102 :0.012040453962981701 +the:0.06667736917734146 it:0.04469020664691925 if:0.030296690762043 yet:0.0262618325650692 :0.07329525798559189 +and:0.10604408383369446 the:0.07004810869693756 to:0.031962472945451736 at:0.02628861740231514 :0.030435768887400627 +have:0.08819012343883514 was:0.05442968010902405 am:0.05087004601955414 had:0.03358706459403038 :0.057341765612363815 +be:0.24040710926055908 have:0.11913523077964783 not:0.026387665420770645 bo:0.018844857811927795 :0.08000089228153229 +to:0.08191033452749252 by:0.07091639190912247 the:0.0581132136285305 in:0.04761660844087601 :0.0809488371014595 +be:0.3287675380706787 have:0.11881286650896072 do:0.023545093834400177 know:0.016638226807117462 :0.07373575866222382 +the:0.051137007772922516 and:0.04273099824786186 to:0.020675791427493095 The:0.015514116734266281 :0.16053245961666107 +a:0.10026698559522629 in:0.057275135070085526 the:0.05002698674798012 himself:0.028733670711517334 :0.08089893311262131 +the:0.2362527698278427 a:0.05100969597697258 this:0.016496550291776657 his:0.015836507081985474 :0.16810640692710876 +mortgage:0.03551492840051651 John:0.014492273330688477 County:0.012314995750784874 William:0.009532668627798557 :0.16362731158733368 +The:0.02700328826904297 and:0.025248421356081963 the:0.02477540262043476 In:0.02451828308403492 :0.22388283908367157 +and:0.016067806631326675 law:0.012440749444067478 tariff:0.006565234158188105 building:0.005522526800632477 :0.19417685270309448 +by:0.47583749890327454 at:0.048818107694387436 the:0.039035845547914505 to:0.03326668217778206 :0.033025871962308884 +is:0.01738438755273819 and:0.014468069188296795 of:0.009375863708555698 was:0.009276272729039192 :0.2081891894340515 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.04580831527709961 a:0.014787302352488041 to:0.008623909205198288 in:0.007538273464888334 :0.1656528264284134 +the:0.12578703463077545 Congress:0.05417221784591675 a:0.0187187809497118 Congress,:0.017188265919685364 :0.18645064532756805 +appearance:0.02654881775379181 and:0.016840342432260513 time:0.015115471556782722 visit:0.013612107373774052 :0.17362633347511292 +the:0.06146776303648949 in:0.05527595058083534 that:0.04644308239221573 and:0.029046008363366127 :0.05520354211330414 +to:0.15915869176387787 of:0.10600581765174866 for:0.07093556970357895 and:0.059421077370643616 :0.0509663000702858 +the:0.1778281182050705 a:0.02557603269815445 tho:0.013416613452136517 said:0.011071461252868176 :0.2747887670993805 +the:0.11480426788330078 a:0.03893275558948517 that:0.037344712764024734 he:0.03275647386908531 :0.07713975012302399 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.20703327655792236 the:0.05380725488066673 which:0.03929835185408592 that:0.037012532353401184 :0.0799444392323494 +most:0.009443056769669056 people:0.006979480851441622 latter:0.0061402046121656895 other:0.0058653769083321095 :0.18132442235946655 +in:0.06284329295158386 on:0.061104364693164825 at:0.06009967625141144 a:0.0549292117357254 :0.052960433065891266 +the:0.34026971459388733 tho:0.019015125930309296 this:0.01192854531109333 these:0.010051444172859192 :0.133181631565094 +as:0.713326096534729 from:0.028722219169139862 in:0.01227379310876131 aa:0.012185201048851013 :0.0251610167324543 +of:0.011339502409100533 and:0.00981876254081726 river:0.004071693867444992 part:0.0035528880544006824 :0.18907403945922852 +and:0.04278608411550522 that:0.03813420236110687 the:0.029600700363516808 as:0.02956773340702057 :0.050999999046325684 +a:0.048668958246707916 the:0.03767945617437363 made:0.032179731875658035 in:0.01774868369102478 :0.10944122076034546 +and:0.04965430870652199 dry:0.022100098431110382 of:0.01847975142300129 in:0.010053344070911407 :0.18598997592926025 +large:0.0652257651090622 small:0.029297754168510437 good:0.025559594854712486 few:0.02195774018764496 :0.12147501856088638 +to:0.14119328558444977 by:0.09593357890844345 in:0.08299092948436737 for:0.0441010482609272 :0.044468432664871216 +been:0.11867491900920868 a:0.03702731430530548 not:0.031860221177339554 no:0.028345873579382896 :0.0846729427576065 +the:0.16800016164779663 a:0.053379520773887634 this:0.023776115849614143 his:0.010295760817825794 :0.17833851277828217 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +that:0.12400685250759125 and:0.11426261067390442 of:0.06335847824811935 the:0.056664030998945236 :0.03881295770406723 +12,:0.05669178441166878 the:0.03158330172300339 a:0.008413511328399181 Mrs.:0.00795050896704197 :0.18474164605140686 +and:0.23871588706970215 of:0.040640607476234436 the:0.022943396121263504 The:0.019779358059167862 :0.14531034231185913 +time:0.3414178192615509 distance:0.08629345148801804 of:0.03842344507575035 time.:0.023023581132292747 :0.13809698820114136 +is:0.02668287418782711 year:0.02358051761984825 morning:0.01658700592815876 was:0.01165260560810566 :0.16633407771587372 +tion:0.30944642424583435 tions:0.2737694978713989 tion,:0.07365944981575012 tion.:0.07338856160640717 :0.060542427003383636 +the:0.1011170968413353 a:0.04477011784911156 any:0.03322167322039604 in:0.03023064136505127 :0.07075303792953491 +of:0.10330779105424881 and:0.06539657711982727 The:0.01984647661447525 in:0.015136301517486572 :0.17855192720890045 +doubt:0.07148701697587967 right:0.02596217580139637 hesitation:0.020129770040512085 more:0.018389996141195297 :0.09913832694292068 +and:0.06338421255350113 to:0.046568602323532104 The:0.02815942093729973 the:0.02649172954261303 :0.16085021197795868 +man:0.03390689939260483 and:0.015133431181311607 fashioned:0.008222173899412155 lady:0.007655096240341663 :0.2081519365310669 +only:0.008353913202881813 most:0.0074229249730706215 first:0.007275856100022793 great:0.006672900170087814 :0.1980155110359192 +pany:0.0852053314447403 mittee:0.06944321095943451 panies:0.06432803720235825 ing:0.056977272033691406 :0.19883282482624054 +of:0.08053459972143173 was:0.044661086052656174 is:0.022076603025197983 in:0.016313521191477776 :0.11588115245103836 +and:0.05977395921945572 the:0.01743800938129425 to:0.01739553175866604 in:0.01125572994351387 :0.3266364336013794 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.08225280791521072 then:0.02499699592590332 a:0.01833784021437168 to:0.01805989444255829 :0.11539974808692932 +the:0.22594024240970612 a:0.05449320748448372 this:0.01725131645798683 their:0.014746922068297863 :0.25153934955596924 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +in:0.2437453418970108 of:0.15411792695522308 or:0.0636267140507698 that:0.04891716688871384 :0.03870989754796028 +that:0.08566412329673767 to:0.0808544009923935 the:0.06782499700784683 and:0.05833418294787407 :0.08900972455739975 +whole:0.011076592840254307 first:0.008714886382222176 same:0.007589075714349747 people:0.006366960238665342 :0.13845424354076385 +to:0.08134904503822327 in:0.06669262796640396 a:0.03404989838600159 out:0.032647088170051575 :0.09517567604780197 +He:0.09606054425239563 The:0.08717506378889084 It:0.04972699657082558 I:0.03038117289543152 :0.1332385092973709 +and:0.06635934859514236 the:0.05118490383028984 in:0.031585004180669785 to:0.03020382858812809 :0.10948648303747177 +The:0.01747046411037445 and:0.015902230516076088 the:0.013112624175846577 of:0.01249554194509983 :0.25462210178375244 +and:0.1158924326300621 of:0.040674079209566116 but:0.024670980870723724 which:0.02003888599574566 :0.12212032079696655 +same:0.012067709118127823 following:0.007386001292616129 whole:0.006396992597728968 amount:0.005940676666796207 :0.1322747766971588 +was:0.0792795792222023 had:0.056574754416942596 would:0.04427411034703255 will:0.037241220474243164 :0.10736139863729477 +own:0.04180581122636795 respective:0.013980439864099026 homes:0.00987150240689516 home:0.008428719826042652 :0.20429791510105133 +of:0.5729623436927795 and:0.026977891102433205 to:0.023998020216822624 that:0.02034466713666916 :0.026156824082136154 +be:0.08027555793523788 the:0.07179224491119385 have:0.022207103669643402 make:0.01584431156516075 :0.07275336235761642 +and:0.03054085187613964 The:0.020461544394493103 the:0.014309104532003403 In:0.014078089036047459 :0.22717785835266113 +and:0.1686512976884842 the:0.05550557002425194 but:0.020521918311715126 a:0.02039729803800583 :0.11336324363946915 +be:0.14150981605052948 not:0.0817929208278656 have:0.0329730249941349 make:0.022620823234319687 :0.07443203032016754 +a:0.07513432204723358 as:0.021449334919452667 cases:0.01954181119799614 persons:0.015234795399010181 :0.1779211312532425 +of:0.41807109117507935 and:0.09952950477600098 was:0.0171880591660738 in:0.01633436419069767 :0.03694179281592369 +and:0.12070339918136597 is:0.09001214057207108 was:0.04640568420290947 has:0.029554691165685654 :0.038325075060129166 +.:0.019150899723172188 The:0.017503611743450165 and:0.01427048072218895 A:0.010732886381447315 :0.24852150678634644 +of:0.5147836804389954 and:0.05357535183429718 is:0.015196600928902626 were:0.013715662993490696 :0.0333637110888958 +day:0.00819328147917986 man:0.007202572654932737 one:0.005854128859937191 government:0.0054235924035310745 :0.23663677275180817 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +be:0.19894741475582123 remain:0.019537227228283882 have:0.01925004832446575 continue:0.01300173532217741 :0.08901859074831009 +the:0.03832358866930008 and:0.033457666635513306 have:0.026262588798999786 a:0.02020004391670227 :0.11323373764753342 +way:0.06980948150157928 one:0.04051421210169792 thing:0.022074533626437187 a:0.021053645759820938 :0.11968070268630981 +the:0.15556186437606812 be:0.030585240572690964 a:0.02413451112806797 make:0.013548174872994423 :0.06841721385717392 +be:0.27917972207069397 not:0.0727771744132042 have:0.03068890981376171 sell:0.016300559043884277 :0.03994353860616684 +the:0.13161014020442963 a:0.05591745302081108 any:0.04521357640624046 that:0.04060886800289154 :0.10186668485403061 +the:0.241789773106575 a:0.03228369355201721 which:0.027186386287212372 virtue:0.019962681457400322 :0.14101260900497437 +and:0.17489409446716309 the:0.03163054957985878 in:0.025846241042017937 of:0.02561825141310692 :0.15067040920257568 +to:0.14499539136886597 from:0.08867330849170685 and:0.06614488363265991 in:0.04082096740603447 :0.05698998644948006 +is:0.08466096222400665 was:0.04604315012693405 and:0.036727797240018845 in:0.03533371910452843 :0.09271864593029022 +and:0.07843519002199173 of:0.04647116735577583 the:0.020849166437983513 The:0.01737215183675289 :0.21302767097949982 +the:0.2698966860771179 a:0.031750161200761795 this:0.02507338859140873 that:0.012940797954797745 :0.20048898458480835 +was:0.09248580038547516 saw:0.04760325327515602 got:0.04010647162795067 had:0.03738228231668472 :0.0694434642791748 +seem:0.02875528112053871 know:0.02843831479549408 appear:0.017823711037635803 have:0.017573153600096703 :0.08063414692878723 +of:0.07030188292264938 and:0.05132675543427467 to:0.026178687810897827 the:0.015809593722224236 :0.23664294183254242 +of:0.10297232866287231 few:0.017117928713560104 other:0.01684633642435074 more:0.012871215119957924 :0.13539552688598633 +large:0.01799778826534748 few:0.013877921737730503 great:0.010677644982933998 good:0.008629575371742249 :0.20373989641666412 +be:0.33865970373153687 have:0.04829765111207962 not:0.04385701194405556 bo:0.021393798291683197 :0.094424307346344 +the:0.24622425436973572 a:0.0756821483373642 his:0.021127503365278244 their:0.016972294077277184 :0.13768762350082397 +and:0.04541025683283806 the:0.0335860401391983 of:0.02717652916908264 to:0.022822421044111252 :0.13669022917747498 +is:0.17709073424339294 was:0.09796224534511566 has:0.04963606223464012 would:0.046172354370355606 :0.0536075159907341 +and:0.14700566232204437 in:0.06234438344836235 of:0.050606872886419296 was:0.045362796634435654 :0.06540923565626144 +are:0.10219904780387878 have:0.0815553143620491 were:0.05005248263478279 had:0.036111779510974884 :0.06621729582548141 +be:0.2752408981323242 fail:0.01621684990823269 bo:0.015198882669210434 the:0.015137390233576298 :0.094009168446064 +and:0.019740823656320572 is:0.012702149339020252 was:0.012605506926774979 to:0.01165919378399849 :0.32558688521385193 +the:0.046324945986270905 a:0.03639113903045654 able:0.017560085281729698 in:0.015444817952811718 :0.1742013841867447 +was:0.15628506243228912 had:0.10534127056598663 would:0.09335076063871384 could:0.05609900504350662 :0.07586406171321869 +the:0.24658872187137604 a:0.06696182489395142 them:0.017603522166609764 all:0.016752395778894424 :0.10009102523326874 +of:0.10573767870664597 to:0.07608576118946075 the:0.0423361212015152 up:0.032462041825056076 :0.054400693625211716 +me:0.1446201205253601 him:0.13605345785617828 that:0.06780169159173965 the:0.06511197239160538 :0.04288339614868164 +the:0.34224367141723633 a:0.03885764256119728 this:0.023945534601807594 their:0.021592268720269203 :0.11111792922019958 +the:0.16030852496623993 any:0.06275337189435959 a:0.047877661883831024 other:0.018768226727843285 :0.14310409128665924 +be:0.11159007996320724 have:0.08337339758872986 not:0.03498610854148865 do:0.023113656789064407 :0.18449407815933228 +a:0.06776716560125351 the:0.04040202498435974 not:0.020865928381681442 in:0.015000096522271633 :0.23127257823944092 +the:0.10182264447212219 a:0.09176445007324219 not:0.03545587137341499 to:0.02881290391087532 :0.10055883973836899 +the:0.2769393026828766 redemption:0.05903695896267891 a:0.04452407732605934 confirmation:0.017850151285529137 :0.08246783167123795 +to:0.15467442572116852 and:0.11058057844638824 according:0.045079369097948074 or:0.029189612716436386 :0.07997377216815948 +of:0.14810338616371155 to:0.07160472124814987 for:0.03707575052976608 a:0.036964643746614456 :0.07481519132852554 +to:0.5205581188201904 by:0.2740262746810913 with:0.03117668442428112 in:0.030657513067126274 :0.010588704608380795 +to:0.06925787031650543 rights:0.012927700765430927 and:0.012721546925604343 way:0.01204574853181839 :0.1308836191892624 +a:0.07010596990585327 not:0.05420732498168945 the:0.05396781489253044 in:0.016393130645155907 :0.10485593974590302 +and:0.05240340903401375 of:0.03192923218011856 the:0.027440614998340607 to:0.01839822717010975 :0.13126780092716217 +the:0.3323986232280731 a:0.05577525496482849 his:0.03104018047451973 which:0.02893698774278164 :0.07361169159412384 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +the:0.02575526386499405 he:0.022581029683351517 I:0.01161578856408596 lie:0.011083630844950676 :0.32517939805984497 +to:0.11765573173761368 the:0.10523448139429092 a:0.051114607602357864 by:0.03911714255809784 :0.04127885773777962 +the:0.4734131395816803 a:0.025774464011192322 this:0.021165749058127403 their:0.015292986296117306 :0.10814985632896423 +and:0.10242807865142822 of:0.10169651359319687 in:0.06929090619087219 who:0.04620479419827461 :0.0337962731719017 +the:0.1450275480747223 a:0.026492834091186523 them:0.02119177021086216 to:0.01814858987927437 :0.1414213925600052 +and:0.16383834183216095 to:0.048802223056554794 in:0.047496017068624496 for:0.028051551431417465 :0.12065479159355164 +to:0.2012898176908493 at:0.09133162349462509 for:0.07790414243936539 in:0.07676608115434647 :0.061542995274066925 +the:0.20164062082767487 a:0.11097504943609238 an:0.013928743079304695 their:0.010895413346588612 :0.14292937517166138 +county:0.011022075079381466 day:0.007740743458271027 State:0.007527885027229786 and:0.0065680742263793945 :0.4742763936519623 +a:0.10805492103099823 the:0.08642369508743286 to:0.07748983800411224 much:0.020946312695741653 :0.06294415891170502 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.08185596764087677 with:0.07950229942798615 so:0.037230897694826126 so,:0.031726717948913574 :0.047565437853336334 +great:0.026309678331017494 very:0.02252604439854622 member:0.02048908732831478 good:0.019123850390315056 :0.17179067432880402 +the:0.03817373141646385 a:0.025770990177989006 and:0.02527005225419998 at:0.02450983226299286 :0.2170349359512329 +United:0.015379710122942924 said:0.0068702781572937965 state:0.005387338809669018 State:0.005064830183982849 :0.26449117064476013 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.029499836266040802 H.:0.017619255930185318 E.:0.01569024845957756 W.:0.015570604242384434 :0.503189742565155 +of:0.05490228906273842 Virginia,:0.0398954413831234 Virginia:0.035003095865249634 and:0.03470584750175476 :0.3440285325050354 +and:0.11749124526977539 the:0.10647603124380112 in:0.02449090965092182 or:0.02384459599852562 :0.08088231086730957 +the:0.08571574091911316 to:0.07570626586675644 and:0.058494266122579575 in:0.053606066852808 :0.04684798792004585 +who:0.13890346884727478 of:0.11840994656085968 to:0.04876529425382614 in:0.03963558003306389 :0.05078648030757904 +be:0.4059429466724396 have:0.04627682641148567 not:0.03155459091067314 be,:0.022792236879467964 :0.0559934563934803 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.05895421281456947 of:0.05110228806734085 was:0.029106369242072105 the:0.018290279433131218 :0.15695680677890778 +to:0.6133108139038086 by:0.10107196122407913 that:0.02354920469224453 for:0.022339409217238426 :0.02052844502031803 +the:0.12270493060350418 and:0.06894565373659134 a:0.02596258372068405 of:0.015659308061003685 :0.14223413169384003 +is:0.28750988841056824 was:0.17086243629455566 Is:0.07887497544288635 has:0.055395737290382385 :0.033609192818403244 +a:0.13150638341903687 an:0.03104392997920513 as:0.022912416607141495 person:0.017116451635956764 :0.1746148318052292 +and:0.030248580500483513 is:0.02188953571021557 were:0.021819639950990677 of:0.018605386838316917 :0.18277892470359802 +made:0.024013899266719818 a:0.021987220272421837 the:0.020558802410960197 was:0.01039567869156599 :0.23619356751441956 +be:0.12642842531204224 do:0.02728872559964657 the:0.0254928357899189 pay:0.0241616852581501 :0.08051996678113937 +the:0.1844119131565094 he:0.05010654032230377 it:0.04345959424972534 they:0.0366022065281868 :0.057673145085573196 +to:0.2246701419353485 in:0.059457577764987946 of:0.042937688529491425 into:0.04211336746811867 :0.029792562127113342 +the:0.09972622990608215 be:0.055923186242580414 have:0.02433173358440399 a:0.016874557361006737 :0.1165085881948471 +cause:0.19969059526920319 ing:0.17035043239593506 fore:0.15000833570957184 tween:0.14239002764225006 :0.03519153594970703 +ner:0.27360662817955017 ner,:0.06751120835542679 ner.:0.05191908776760101 agement:0.03779033571481705 :0.28876373171806335 +the:0.16373181343078613 a:0.05185301601886749 two:0.020989807322621346 three:0.019032852724194527 :0.10506247729063034 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.24231329560279846 but:0.045781757682561874 the:0.044893622398376465 he:0.028050288558006287 :0.05199187248945236 +date:0.008526808582246304 United:0.007610153406858444 fact:0.006294529885053635 first:0.006063907407224178 :0.19325482845306396 +The:0.09920603781938553 It:0.04436570033431053 He:0.031939588487148285 A:0.031784538179636 :0.16955958306789398 +of:0.13562044501304626 and:0.043549153953790665 to:0.014658039435744286 the:0.011333616450428963 :0.21024098992347717 +and:0.15740470588207245 the:0.03269108757376671 to:0.027778122574090958 was:0.02047165110707283 :0.10751833766698837 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +same:0.019182419404387474 amount:0.011973136104643345 sum:0.010763709433376789 said:0.007800400257110596 :0.15973520278930664 +large:0.02345656417310238 few:0.015670865774154663 good:0.01530776359140873 little:0.012996121309697628 :0.183955118060112 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +same:0.009760774672031403 water:0.0069852168671786785 most:0.005107830744236708 money:0.005069113336503506 :0.18031521141529083 +a:0.19503073394298553 the:0.06521368026733398 more:0.03858610987663269 so:0.02946465276181698 :0.1611851453781128 +forth:0.0695672333240509 up:0.058434005826711655 out:0.05329478904604912 in:0.04962838813662529 :0.09298025816679001 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.09693048149347305 and:0.0283145010471344 is:0.018462952226400375 in:0.012357988394796848 :0.11304065585136414 +over:0.09565573930740356 to:0.07996029406785965 out:0.07906951010227203 the:0.06105298176407814 :0.06361426413059235 +is:0.10424596071243286 was:0.06554417312145233 has:0.033377889543771744 Is:0.03187225013971329 :0.10637024790048599 +a:0.11494939774274826 to:0.10495463758707047 the:0.09704536944627762 that:0.0958699882030487 :0.08450236171483994 +of:0.06835164874792099 and:0.06799779087305069 the:0.026015182957053185 to:0.02261972427368164 :0.19609452784061432 +of:0.06575457751750946 to:0.05318780615925789 for:0.024860043078660965 from:0.016806425526738167 :0.08520106971263885 +and:0.23332859575748444 to:0.16847996413707733 of:0.05063740536570549 in:0.045497387647628784 :0.03109140694141388 +of:0.36329177021980286 that:0.05995362251996994 was:0.038193777203559875 is:0.03495286405086517 :0.034468743950128555 +the:0.3794219195842743 a:0.03937600553035736 his:0.020665569230914116 tho:0.020089222118258476 :0.12385476380586624 +.:0.019995704293251038 d:0.018003392964601517 e:0.01771313138306141 s:0.01531571988016367 :0.3057878017425537 +of:0.1837306171655655 the:0.09687206894159317 to:0.05909609794616699 and:0.054999951273202896 :0.050236064940690994 +D.:0.020851830020546913 Smith,:0.009239064529538155 .:0.007949338294565678 M:0.00735248951241374 :0.5812283754348755 +the:0.09851060062646866 upon:0.06278468668460846 for:0.05144929140806198 to:0.03452841937541962 :0.23658344149589539 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +litical:0.050378989428281784 the:0.042944662272930145 to:0.03395681828260422 a:0.025233866646885872 :0.3404141068458557 +the:0.27652665972709656 a:0.04330889880657196 their:0.032564859837293625 them:0.03225431218743324 :0.04705766960978508 +and:0.05105949193239212 of:0.0363503135740757 the:0.019641239196062088 to:0.017997900024056435 :0.18203863501548767 +in:0.14915525913238525 to:0.11959464102983475 by:0.10309950262308121 for:0.045357659459114075 :0.04328848794102669 +of:0.197025328874588 to:0.14378222823143005 and:0.13217945396900177 in:0.03177234157919884 :0.030446838587522507 +the:0.30585014820098877 a:0.047939006239175797 this:0.037299178540706635 that:0.028485743328928947 :0.1664285510778427 +the:0.2544163763523102 a:0.03487665206193924 be:0.025565145537257195 his:0.013271499425172806 :0.14638593792915344 +and:0.05562020465731621 the:0.035368967801332474 to:0.022363869473338127 of:0.022257978096604347 :0.15608377754688263 +the:0.26258915662765503 a:0.03411833569407463 his:0.014407049864530563 this:0.013575581833720207 :0.15017232298851013 +the:0.15044935047626495 tho:0.0322876013815403 a:0.02458292618393898 this:0.012744227424263954 :0.24671030044555664 +most:0.013073999434709549 work:0.008484209887683392 best:0.007679753005504608 time:0.0072950879111886024 :0.158502995967865 +of:0.10585109889507294 in:0.06492825597524643 the:0.06391949951648712 to:0.057537950575351715 :0.056767936795949936 +The:0.06290435045957565 A:0.03634791448712349 A.:0.03224821016192436 I:0.023628467693924904 :0.3178681433200836 +the:0.1908579021692276 or:0.06446261703968048 it:0.0630800873041153 he:0.059097323566675186 :0.05422837287187576 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +the:0.1530778408050537 him:0.08454868942499161 them:0.07951448112726212 us:0.06578009575605392 :0.04272912070155144 +few:0.017178496345877647 large:0.016171522438526154 man:0.014292162843048573 great:0.013120343908667564 :0.26536908745765686 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +much:0.07709275186061859 little:0.033617474138736725 few:0.020504232496023178 well:0.014697492122650146 :0.24432261288166046 +the:0.24742263555526733 a:0.053081415593624115 this:0.024947943165898323 his:0.02029825747013092 :0.10291209816932678 +the:0.13136088848114014 not:0.05007857084274292 I:0.049388810992240906 he:0.04459569603204727 :0.08299702405929565 +doubt:0.07047567516565323 longer:0.040829870849847794 more:0.028961291536688805 reason:0.028064558282494545 :0.12971098721027374 +and:0.05557042360305786 H.:0.032488491386175156 A.:0.02903681807219982 W.:0.026467032730579376 :0.3186146318912506 +view:0.021477578207850456 large:0.014422591775655746 little:0.012711316347122192 few:0.011675581336021423 :0.20949006080627441 +of:0.30906638503074646 to:0.03955711051821709 in:0.03405289351940155 and:0.03198397159576416 :0.07562389969825745 +ing:0.6095865368843079 ing,:0.15554215013980865 ing.:0.03967750072479248 and:0.016141671687364578 :0.04278504103422165 +same:0.009081995114684105 attention:0.007170617114752531 amount:0.006576170213520527 following:0.0062681264244019985 :0.17345669865608215 +of:0.14302723109722137 and:0.044821079820394516 to:0.02914739027619362 in:0.015774784609675407 :0.09134270995855331 +and:0.050778768956661224 time:0.019353272393345833 run:0.01856464147567749 as:0.016298076137900352 :0.16204187273979187 +the:0.16054187715053558 a:0.07769820094108582 his:0.024031415581703186 which:0.01263707410544157 :0.08908127248287201 +said:0.02550502121448517 United:0.012548556551337242 property:0.006402362138032913 law:0.005686017218977213 :0.2339009791612625 +the:0.25215208530426025 a:0.06303168088197708 their:0.022797785699367523 his:0.019165100529789925 :0.08049006015062332 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.16818512976169586 off:0.05588776245713234 out:0.051897961646318436 a:0.04768553376197815 :0.053243231028318405 +the:0.05452556163072586 and:0.053378261625766754 to:0.033506859093904495 of:0.0321907177567482 :0.17975974082946777 +and:0.05291334539651871 of:0.04884756729006767 Mrs.:0.014997230842709541 to:0.01420515589416027 :0.22777175903320312 +hereby:0.06622755527496338 not:0.04958612844347954 to:0.026706447824835777 the:0.025681789964437485 :0.1166389137506485 +first:0.010971005074679852 only:0.008538039401173592 result:0.008132053539156914 men:0.0074102673679590225 :0.1813173145055771 +the:0.246669203042984 a:0.061324141919612885 this:0.033352434635162354 his:0.024604754522442818 :0.06665756553411484 +the:0.21642467379570007 to:0.030649933964014053 a:0.027517816051840782 his:0.02464858628809452 :0.07058149576187134 +and:0.10426212102174759 the:0.07319089770317078 a:0.020882055163383484 in:0.01799735426902771 :0.055175911635160446 +the:0.3067280948162079 a:0.04516562074422836 this:0.014608212746679783 tho:0.01385091245174408 :0.13459305465221405 +is:0.06780228763818741 has:0.06527072191238403 will:0.04440094158053398 was:0.043045345693826675 :0.07425618916749954 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +to:0.18484120070934296 the:0.061920396983623505 in:0.042013488709926605 from:0.026667017489671707 :0.08734378218650818 +the:0.22477923333644867 be:0.03899076208472252 whether:0.023945176973938942 make:0.021186623722314835 :0.08064348250627518 +the:0.223905548453331 a:0.07027444988489151 this:0.04995063692331314 there:0.03705515339970589 :0.08789815753698349 +the:0.4031377136707306 a:0.029143033549189568 their:0.019891874864697456 his:0.01953340508043766 :0.09814070165157318 +and:0.05574928596615791 of:0.04167630150914192 the:0.020786579698324203 to:0.017928684130311012 :0.2177809625864029 +people:0.008236479014158249 United:0.007817987352609634 public:0.005692265462130308 men:0.004981923382729292 :0.14665167033672333 +end:0.011619378812611103 point:0.008223695680499077 top:0.0078035565093159676 city:0.007784171029925346 :0.1608090102672577 +to:0.04632961377501488 in:0.03165726736187935 more:0.030093885958194733 the:0.020890409126877785 :0.0882640928030014 +been:0.3101468086242676 to:0.04016352817416191 a:0.03392929211258888 not:0.02043142542243004 :0.05964816361665726 +ing:0.051736198365688324 and:0.016126729547977448 I:0.012065993621945381 the:0.00944436900317669 :0.3275678753852844 +and:0.05396127328276634 the:0.030748184770345688 to:0.01923929713666439 a:0.014998170547187328 :0.13339346647262573 +and:0.14311392605304718 to:0.09154175221920013 from:0.04238441213965416 or:0.03709116578102112 :0.03499213233590126 +and:0.060898248106241226 of:0.057744693011045456 the:0.019099827855825424 to:0.01882990263402462 :0.17577451467514038 +the:0.48829391598701477 a:0.04185782000422478 tho:0.027547959238290787 said:0.02447149157524109 :0.047543346881866455 +the:0.07294412702322006 to:0.018427453935146332 a:0.011758643202483654 other:0.011327971704304218 :0.17875851690769196 +of:0.2806704342365265 the:0.06748266518115997 to:0.05836765095591545 and:0.03217349946498871 :0.030267948284745216 +been:0.22815200686454773 the:0.06396088749170303 a:0.04535246267914772 power:0.042658280581235886 :0.08095211535692215 +the:0.39929279685020447 this:0.04132150113582611 a:0.03347412869334221 his:0.01992279477417469 :0.08573048561811447 +-:0.03498420491814613 ing:0.013049311004579067 able:0.008887168951332569 case:0.008273156359791756 :0.5232799649238586 +the:0.03763063624501228 a:0.019540630280971527 other:0.010129351168870926 twelve:0.00622390303760767 :0.22376978397369385 +that:0.2391815334558487 he:0.13042514026165009 the:0.0868016928434372 it:0.04995303973555565 :0.03617692366242409 +the:0.1267906278371811 be:0.04025060683488846 do:0.022058088332414627 make:0.018802670761942863 :0.07640118896961212 +of:0.7519180178642273 for:0.06028653308749199 and:0.02256663329899311 ot:0.010610961355268955 :0.013103180564939976 +and:0.2592919170856476 the:0.10139461606740952 or:0.02753208763897419 but:0.025304507464170456 :0.05664888396859169 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.05627041682600975 of:0.014277751557528973 No.:0.012217352166771889 or:0.009612633846700191 :0.11979225277900696 +the:0.14387358725070953 his:0.06864874064922333 a:0.02975328452885151 it:0.015543896704912186 :0.09827686101198196 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.5123313665390015 to:0.036860156804323196 and:0.030186016112565994 in:0.027240434661507607 :0.025048449635505676 +same:0.004726089537143707 water:0.004346897825598717 said:0.004206515848636627 whole:0.004032135009765625 :0.15911535918712616 +and:0.06883170455694199 of:0.03978463634848595 the:0.02490801364183426 in:0.018487980589270592 :0.19819821417331696 +and:0.11759350448846817 to:0.11713650822639465 in:0.07069067656993866 from:0.034127943217754364 :0.05770685523748398 +of:0.07348867505788803 to:0.05117155238986015 for:0.044435109943151474 and:0.034956272691488266 :0.08488892018795013 +the:0.18176136910915375 a:0.025104625150561333 which:0.01798228546977043 this:0.015294820070266724 :0.19874322414398193 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +that:0.08879002928733826 to:0.0831770971417427 as:0.07256409525871277 the:0.07116705924272537 :0.07616481930017471 +a:0.13403676450252533 the:0.06944283097982407 not:0.04981841892004013 an:0.016019992530345917 :0.07908862084150314 +annum:0.344281941652298 annum,:0.2081569880247116 month:0.06047126650810242 annum.:0.033901676535606384 :0.07876362651586533 +Justice:0.21970371901988983 of:0.14786240458488464 Magistrate:0.09365719556808472 Engineer:0.04271618649363518 :0.16895410418510437 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +.:0.04347601532936096 ,:0.01573440246284008 -:0.01567411981523037 r:0.014124746434390545 :0.3383817672729492 +and:0.03993426635861397 of:0.025233512744307518 I:0.013457520864903927 the:0.011882774531841278 :0.31645724177360535 +years:0.07506781816482544 feet:0.03933725878596306 miles:0.03309027850627899 (20):0.03094531036913395 :0.2214113175868988 +public:0.012180207297205925 amount:0.010698855854570866 whole:0.009411923587322235 same:0.008267275989055634 :0.1792190819978714 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +of:0.05831015855073929 and:0.05812853202223778 the:0.021499549970030785 to:0.014203039929270744 :0.2102733701467514 +and:0.12333506345748901 to:0.0202663354575634 the:0.01900816522538662 or:0.017855726182460785 :0.26296815276145935 +a:0.19683770835399628 the:0.09529080986976624 way:0.07121117413043976 an:0.058416686952114105 :0.11814109981060028 +the:0.3007078766822815 a:0.059800222516059875 their:0.017619116231799126 sale:0.015501621179282665 :0.08701642602682114 +few:0.04025372117757797 two:0.03489880636334419 year:0.026048488914966583 of:0.02550877071917057 :0.12633731961250305 +the:0.3395833969116211 a:0.05477368086576462 their:0.02298435941338539 tho:0.020989377051591873 :0.08439242094755173 +door:0.40407219529151917 of:0.09074576944112778 and:0.05625393986701965 door,:0.024250827729701996 :0.075875423848629 +of:0.036794427782297134 and:0.034695014357566833 was:0.02902974933385849 is:0.026045305654406548 :0.21288812160491943 +the:0.315324604511261 a:0.03834686428308487 this:0.02345098741352558 his:0.015233790501952171 :0.12648846209049225 +the:0.044416576623916626 a:0.015316643752157688 Mrs.:0.011742956005036831 who:0.007002025377005339 :0.25021791458129883 +the:0.28549692034721375 a:0.09244518727064133 his:0.02491878718137741 which:0.02261853590607643 :0.09560266137123108 +and:0.08083505928516388 to:0.04066666215658188 the:0.02638588286936283 as:0.026263408362865448 :0.11667939275503159 +to:0.30874040722846985 not:0.08020192384719849 the:0.047507598996162415 and:0.01653953269124031 :0.05946628004312515 +and:0.035535119473934174 to:0.028434086591005325 of:0.02776603400707245 in:0.020433800294995308 :0.14817433059215546 +other:0.10553711652755737 contrary,:0.04855509474873543 first:0.023821745067834854 same:0.01702876202762127 :0.1373576670885086 +in:0.16972729563713074 to:0.06033427640795708 with:0.048518892377614975 for:0.026900192722678185 :0.08971226215362549 +The:0.06423475593328476 It:0.031702011823654175 I:0.024126200005412102 In:0.023170584812760353 :0.11043894290924072 +own:0.024038812145590782 members:0.004807936027646065 most:0.004763392265886068 great:0.004400890786200762 :0.2552633583545685 +the:0.268820196390152 a:0.05782909691333771 this:0.021690599620342255 his:0.020586714148521423 :0.09019408375024796 +and:0.019878685474395752 in:0.0197446271777153 of:0.013512157835066319 or:0.012928822077810764 :0.31322240829467773 +have:0.029514122754335403 was:0.02250288426876068 and:0.014096328057348728 had:0.013399643823504448 :0.24032148718833923 +find:0.07167661190032959 not:0.07049437612295151 be:0.06409872323274612 have:0.04714837670326233 :0.06605766713619232 +and:0.051148273050785065 the:0.03733636066317558 ing:0.019689815118908882 of:0.01911359839141369 :0.20965977013111115 +the:0.16145707666873932 a:0.09127297252416611 his:0.0187215693295002 all:0.018617156893014908 :0.054273974150419235 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +the:0.047386638820171356 to:0.038170117884874344 and:0.03518186882138252 a:0.01716468296945095 :0.14808766543865204 +and:0.16618917882442474 of:0.05619987100362778 in:0.05027138814330101 were:0.04055691882967949 :0.06526736170053482 +of:0.026989629492163658 and:0.01960926689207554 in:0.00970243290066719 .:0.007568190805613995 :0.2632949650287628 +Representatives:0.1999540477991104 the:0.08486111462116241 Representatives,:0.06690055131912231 Representa-:0.040392711758613586 :0.22759662568569183 +of:0.24813304841518402 to:0.05293484404683113 and:0.048440270125865936 in:0.02769012562930584 :0.12228226661682129 +great:0.024500146508216858 good:0.02335538901388645 very:0.016161659732460976 large:0.015446740202605724 :0.18614988029003143 +the:0.2930334508419037 a:0.03892577439546585 their:0.012849134393036366 tho:0.012355443090200424 :0.10106656700372696 +of:0.10938716679811478 and:0.10845135152339935 are:0.05230147764086723 in:0.045038577169179916 :0.05836239829659462 +and:0.15330076217651367 to:0.036314457654953 the:0.02384871244430542 is:0.02363424003124237 :0.12297113984823227 +understood:0.02075500600039959 and:0.01501737255603075 as:0.014894424937665462 convinced:0.011596017517149448 :0.2854907214641571 +of:0.6728209257125854 to:0.03649502247571945 in:0.013815740123391151 ot:0.01225555595010519 :0.015093861147761345 +is:0.2813173830509186 was:0.1429443061351776 Is:0.06031987816095352 has:0.036271724849939346 :0.06841246038675308 +The:0.03407037630677223 and:0.029240906238555908 .:0.02855658158659935 the:0.02342953160405159 :0.23971758782863617 +the:0.26839959621429443 a:0.07069405168294907 his:0.013282532803714275 any:0.011895212344825268 :0.11749961227178574 +to:0.03207772225141525 the:0.031437311321496964 and:0.02601541019976139 I:0.020696697756648064 :0.20808419585227966 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +of:0.3436972200870514 in:0.2368270754814148 the:0.029757892712950706 and:0.022215204313397408 :0.020966585725545883 +the:0.2558519244194031 a:0.0407363697886467 which:0.02373986691236496 tho:0.01943916641175747 :0.15491294860839844 +the:0.26446813344955444 be:0.021721819415688515 a:0.01481377799063921 his:0.011604093946516514 :0.13569402694702148 +the:0.3016195595264435 a:0.09178426116704941 which:0.024921277537941933 his:0.024197019636631012 :0.0820566862821579 +of:0.12877126038074493 and:0.04690416529774666 to:0.019747290760278702 The:0.017071237787604332 :0.18662019073963165 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +a:0.05431419610977173 the:0.04292350262403488 not:0.02073589712381363 in:0.015490195713937283 :0.1732356697320938 +to:0.12323295325040817 the:0.06010514125227928 up:0.04750531166791916 out:0.04556227847933769 :0.03823002800345421 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.28239092230796814 a:0.03318776562809944 he:0.027167676016688347 they:0.019396401941776276 :0.06286120414733887 +hand,:0.09232205152511597 side:0.038405172526836395 hand:0.022691791877150536 day:0.01900930143892765 :0.13054713606834412 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +York:0.25624731183052063 the:0.08485270291566849 that:0.03675282374024391 and:0.02645801566541195 :0.0884433165192604 +and:0.2683350741863251 but:0.09265020489692688 the:0.07152193784713745 that:0.029139060527086258 :0.048903271555900574 +have:0.06765410304069519 was:0.03459116443991661 am:0.033519890159368515 had:0.03274080157279968 :0.10801675170660019 +the:0.29606664180755615 it:0.07588915526866913 a:0.030506564304232597 they:0.023627648130059242 :0.05498652905225754 +of:0.5081778168678284 to:0.07436862587928772 and:0.03826412931084633 in:0.02530124969780445 :0.017034262418746948 +the:0.25835832953453064 a:0.03698341175913811 said:0.024976296350359917 his:0.01478258054703474 :0.12441333383321762 +was:0.040192779153585434 and:0.03900322690606117 of:0.031873732805252075 is:0.026363397017121315 :0.1517830193042755 +and:0.22021792829036713 as:0.07574967294931412 but:0.06007853150367737 the:0.02594611793756485 :0.048841431736946106 +the:0.1107056587934494 that:0.025415362790226936 a:0.015862492844462395 in:0.015193133614957333 :0.08633871376514435 +Pierce's:0.06130620837211609 Williams':0.055561866611242294 Pierce:0.019260145723819733 Miles':0.011586976237595081 :0.4576456546783447 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.16369692981243134 or:0.03318505361676216 of:0.028606034815311432 the:0.026817645877599716 :0.13928836584091187 +the:0.2454771101474762 he:0.049144819378852844 they:0.04616301506757736 a:0.034490689635276794 :0.0505477599799633 +made:0.02491588331758976 been:0.018280964344739914 a:0.016923559829592705 done:0.016871590167284012 :0.18971242010593414 +D.:0.36297401785850525 D:0.3069037199020386 D.,:0.06723558157682419 M:0.013102253898978233 :0.09114519506692886 +The:0.11193055659532547 A:0.03835020586848259 It:0.026315225288271904 He:0.02510044164955616 :0.22437697649002075 +the:0.17301374673843384 a:0.033270951360464096 that:0.02977839857339859 he:0.021551743149757385 :0.06362157315015793 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +the:0.27851805090904236 a:0.03168090805411339 this:0.029247760772705078 their:0.017921118065714836 :0.07859446853399277 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.05501288175582886 seed:0.032566726207733154 in:0.02707487717270851 is:0.02167433686554432 :0.1544264256954193 +was:0.02097557671368122 is:0.011255677789449692 and:0.010741743259131908 1:0.007968347519636154 :0.6018209457397461 +the:0.1394803673028946 of:0.08489496260881424 he:0.05255769193172455 a:0.02785470150411129 :0.08624465763568878 +of:0.251563161611557 the:0.08185113221406937 and:0.07095376402139664 to:0.039648622274398804 :0.04993516579270363 +have:0.15019051730632782 are:0.060470983386039734 will:0.03272754326462746 had:0.03109782002866268 :0.05404128506779671 +the:0.05317625403404236 a:0.030306169763207436 in:0.012729584239423275 more:0.011578143574297428 :0.18486295640468597 +and:0.049524497240781784 the:0.041837532073259354 to:0.03489164263010025 in:0.018415233120322227 :0.13855323195457458 +and:0.02501828409731388 County:0.013392036780714989 John:0.009387960657477379 Mrs.:0.009054270572960377 :0.17987105250358582 +was:0.1373007446527481 had:0.11391077935695648 has:0.06183481588959694 is:0.04200989753007889 :0.04151608794927597 +and:0.10991301387548447 to:0.10666670650243759 the:0.025622284039855003 was:0.022366361692547798 :0.07050776481628418 +the:0.08032131940126419 to:0.016494164243340492 that:0.012956145219504833 other:0.012015215121209621 :0.1540907770395279 +to:0.22671352326869965 by:0.11106278747320175 and:0.06225382909178734 in:0.04171013459563255 :0.06793176382780075 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +the:0.18875835835933685 by:0.09025919437408447 a:0.0525042898952961 in:0.03427795320749283 :0.04721127450466156 +the:0.19292360544204712 this:0.07412581145763397 a:0.041960541158914566 fact,:0.02668161690235138 :0.08379514515399933 +of:0.4901319742202759 in:0.059611111879348755 and:0.03504316508769989 that:0.024488428607583046 :0.03771792724728584 +the:0.33059144020080566 a:0.040664564818143845 this:0.02455097995698452 said:0.022049318999052048 :0.1115696057677269 +the:0.11876094341278076 be:0.025476092472672462 appear:0.016947444528341293 a:0.013106199912726879 :0.11746524274349213 +be:0.45881232619285583 not:0.05094325169920921 bo:0.023667067289352417 do:0.01870851218700409 :0.06830939650535583 +best:0.006748975720256567 most:0.005182669032365084 name:0.004987069871276617 first:0.004898705054074526 :0.19420067965984344 +and:0.060008544474840164 to:0.018285516649484634 the:0.01767505146563053 a:0.014423196204006672 :0.2507566511631012 +the:0.3090427815914154 tho:0.023002533242106438 two:0.017463648691773415 them:0.014522663317620754 :0.16041405498981476 +the:0.16312895715236664 a:0.06520762294530869 his:0.01260300725698471 this:0.011934229172766209 :0.1984870880842209 +and:0.0625985786318779 land:0.0563187301158905 products:0.023745987564325333 land,:0.021411078050732613 :0.18996337056159973 +and:0.012459910474717617 the:0.011496327817440033 many:0.009523579850792885 was:0.008298823609948158 :0.27821168303489685 +tance:0.10775382816791534 trict:0.09279163926839828 tant:0.0732433870434761 cussion:0.03172629699110985 :0.19339336454868317 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.1208934560418129 was:0.08588559180498123 is:0.04287167266011238 has:0.030598705634474754 :0.1330367773771286 +have:0.12680229544639587 will:0.10392740368843079 are:0.09644939750432968 can:0.059489715844392776 :0.03529302403330803 +the:0.3751576542854309 a:0.04423579201102257 their:0.026650311425328255 tho:0.017321299761533737 :0.0939740538597107 +and:0.05055844411253929 of:0.03226673975586891 to:0.0275820754468441 the:0.026240600273013115 :0.17874467372894287 +to:0.2569849491119385 out:0.06820768862962723 into:0.059591762721538544 on:0.04918578639626503 :0.04555351287126541 +of:0.14663328230381012 and:0.05722065642476082 is:0.03891386836767197 was:0.03466392681002617 :0.04653703421354294 +and:0.027469171211123466 to:0.007693314924836159 men:0.007431502919644117 the:0.006873777136206627 :0.16384562849998474 +and:0.16321216523647308 the:0.03636547923088074 which:0.027965892106294632 or:0.01795836351811886 :0.1124706119298935 +the:0.34909331798553467 a:0.05503195524215698 his:0.021948952227830887 tho:0.01763211376965046 :0.08974399417638779 +are:0.07468206435441971 have:0.06974993646144867 were:0.04216049611568451 will:0.03582100570201874 :0.06517937034368515 +and:0.07144726067781448 of:0.04087495431303978 who:0.015852751210331917 the:0.014432868920266628 :0.27161431312561035 +same:0.015428954735398293 sum:0.009335686452686787 amount:0.009115832857787609 whole:0.00852822232991457 :0.15754039585590363 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +are:0.07753462344408035 have:0.07385764271020889 had:0.06416530907154083 were:0.053076498210430145 :0.08288123458623886 +and:0.12044316530227661 in:0.05146389454603195 of:0.040376853197813034 on:0.032311342656612396 :0.06319484859704971 +such:0.036666858941316605 of:0.036618512123823166 one:0.032893311232328415 and:0.030286269262433052 :0.12094779312610626 +purpose:0.025053400546312332 first:0.011277067475020885 benefit:0.00771412393078208 same:0.007584335282444954 :0.25974059104919434 +to:0.08834666758775711 of:0.049238819628953934 the:0.021846093237400055 and:0.01821407489478588 :0.17998479306697845 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.08491098880767822 be:0.030960826203227043 make:0.023973794654011726 see:0.015702666714787483 :0.12853865325450897 +the:0.029719531536102295 a:0.022699076682329178 in:0.020231563597917557 of:0.01755707338452339 :0.15791606903076172 +of:0.14250020682811737 other:0.028600266203284264 a:0.022540872916579247 years:0.020371556282043457 :0.15733057260513306 +was:0.1450960338115692 is:0.12157988548278809 would:0.09383657574653625 will:0.031464360654354095 :0.10154429823160172 +The:0.14249010384082794 It:0.0719805508852005 He:0.05300866439938545 In:0.026555275544524193 :0.05661371350288391 +and:0.2721116542816162 in:0.03307745233178139 which:0.022244350984692574 the:0.019257692620158195 :0.12952496111392975 +good:0.01851162314414978 few:0.01787661947309971 large:0.016768572852015495 great:0.01357698068022728 :0.1940879225730896 +a:0.08630793541669846 the:0.0684739500284195 they:0.0378158800303936 he:0.0355791412293911 :0.04594495892524719 +the:0.20320086181163788 a:0.0796886533498764 which:0.0390242300927639 their:0.0237576961517334 :0.09015641361474991 +that:0.1518513709306717 of:0.08904402703046799 how:0.07660918682813644 and:0.05354855954647064 :0.045019641518592834 +and:0.060740403831005096 expanse:0.012125452049076557 or:0.009026804007589817 of:0.0053969742730259895 :0.20306050777435303 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +visions:0.19313135743141174 ceedings:0.1125560849905014 tection:0.05796234682202339 ducts:0.047278549522161484 :0.14400853216648102 +that:0.3383602499961853 far:0.03998817503452301 as:0.02689979039132595 much:0.024600960314273834 :0.07085643708705902 +not:0.08335848152637482 a:0.0440375842154026 sure:0.03478626906871796 glad:0.023988492786884308 :0.10775109380483627 +the:0.18638482689857483 a:0.06311828643083572 this:0.022738397121429443 tne:0.021623024716973305 :0.23186734318733215 +of:0.2086712121963501 hundred:0.04468020051717758 or:0.025908147916197777 and:0.024533342570066452 :0.08546430617570877 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +a:0.1092325821518898 the:0.051010191440582275 more:0.03799368441104889 very:0.034870605915784836 :0.14089031517505646 +of:0.18961292505264282 to:0.0783858522772789 in:0.04579183831810951 and:0.04086117818951607 :0.08791299909353256 +and:0.0610276497900486 trial:0.020029202103614807 demand:0.018795330077409744 chance:0.016966938972473145 :0.1365184783935547 +the:0.6315506100654602 a:0.03565021976828575 tho:0.02562241069972515 said:0.015393766574561596 :0.03834584355354309 +is:0.30600860714912415 was:0.16582563519477844 will:0.04693111777305603 has:0.038714684545993805 :0.04099159315228462 +first:0.0049998704344034195 amount:0.004573528189212084 people:0.004340310115367174 power:0.00418406305834651 :0.28334733843803406 +the:0.12829595804214478 that:0.04135039076209068 a:0.0278191938996315 in:0.025430208072066307 :0.0873238742351532 +most:0.022105207666754723 best:0.011692708358168602 same:0.00926275085657835 only:0.007965052500367165 :0.21811190247535706 +to:0.22250983119010925 by:0.042915891855955124 that:0.04116920754313469 for:0.02825699746608734 :0.11588788777589798 +the:0.2230243980884552 a:0.05233994126319885 his:0.01712537370622158 tho:0.01306814793497324 :0.19216668605804443 +was:0.10671421140432358 and:0.05645505338907242 had:0.05242394655942917 is:0.05167100206017494 :0.052823953330516815 +the:0.04944731295108795 and:0.032483186572790146 of:0.02274615876376629 a:0.014634635299444199 :0.19040921330451965 +not:0.18806509673595428 the:0.029757089912891388 White:0.017021887004375458 you:0.015301168896257877 :0.18229106068611145 +dollars:0.19337709248065948 dollars,:0.059107571840286255 dollars.:0.038348764181137085 men:0.03224854916334152 :0.1591908186674118 +of:0.7913299798965454 and:0.01603749766945839 ot:0.012002803385257721 in:0.01156041119247675 :0.011945159174501896 +to:0.07045872509479523 with:0.06753245741128922 and:0.06429380178451538 the:0.03916553407907486 :0.14634281396865845 +the:0.11189328134059906 a:0.09681636095046997 from:0.05413786321878433 in:0.0328032448887825 :0.05986751616001129 +ditions:0.017737578600645065 tinued:0.016249658539891243 nected:0.014372887089848518 veyed:0.014095870777964592 :0.474471777677536 +the:0.3041903078556061 a:0.03684506192803383 be:0.02332276664674282 tho:0.013203516602516174 :0.08275854587554932 +city:0.013684514909982681 same:0.012299713678658009 first:0.012064541690051556 case:0.0097059216350317 :0.1689721941947937 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.2621314823627472 in:0.1167922243475914 more:0.0786709189414978 and:0.061682648956775665 :0.046788766980171204 +and:0.037626612931489944 The:0.019936345517635345 In:0.018868623301386833 the:0.017341723665595055 :0.26011934876441956 +and:0.12801043689250946 but:0.05662381276488304 as:0.05548137053847313 or:0.03267217427492142 :0.04106324166059494 +The:0.16959159076213837 In:0.049294400960206985 It:0.0459819994866848 He:0.026119673624634743 :0.10472214221954346 +same:0.008794575929641724 most:0.005952082108706236 work:0.005700032692402601 only:0.0053376867435872555 :0.2122821807861328 +the:0.20745491981506348 a:0.11368175595998764 his:0.023230312392115593 an:0.016928045079112053 :0.0815901905298233 +the:0.4057818353176117 a:0.040105029940605164 tho:0.02030683308839798 which:0.018894340842962265 :0.06052003428339958 +the:0.25323498249053955 said:0.0484638586640358 a:0.0450318343937397 tho:0.013920134864747524 :0.18307869136333466 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.2943301200866699 but:0.050469398498535156 or:0.035934384912252426 which:0.031006179749965668 :0.04637555778026581 +the:0.2890681326389313 a:0.026607166975736618 his:0.016005512326955795 tho:0.0155551852658391 :0.1465146243572235 +and:0.06928413361310959 in:0.0648234635591507 of:0.052768465131521225 was:0.049525268375873566 :0.05588368698954582 +of:0.41607797145843506 and:0.09053050726652145 on:0.023743536323308945 that:0.02345021441578865 :0.02892785146832466 +the:0.029337218031287193 more:0.025709286332130432 any:0.02526601031422615 a:0.024121450260281563 :0.13036146759986877 +cept:0.10096248239278793 plained:0.03159001097083092 penses:0.02248762734234333 perience:0.01879192143678665 :0.4062650203704834 +that:0.282745361328125 to:0.25677141547203064 in:0.04243576154112816 from:0.03797651082277298 :0.028739850968122482 +and:0.09179391711950302 to:0.04916044697165489 the:0.04152399301528931 in:0.035249948501586914 :0.04126923903822899 +get:0.03667261078953743 be:0.0274452343583107 make:0.027166852727532387 have:0.023135384544730186 :0.08081576973199844 +few:0.06895050406455994 year:0.020070558413863182 large:0.014903952367603779 short:0.014101422391831875 :0.1492031216621399 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.1314401626586914 a:0.020303253084421158 his:0.013695288449525833 that:0.010442943312227726 :0.1533435434103012 +of:0.36560943722724915 and:0.03560907393693924 in:0.028760408982634544 at:0.022434033453464508 :0.04394197091460228 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +in:0.04265756532549858 and:0.03964906558394432 of:0.036377329379320145 the:0.03547123074531555 :0.13953828811645508 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +not:0.05706248804926872 in:0.022442925721406937 to:0.021432049572467804 the:0.0165143683552742 :0.16116802394390106 +be:0.24772442877292633 not:0.06930751353502274 have:0.025417469441890717 make:0.015592406503856182 :0.06899111717939377 +the:0.03831249848008156 and:0.02512691356241703 of:0.022880040109157562 in:0.016466673463582993 :0.15826071798801422 +from:0.20397035777568817 and:0.08018843084573746 with:0.061849188059568405 the:0.053745679557323456 :0.048832058906555176 +and:0.0670095831155777 of:0.06151576712727547 to:0.03504466265439987 The:0.025458460673689842 :0.1503341645002365 +the:0.27549436688423157 this:0.039569489657878876 a:0.03771217167377472 his:0.01912563666701317 :0.06464581936597824 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +been:0.1718638837337494 a:0.06273964792490005 not:0.03401603177189827 the:0.025726867839694023 :0.06593944877386093 +the:0.24357330799102783 a:0.03809281438589096 his:0.02313445322215557 work:0.013940239325165749 :0.16868765652179718 +not:0.27434074878692627 be:0.13539421558380127 have:0.033864088356494904 do:0.015309445559978485 :0.08061899244785309 +the:0.15370307862758636 a:0.09655623883008957 and:0.04847601428627968 in:0.016504304483532906 :0.13932421803474426 +the:0.33518287539482117 a:0.06280453503131866 which:0.04521036893129349 his:0.023788683116436005 :0.07296425849199295 +be:0.2434013932943344 have:0.07176614552736282 do:0.01848333701491356 bo:0.013866418041288853 :0.057197775691747665 +and:0.1289946585893631 of:0.12200260162353516 in:0.0622723288834095 to:0.061221055686473846 :0.03675467520952225 +D.:0.11514019221067429 D:0.07204993814229965 M:0.0318308025598526 M.:0.02152656577527523 :0.2215624749660492 +be:0.12051993608474731 the:0.10632367432117462 have:0.055841248482465744 a:0.01926698535680771 :0.08424854278564453 +the:0.26870816946029663 a:0.06684480607509613 this:0.014987788163125515 some:0.014562920667231083 :0.12993335723876953 +and:0.08483657240867615 in:0.03336695209145546 The:0.028735632076859474 of:0.028556086122989655 :0.17162971198558807 +duty:0.07593192905187607 most:0.04090975970029831 same:0.027971351519227028 best:0.022835463285446167 :0.1388917863368988 +appearance:0.057090453803539276 property:0.028748994693160057 friends:0.02420968934893608 knowledge:0.023798193782567978 :0.18750247359275818 +period:0.061852775514125824 and:0.023007899522781372 time:0.017312999814748764 to:0.013140003196895123 :0.17115603387355804 +that:0.1034008339047432 of:0.08870970457792282 and:0.07721487432718277 for:0.03856601566076279 :0.043469976633787155 +and:0.2087927758693695 to:0.04630330950021744 the:0.043732088059186935 but:0.03999451920390129 :0.03470689058303833 +of:0.44965046644210815 and:0.048429373651742935 to:0.032999973744153976 in:0.02235288918018341 :0.02139628306031227 +be:0.1612926721572876 have:0.10657168924808502 not:0.07854504138231277 make:0.01510535180568695 :0.10844597220420837 +and:0.07119862735271454 to:0.04079626873135567 the:0.034033190459012985 of:0.025953013449907303 :0.1382158249616623 +of:0.5885453224182129 and:0.06621601432561874 to:0.040706656873226166 the:0.02034441940486431 :0.020214417949318886 +a:0.04868994653224945 the:0.032687582075595856 not:0.0204587634652853 in:0.01654724031686783 :0.09293729066848755 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +a:0.05328471586108208 not:0.04536905139684677 the:0.03210087865591049 to:0.019414199516177177 :0.10766559094190598 +to:0.7741003632545471 to.:0.05074211582541466 to,:0.05049591884016991 by:0.02777169831097126 :0.011072243563830853 +much:0.059232886880636215 few:0.027047401294112206 little:0.023136138916015625 well:0.022015955299139023 :0.24260886013507843 +the:0.03130219131708145 two:0.025492895394563675 a:0.02529418095946312 more:0.02445950359106064 :0.11612993478775024 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +ular:0.4203946590423584 ister:0.0316612683236599 tion:0.03136346489191055 ulation:0.008453816175460815 :0.1954859048128128 +a:0.11779126524925232 the:0.06547369062900543 more:0.02003375254571438 so:0.015428016893565655 :0.2408725768327713 +made:0.054527200758457184 no:0.04442401975393295 done:0.03130321577191353 found:0.024440208449959755 :0.1182146891951561 +of:0.45208173990249634 and:0.06037994101643562 to:0.04344751685857773 in:0.04069184884428978 :0.03237764537334442 +and:0.05977395921945572 the:0.01743800938129425 to:0.01739553175866604 in:0.01125572994351387 :0.3266364336013794 +been:0.1956297904253006 a:0.10037904232740402 no:0.03283589705824852 the:0.031202567741274834 :0.06081496551632881 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +the:0.22323861718177795 which:0.042759500443935394 this:0.03334028646349907 a:0.021011188626289368 :0.09566520154476166 +The:0.07281927019357681 A:0.02893397957086563 It:0.022947367280721664 He:0.01717638038098812 :0.20295803248882294 +the:0.18901114165782928 it:0.042793866246938705 he:0.04249833896756172 they:0.035605959594249725 :0.0730532556772232 +and:0.2375839352607727 but:0.06081213057041168 to:0.04277941584587097 as:0.039827942848205566 :0.03499288111925125 +of:0.09397395700216293 in:0.08667167276144028 to:0.078314870595932 on:0.06006212532520294 :0.05910816043615341 +and:0.14302341639995575 of:0.09662684798240662 in:0.04290563240647316 who:0.036784712225198746 :0.06965208053588867 +the:0.3162374794483185 a:0.04963793605566025 be:0.02196691744029522 his:0.017190659418702126 :0.10048498958349228 +have:0.13428173959255219 are:0.08039245754480362 were:0.043780528008937836 do:0.030404431745409966 :0.07193036377429962 +be:0.04483245313167572 make:0.042920030653476715 pay:0.023031549528241158 the:0.02107427455484867 :0.07757467031478882 +was:0.09255978465080261 had:0.05348724126815796 is:0.02514589950442314 has:0.023802073672413826 :0.08335701376199722 +tain:0.33758047223091125 pend:0.06939838081598282 pended:0.04458945617079735 The:0.006991576869040728 :0.2969191372394562 +be:0.34946590662002563 exceed:0.06787209957838058 have:0.028212478384375572 apply:0.022969460114836693 :0.06351242959499359 +of:0.12337225675582886 one:0.016184978187084198 years:0.015513666905462742 very:0.013581144623458385 :0.12142717838287354 +The:0.148593932390213 A:0.05068591982126236 It:0.04581174999475479 There:0.03581889346241951 :0.11797311156988144 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.2558519244194031 a:0.0407363697886467 which:0.02373986691236496 tho:0.01943916641175747 :0.15491294860839844 +mortgage:0.03551492840051651 John:0.014492273330688477 County:0.012314995750784874 William:0.009532668627798557 :0.16362731158733368 +the:0.12882110476493835 be:0.03193597123026848 make:0.021047992631793022 a:0.01696830801665783 :0.09397299587726593 +the:0.13591168820858002 that:0.03065848909318447 running:0.025249887257814407 a:0.02177114225924015 :0.08690167963504791 +of:0.09773281216621399 to:0.07702957838773727 and:0.04834461584687233 in:0.04754296690225601 :0.055142346769571304 +made:0.0355713777244091 a:0.03152916580438614 the:0.022826382890343666 in:0.013972856104373932 :0.21215631067752838 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.05420844629406929 are:0.02890617959201336 to:0.025839706882834435 the:0.02209361642599106 :0.15890032052993774 +party:0.04110538214445114 and:0.03270445391535759 party,:0.02430587261915207 of:0.008930845186114311 :0.2968578636646271 +in:0.05462048575282097 and:0.0349772684276104 than:0.027898505330085754 of:0.02383926883339882 :0.19240085780620575 +and:0.06701063364744186 of:0.04021014645695686 the:0.02173791266977787 Mrs.:0.0156402587890625 :0.20807839930057526 +the:0.21731846034526825 a:0.05523346737027168 his:0.04569871723651886 this:0.01979789510369301 :0.10743122547864914 +and:0.2176601141691208 the:0.07345207780599594 but:0.049826353788375854 of:0.03547896817326546 :0.06852192431688309 +The:0.14426985383033752 It:0.06128355488181114 This:0.030776964500546455 He:0.02785469964146614 :0.08795059472322464 +any:0.07815083861351013 a:0.07802591472864151 the:0.050350528210401535 regard:0.024826621636748314 :0.17405486106872559 +the:0.18190497159957886 be:0.024354184046387672 a:0.02168004959821701 make:0.01528740394860506 :0.0891374796628952 +of:0.026093998923897743 and:0.025180375203490257 the:0.016691915690898895 to:0.008249365724623203 :0.3341168463230133 +The:0.1025860384106636 It:0.04350413754582405 In:0.034426767379045486 He:0.02484332211315632 :0.19043251872062683 +to:0.04556085169315338 the:0.04348483681678772 and:0.037509530782699585 be:0.024387972429394722 :0.142970472574234 +the:0.1369357407093048 of:0.07739711552858353 over:0.04203576222062111 that:0.018475277349352837 :0.08396539837121964 +the:0.10170268267393112 and:0.03202112391591072 in:0.023816915228962898 to:0.020743925124406815 :0.1399320811033249 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +number:0.09462065249681473 amount:0.047656815499067307 portion:0.025956550613045692 part:0.025067195296287537 :0.15149721503257751 +and:0.0757564827799797 of:0.02025051973760128 to:0.01785391941666603 I:0.011120893992483616 :0.32772523164749146 +been:0.17620578408241272 the:0.0926690548658371 a:0.07947493344545364 an:0.014994936063885689 :0.07649044692516327 +and:0.060617633163928986 to:0.029754428192973137 the:0.024983543902635574 of:0.024527085945010185 :0.2748052477836609 +the:0.287344753742218 this:0.03536646068096161 a:0.028789497911930084 course,:0.015644265338778496 :0.10552351176738739 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.17522045969963074 a:0.06594377756118774 two:0.04465949907898903 this:0.020150845870375633 :0.07717180997133255 +of:0.05797211080789566 and:0.05569441244006157 to:0.02923848107457161 the:0.025893820449709892 :0.13338163495063782 +and:0.0380270816385746 in:0.034376516938209534 car:0.033850040286779404 to:0.029092518612742424 :0.05566751956939697 +of:0.024893032386898994 and:0.013222873210906982 day:0.007980255410075188 the:0.007509105838835239 :0.24242009222507477 +party:0.2914493680000305 party,:0.07492588460445404 party.:0.03180188685655594 ticket:0.016040654852986336 :0.12419474869966507 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +of:0.03193673864006996 .:0.01757642813026905 to:0.016902035102248192 and:0.016588380560278893 :0.2780478000640869 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +own:0.024415746331214905 citizens:0.019463973119854927 present:0.01822911575436592 people:0.01673482358455658 :0.1612769365310669 +the:0.2260926067829132 a:0.0646844357252121 his:0.013966448605060577 tho:0.013471468351781368 :0.15081572532653809 +the:0.065029077231884 and:0.05858861654996872 that:0.04388996958732605 with:0.026259610429406166 :0.04767601937055588 +cerning:0.09289651364088058 tained:0.06948075443506241 taining:0.05172484368085861 nected:0.033245332539081573 :0.3548756241798401 +and:0.08696270734071732 of:0.030189143493771553 The:0.01724386028945446 to:0.017174774780869484 :0.2286924421787262 +W:0.03428680822253227 H.:0.033607352524995804 W.:0.030811334028840065 M:0.027380388230085373 :0.23271970450878143 +be:0.32219040393829346 not:0.09338462352752686 have:0.08323697745800018 seem:0.029854172840714455 :0.051448505371809006 +and:0.20258000493049622 but:0.054579805582761765 to:0.0493876188993454 the:0.04098602384328842 :0.05655200406908989 +and:0.22401556372642517 of:0.056521136313676834 to:0.048109352588653564 in:0.031893812119960785 :0.09333882480859756 +ly:0.02188640832901001 and:0.021314548328518867 ing:0.01393899880349636 to:0.008990883827209473 :0.26161202788352966 +ing:0.1957699954509735 tween:0.18434801697731018 cause:0.15587717294692993 fore:0.08201456069946289 :0.06936877220869064 +a:0.07461033016443253 able:0.03245178982615471 the:0.021301282569766045 made:0.01828489825129509 :0.23578926920890808 +in:0.08118970692157745 on:0.04845768213272095 after:0.043603744357824326 and:0.03428581729531288 :0.05909217521548271 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +rate:0.062397848814725876 and:0.03181927651166916 time:0.019056828692555428 times:0.015475313179194927 :0.13701853156089783 +of:0.0968518853187561 in:0.024201899766921997 and:0.02089453488588333 the:0.012193393893539906 :0.12489268183708191 +and:0.07395774871110916 who:0.07315507531166077 in:0.056161023676395416 of:0.03690265491604805 :0.06861861050128937 +W.:0.016638604924082756 J:0.01600937731564045 J.:0.014116636477410793 B.:0.010226232931017876 :0.5207197070121765 +the:0.19829174876213074 a:0.11363717913627625 his:0.020226314663887024 which:0.017271677032113075 :0.1459406316280365 +the:0.25303009152412415 a:0.025511672720313072 tho:0.01640736311674118 this:0.015367653220891953 :0.06491217017173767 +to:0.2006225883960724 in:0.07894173264503479 from:0.055387843400239944 into:0.04167971760034561 :0.036147668957710266 +made:0.187435582280159 to:0.04471242055296898 not:0.023786181584000587 the:0.021502401679754257 :0.13766692578792572 +of:0.7001047134399414 that:0.04658786579966545 to:0.03454192727804184 in:0.021097615361213684 :0.01624259725213051 +man:0.030600547790527344 great:0.02971588261425495 large:0.02942269667983055 few:0.023789068683981895 :0.13669422268867493 +the:0.4478724002838135 this:0.05497472360730171 a:0.029229942709207535 tho:0.021221110597252846 :0.09029784053564072 +and:0.08020869642496109 to:0.06109245866537094 by:0.03349488228559494 in:0.027321524918079376 :0.13484591245651245 +the:0.0718453973531723 be:0.04235884174704552 make:0.025854533538222313 a:0.022422265261411667 :0.12257643043994904 +.:0.07043372094631195 and:0.020306797698140144 The:0.013586955145001411 A:0.009473047219216824 :0.32641294598579407 +is:0.14407095313072205 are:0.12813331186771393 shall:0.11230074614286423 was:0.050003018230199814 :0.03825541213154793 +in:0.07749692350625992 at:0.07718559354543686 by:0.06717874109745026 up:0.0547652542591095 :0.049782343208789825 +that:0.1590866595506668 the:0.13047176599502563 a:0.09449296444654465 to:0.08137013763189316 :0.05575545132160187 +of:0.7765936255455017 thereof,:0.027087794616818428 ot:0.02198607847094536 thereof:0.013550989329814911 :0.011457493528723717 +to:0.10466904193162918 that:0.041145917028188705 the:0.03562692925333977 a:0.03143100067973137 :0.07440682500600815 +saw:0.1048789992928505 heard:0.051403455436229706 had:0.028995463624596596 knew:0.02670261822640896 :0.14050139486789703 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.2875603437423706 that:0.21974045038223267 by:0.09922292828559875 the:0.027385802939534187 :0.03240036964416504 +before:0.339735209941864 the:0.02491193823516369 by:0.018475430086255074 to:0.01729210652410984 :0.08945222198963165 +same:0.012552237138152122 first:0.010493386536836624 most:0.004269708879292011 last:0.003891713684424758 :0.3015686571598053 +not:0.05245484784245491 have:0.040228672325611115 see:0.03454048931598663 be:0.03281676769256592 :0.13080759346485138 +in:0.2993345856666565 of:0.10876781493425369 to:0.047398872673511505 and:0.03765438124537468 :0.03930177539587021 +the:0.33520999550819397 a:0.05428359657526016 his:0.033266495913267136 tho:0.01879068650305271 :0.13052570819854736 +the:0.1753271073102951 a:0.06529290229082108 his:0.022666161879897118 order:0.021018214523792267 :0.101502925157547 +and:0.08678984642028809 to:0.0582113191485405 will:0.040689706802368164 for:0.03743324801325798 :0.10445915907621384 +the:0.08683018386363983 a:0.08249182999134064 not:0.0531250424683094 that:0.027949266135692596 :0.1414739191532135 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +of:0.10138031840324402 and:0.044616010040044785 in:0.030920129269361496 was:0.030805237591266632 :0.1322367787361145 +of:0.3345917761325836 that:0.05463627725839615 and:0.05381564423441887 to:0.03732718527317047 :0.05219075828790665 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.12859025597572327 for:0.06362417340278625 in:0.05658397451043129 at:0.04951177164912224 :0.04998302087187767 +the:0.40245458483695984 this:0.06061537563800812 said:0.04814362898468971 a:0.03578624501824379 :0.05742352828383446 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +departments:0.018733559176325798 forms:0.014766576699912548 kinds:0.014439119026064873 branches:0.01394733414053917 :0.19949574768543243 +vegetable,:0.11824632436037064 vegetable:0.031771134585142136 and:0.026781456544995308 in:0.026481714099645615 :0.22560007870197296 +a:0.14531321823596954 been:0.08792110532522202 the:0.06429751217365265 an:0.0202128104865551 :0.09607589989900589 +per:0.17446094751358032 cents:0.11102309077978134 years:0.030812906101346016 o'clock:0.022059477865695953 :0.1299402117729187 +of:0.05473342910408974 and:0.03660817816853523 to:0.02786068245768547 in:0.014832833781838417 :0.204084575176239 +cember,:0.3345961272716522 cember:0.13601791858673096 partment:0.02407245524227619 rangement:0.005748277995735407 :0.32224413752555847 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +the:0.3550182580947876 a:0.037556588649749756 his:0.016274968162178993 tho:0.015836667269468307 :0.09761984646320343 +the:0.16402529180049896 to:0.06854058802127838 a:0.05075245723128319 any:0.04578866437077522 :0.040873996913433075 +and:0.10021104663610458 at:0.03899513930082321 was:0.03762229532003403 in:0.03611856326460838 :0.05989749729633331 +are:0.11309094727039337 have:0.08771609514951706 were:0.06350811570882797 had:0.048106588423252106 :0.08697729557752609 +virtue:0.2514646053314209 the:0.19086332619190216 a:0.05419054999947548 reason:0.021972451359033585 :0.07486949115991592 +Dated:0.21956343948841095 The:0.08601376414299011 And:0.021111665293574333 It:0.019579190760850906 :0.10944809019565582 +be:0.05439907684922218 make:0.030543632805347443 secure:0.028680024668574333 the:0.025652075186371803 :0.09562598913908005 +and:0.04696809500455856 with:0.03968789428472519 the:0.033636100590229034 on:0.031006701290607452 :0.1516796052455902 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.2535242438316345 a:0.03064628690481186 this:0.02337579056620598 his:0.012220090255141258 :0.12667909264564514 +the:0.12231141328811646 be:0.030976751819252968 make:0.01744658499956131 a:0.016138365492224693 :0.11426353454589844 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.17165516316890717 he:0.06722353398799896 you:0.059125617146492004 they:0.046592287719249725 :0.07123970985412598 +the:0.10855842381715775 of:0.020617494359612465 a:0.02057543955743313 and:0.020258262753486633 :0.1800801008939743 +and:0.0462384894490242 16,:0.02870703861117363 at:0.012639224529266357 1916,:0.011662491597235203 :0.16524069011211395 +pose:0.2361948937177658 ceeded:0.11158376932144165 posed:0.04872530326247215 ceed:0.040432754904031754 :0.15823709964752197 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.10596813261508942 to:0.09923368692398071 of:0.08023523539304733 in:0.046026915311813354 :0.04520115628838539 +and:0.09343697875738144 of:0.040168266743421555 the:0.022174686193466187 The:0.019338831305503845 :0.19462795555591583 +and:0.12894251942634583 John:0.007005269173532724 J:0.0068863676860928535 James:0.004257733002305031 :0.46228939294815063 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +and:0.20879171788692474 in:0.09934497624635696 with:0.043187517672777176 on:0.03581762686371803 :0.05309491232037544 +the:0.042329300194978714 any:0.03697613999247551 a:0.016752559691667557 more:0.015217932872474194 :0.21441276371479034 +to:0.10137271881103516 the:0.06824486702680588 into:0.053193751722574234 about:0.039387766271829605 :0.038474190980196 +have:0.08233807235956192 are:0.06689826399087906 were:0.03733431175351143 will:0.03427731618285179 :0.0940001979470253 +of:0.07373496145009995 the:0.041505858302116394 extent:0.013860109262168407 end:0.012885119765996933 :0.08456046879291534 +the:0.33027517795562744 a:0.04945534095168114 this:0.04133038967847824 that:0.02249101549386978 :0.11094062030315399 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.16045770049095154 but:0.07102175801992416 the:0.036854349076747894 which:0.03141947090625763 :0.037237394601106644 +said:0.033528268337249756 same:0.023073356598615646 10th:0.010661558248102665 24th:0.008726409636437893 :0.175297349691391 +was:0.163926899433136 has:0.11632297188043594 had:0.10653072595596313 is:0.03957424312829971 :0.05508962273597717 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +lution:0.7219460010528564 and:0.009847816079854965 the:0.00584214273840189 to:0.004501088988035917 :0.06313451379537582 +of:0.25063803791999817 the:0.07866770029067993 and:0.03385377675294876 to:0.03125304728746414 :0.0770704373717308 +are:0.03772277757525444 and:0.012149517424404621 were:0.010571339167654514 have:0.009219487197697163 :0.12846483290195465 +the:0.2495102733373642 a:0.055160701274871826 this:0.0229022353887558 tho:0.01415577158331871 :0.16981840133666992 +the:0.19636596739292145 a:0.04975743219256401 his:0.014098571613430977 this:0.012449347414076328 :0.15446749329566956 +other:0.062266092747449875 fault:0.018451418727636337 one:0.014721589162945747 more:0.011913268826901913 :0.1847732663154602 +and:0.10493385791778564 in:0.09934598952531815 on:0.02426932379603386 from:0.02148323692381382 :0.06442209333181381 +of:0.13291887938976288 and:0.1071542352437973 in:0.0676240548491478 are:0.0667005181312561 :0.050954096019268036 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +the:0.06495406478643417 a:0.03992150351405144 not:0.021060628816485405 in:0.017024606466293335 :0.14977644383907318 +best:0.058959633111953735 few:0.017481833696365356 little:0.01510459091514349 large:0.00852876901626587 :0.1567545235157013 +to:0.048167865723371506 of:0.03773367777466774 and:0.02088174782693386 place:0.01678510569036007 :0.16566796600818634 +is:0.06658783555030823 are:0.05393963307142258 was:0.044438160955905914 the:0.04182268679141998 :0.06759041547775269 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.03537460044026375 that:0.03461216017603874 of:0.019780991598963737 value:0.013286607339978218 :0.17870625853538513 +and:0.09070548415184021 of:0.03958065062761307 to:0.033623021095991135 in:0.02912035584449768 :0.13079677522182465 +the:0.38041165471076965 tho:0.022025341168045998 this:0.01685415767133236 his:0.011677802540361881 :0.20143942534923553 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +to:0.13220468163490295 in:0.05138351395726204 and:0.040296606719493866 from:0.033013876527547836 :0.04732213169336319 +to:0.09599389880895615 of:0.03338146209716797 as:0.029113080352544785 less:0.025678791105747223 :0.11376120895147324 +to:0.08011720329523087 for:0.07456508278846741 and:0.05509563535451889 in:0.017547469586133957 :0.18122823536396027 +and:0.2380259931087494 of:0.09846560657024384 the:0.0464869923889637 which:0.029424341395497322 :0.0677635595202446 +and:0.14166443049907684 to:0.1078372374176979 Block:0.10688783973455429 at:0.04269808530807495 :0.151807963848114 +amount:0.018482564017176628 country:0.011871254071593285 day:0.009064341895282269 line:0.009045512415468693 :0.11472652852535248 +the:0.05408736318349838 a:0.05236897990107536 in:0.03952394053339958 made:0.02393519878387451 :0.13132838904857635 +own:0.02545827440917492 country:0.018341658636927605 people:0.017173554748296738 State:0.01119675301015377 :0.16266362369060516 +a:0.07010596990585327 not:0.05420732498168945 the:0.05396781489253044 in:0.016393130645155907 :0.10485593974590302 +was:0.15917563438415527 had:0.13615165650844574 would:0.06614396721124649 has:0.05712644383311272 :0.052851226180791855 +and:0.2520735263824463 the:0.03865622356534004 but:0.03432178497314453 with:0.025792131200432777 :0.044073931872844696 +the:0.2958046793937683 a:0.0655972808599472 this:0.0314018614590168 his:0.025711292400956154 :0.06897961348295212 +and:0.04166923835873604 of:0.02512073889374733 in:0.015122998505830765 the:0.013480260968208313 :0.24740666151046753 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +best:0.058959633111953735 few:0.017481833696365356 little:0.01510459091514349 large:0.00852876901626587 :0.1567545235157013 +and:0.047479718923568726 of:0.04014528542757034 the:0.019002782180905342 to:0.011701744049787521 :0.23866014182567596 +and:0.2523772716522217 the:0.05706208944320679 but:0.04947532340884209 to:0.025696836411952972 :0.07915959507226944 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +any:0.02052343264222145 the:0.01778559386730194 in:0.013974405825138092 other:0.009233088232576847 :0.13412822782993317 +same:0.010847280733287334 result:0.010675651952624321 most:0.009411102160811424 case:0.006331802345812321 :0.1978769749403 +and:0.04339784011244774 of:0.03922726586461067 the:0.026582106947898865 to:0.021149631589651108 :0.23546858131885529 +are:0.09682588279247284 have:0.06635043025016785 were:0.06500713527202606 had:0.053589191287755966 :0.04511096701025963 +and:0.06256759166717529 the:0.03213411197066307 to:0.02176826447248459 in:0.01928124576807022 :0.20352774858474731 +had:0.10220818966627121 was:0.09434595704078674 has:0.06607384979724884 is:0.04741915315389633 :0.10072356462478638 +in:0.10857803374528885 to:0.0759788453578949 and:0.06059771776199341 of:0.05457371845841408 :0.06848985701799393 +and:0.061390090733766556 of:0.048185694962739944 who:0.018633903935551643 Mrs.:0.014308739453554153 :0.2127077579498291 +far:0.0461195707321167 the:0.017247213050723076 to:0.013492616824805737 be:0.012470490299165249 :0.19161833822727203 +own:0.017074009403586388 people:0.01119309477508068 readers:0.008305096998810768 fathers:0.00816758256405592 :0.1425510048866272 +a:0.13107331097126007 an:0.03251269832253456 resale:0.019744014367461205 as:0.01217531505972147 :0.14970266819000244 +be:0.4467473328113556 not:0.06768815219402313 have:0.05525365099310875 bo:0.022384773939847946 :0.03488682955503464 +and:0.12653757631778717 A.:0.05821338668465614 the:0.013598565012216568 was:0.008166016079485416 :0.35067319869995117 +and:0.09999701380729675 the:0.03516868129372597 to:0.0322466641664505 pains,:0.028257403522729874 :0.06190863251686096 +are:0.0544942207634449 have:0.04108787700533867 is:0.04029896482825279 should:0.03972887992858887 :0.07223977148532867 +of:0.26635006070137024 and:0.029834570363163948 in:0.014069104567170143 ot:0.012912710197269917 :0.13568231463432312 +people:0.01734987646341324 said:0.011204104870557785 same:0.007446028757840395 man:0.0072185383178293705 :0.1498868614435196 +The:0.08303657919168472 and:0.07823269814252853 In:0.02498232200741768 I:0.022463057190179825 :0.2552770972251892 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +a:0.06186350807547569 the:0.055461473762989044 in:0.028360802680253983 made:0.012554916553199291 :0.17083953320980072 +and:0.12894251942634583 John:0.007005269173532724 J:0.0068863676860928535 James:0.004257733002305031 :0.46228939294815063 +and:0.058034345507621765 of:0.020317764952778816 to:0.01876736618578434 the:0.01704084873199463 :0.25323909521102905 +is:0.14145630598068237 was:0.11332584917545319 to:0.03493043780326843 would:0.030738890171051025 :0.055904120206832886 +to:0.08438365906476974 with:0.07823363691568375 in:0.05126986652612686 and:0.044255129992961884 :0.14494800567626953 +shalt:0.04032855108380318 the:0.029374685138463974 hast:0.024197082966566086 he:0.014017251320183277 :0.17381598055362701 +that:0.033676743507385254 in:0.030194362625479698 of:0.027805183082818985 the:0.02375061996281147 :0.06699173152446747 +the:0.289308100938797 this:0.055798646062612534 a:0.03247211501002312 their:0.016436126083135605 :0.07880749553442001 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +is:0.097801074385643 was:0.06433889269828796 he:0.05704125761985779 the:0.05688405781984329 :0.07320307940244675 +der:0.06629222631454468 til:0.021090146154165268 a:0.020094210281968117 the:0.016102256253361702 :0.32024309039115906 +the:0.2843458950519562 a:0.02825813740491867 which:0.020869126543402672 any:0.017885617911815643 :0.08304800093173981 +further:0.2225216031074524 enacted,:0.04234299808740616 is:0.036324650049209595 in:0.018145935609936714 :0.10794707387685776 +.:0.8630827069282532 .,:0.008556044660508633 ..:0.004084969870746136 ,:0.0017862376989796758 :0.05964187532663345 +the:0.042386408895254135 not:0.04232533648610115 made:0.020803159102797508 of:0.013314878568053246 :0.12270190566778183 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +is:0.27500268816947937 are:0.16955000162124634 was:0.1389843225479126 were:0.06026605889201164 :0.04292896389961243 +and:0.05916315317153931 crop:0.05773518234491348 of:0.03248768672347069 was:0.028535299003124237 :0.10401008278131485 +be:0.23787589371204376 have:0.049520839005708694 not:0.041383251547813416 he:0.013365942053496838 :0.07023207098245621 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +The:0.11541784554719925 He:0.03469600901007652 It:0.030646201223134995 A:0.027945255860686302 :0.1499096304178238 +of:0.25227615237236023 to:0.040801212191581726 and:0.0388016439974308 in:0.03381608426570892 :0.03756362944841385 +the:0.2602662742137909 a:0.03211124613881111 this:0.01939423568546772 their:0.017031051218509674 :0.19145064055919647 +limits:0.08648020774126053 last:0.038692623376846313 reach:0.026662468910217285 next:0.024990785866975784 :0.19746313989162445 +and:0.032284945249557495 C.:0.01203782856464386 D.:0.010649705305695534 of:0.007937268353998661 :0.4497551918029785 +of:0.16984985768795013 and:0.09536086022853851 or:0.04254341125488281 to:0.03063160553574562 :0.1135161966085434 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +to:0.21911250054836273 of:0.13928964734077454 and:0.04989798367023468 the:0.04558022692799568 :0.03316925838589668 +of:0.4521062970161438 to:0.02413039281964302 and:0.02141469344496727 was:0.018936268985271454 :0.03379346430301666 +of:0.12375790625810623 and:0.08197041600942612 which:0.05781284719705582 for:0.04445525258779526 :0.04191753640770912 +come:0.32986027002334595 lieve:0.16856706142425537 cause:0.09959057718515396 fore:0.03914383798837662 :0.12072785943746567 +a:0.09890469163656235 the:0.07601070404052734 not:0.037550583481788635 to:0.026297928765416145 :0.14803792536258698 +part:0.04796016961336136 boundary:0.03419743850827217 line:0.020295338705182076 States:0.013367812149226665 :0.17166943848133087 +said:0.007494040299206972 State:0.005542915314435959 first:0.004229709971696138 same:0.0033905920572578907 :0.3971458077430725 +and:0.14615099132061005 the:0.04570652171969414 with:0.03120386227965355 who:0.027802536264061928 :0.11516174674034119 +to:0.176179900765419 and:0.11331850290298462 in:0.11213643103837967 with:0.03834443911910057 :0.0559690035879612 +guaranteed:0.05822886526584625 the:0.023824715986847878 that:0.022895164787769318 a:0.020680448040366173 :0.16882656514644623 +the:0.1887837052345276 a:0.06505906581878662 all:0.02468460611999035 this:0.020185407251119614 :0.07371731102466583 +the:0.009181329049170017 .:0.005097873974591494 a:0.0046991100534796715 large:0.004677047953009605 :0.41334268450737 +the:0.43454474210739136 a:0.04607705399394035 tho:0.019646544009447098 said:0.01317928358912468 :0.10233841836452484 +the:0.11924902349710464 it:0.04441333934664726 I:0.037009041756391525 if:0.03223714604973793 :0.05391513928771019 +was:0.16999877989292145 had:0.05215923488140106 is:0.045766156166791916 has:0.03597305715084076 :0.056014735251665115 +the:0.04690080136060715 a:0.023993192240595818 any:0.01911311224102974 other:0.015991101041436195 :0.2837858200073242 +the:0.08282843977212906 by:0.06762583553791046 a:0.04348452761769295 through:0.04275522008538246 :0.07902016490697861 +of:0.11731825023889542 was:0.03166795149445534 is:0.02645224891602993 and:0.01920516975224018 :0.15780214965343475 +week:0.19111496210098267 night:0.10928886383771896 week,:0.07406929135322571 year:0.07185162603855133 :0.06395819038152695 +to:0.10978788882493973 and:0.06930118054151535 for:0.04899101331830025 that:0.03843893110752106 :0.08710290491580963 +first:0.01928361877799034 only:0.016614554449915886 next:0.007886465638875961 most:0.0076862480491399765 :0.2139379233121872 +the:0.05445263907313347 and:0.03584801405668259 of:0.01819124072790146 in:0.01713930070400238 :0.30916857719421387 +the:0.09681390970945358 a:0.05979800596833229 in:0.058718014508485794 up:0.05858113244175911 :0.05071670189499855 +Los:0.10408028960227966 the:0.066336490213871 Lake,:0.032023604959249496 Lake:0.013455957174301147 :0.27709951996803284 +and:0.11376462131738663 No.:0.03669239208102226 or:0.026396432891488075 to:0.022810325026512146 :0.12522441148757935 +the:0.2862730026245117 a:0.10424920171499252 his:0.02106926031410694 an:0.015363320708274841 :0.08410528302192688 +the:0.3029642701148987 a:0.07169746607542038 his:0.01406263466924429 this:0.013868452049791813 :0.1003829836845398 +The:0.1852094978094101 It:0.0795067772269249 He:0.04986296221613884 In:0.03916006162762642 :0.07817234843969345 +a:0.13782472908496857 the:0.07045780122280121 that:0.03888852521777153 not:0.038063883781433105 :0.06785287708044052 +of:0.27276095747947693 and:0.054148245602846146 in:0.021113963797688484 was:0.013034217990934849 :0.061957474797964096 +and:0.046618930995464325 quantities:0.03820393979549408 of:0.013942086137831211 than:0.010812419466674328 :0.12270279228687286 +is:0.031523190438747406 of:0.023444749414920807 was:0.02318193018436432 and:0.022602558135986328 :0.13096792995929718 +the:0.42964279651641846 this:0.027255909517407417 a:0.017906429246068 tho:0.01747586764395237 :0.11500923335552216 +sented:0.0932404026389122 pared:0.07801973074674606 vious:0.062401529401540756 viously:0.05738436430692673 :0.2605689764022827 +troduced:0.059062764048576355 creased:0.03958003968000412 stalled:0.029491348192095757 tended:0.027120240032672882 :0.42604222893714905 +and:0.09829632192850113 to:0.01796047016978264 in:0.016385523602366447 of:0.015605293214321136 :0.20919086039066315 +the:0.12054847925901413 be:0.06764217466115952 a:0.019934888929128647 make:0.019337456673383713 :0.10064806044101715 +of:0.2302687019109726 and:0.08182722330093384 in:0.07330066710710526 In:0.027733398601412773 :0.06049690768122673 +that:0.6546791791915894 and:0.06948532164096832 to:0.024777112528681755 the:0.021555528044700623 :0.022943707183003426 +be:0.33865970373153687 have:0.04829765111207962 not:0.04385701194405556 bo:0.021393798291683197 :0.094424307346344 +and:0.12894251942634583 John:0.007005269173532724 J:0.0068863676860928535 James:0.004257733002305031 :0.46228939294815063 +upon:0.35693955421447754 by:0.10625886172056198 on:0.06779204308986664 in:0.054041728377342224 :0.04905564337968826 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +than:0.035656340420246124 and:0.01380078960210085 of:0.0085139824077487 things:0.008488751947879791 :0.22089692950248718 +most:0.0202044490724802 best:0.017197981476783752 trip:0.011451786383986473 same:0.006482699420303106 :0.14724530279636383 +who:0.06381115317344666 to:0.058067210018634796 in:0.05087486281991005 and:0.04229393228888512 :0.05217418447136879 +and:0.05865101516246796 was:0.014349493198096752 is:0.011431487277150154 has:0.008416679687798023 :0.42010632157325745 +by:0.3441862165927887 in:0.0678074061870575 to:0.06530728936195374 from:0.06127658858895302 :0.03487398102879524 +the:0.27660539746284485 a:0.02587788738310337 which:0.02495989389717579 tho:0.02008104883134365 :0.09870538860559464 +be:0.22099368274211884 only:0.025223813951015472 have:0.023541223257780075 do:0.014406559988856316 :0.06126907467842102 +the:0.08391458541154861 to:0.058227140456438065 a:0.05270356684923172 not:0.05225438252091408 :0.09868751466274261 +been:0.3924455940723419 become:0.031530190259218216 the:0.030106397345662117 a:0.022089796140789986 :0.06023348867893219 +the:0.05381712689995766 be:0.03218574821949005 not:0.0253403689712286 have:0.019502822309732437 :0.12309916317462921 +way:0.12464769184589386 other:0.04901528358459473 of:0.040503352880477905 part:0.028192080557346344 :0.08413677662611008 +been:0.14760366082191467 a:0.05584808811545372 the:0.02858027257025242 to:0.025686929002404213 :0.11843021959066391 +and:0.05654458329081535 to:0.028005264699459076 was:0.026787087321281433 the:0.02525249496102333 :0.16498760879039764 +the:0.2210799902677536 a:0.04567909240722656 this:0.031053489074110985 tho:0.02067658305168152 :0.14637210965156555 +and:0.24165977537631989 by:0.19237512350082397 on:0.09809143096208572 as:0.08085961639881134 :0.05846552550792694 +first:0.008418814279139042 following:0.006835644599050283 bill:0.006737637799233198 only:0.006090473383665085 :0.12342988699674606 +the:0.27639132738113403 a:0.037384163588285446 this:0.027667507529258728 said:0.022655805572867393 :0.12280555814504623 +of:0.8527635931968689 to:0.016907719895243645 that:0.014508216641843319 for:0.013334518298506737 :0.01330367662012577 +days:0.11037056148052216 years:0.06524758040904999 weeks:0.04300606995820999 minutes:0.03682844713330269 :0.13118532299995422 +cept:0.09485236555337906 pected:0.027334589511156082 pects:0.024683324620127678 pect:0.02405679039657116 :0.33392763137817383 +to:0.07377415895462036 of:0.07160133123397827 for:0.060485515743494034 that:0.0517566092312336 :0.07871408760547638 +the:0.2460402101278305 they:0.0899626687169075 he:0.042987894266843796 after:0.03954576700925827 :0.03408653661608696 +of:0.16591575741767883 and:0.11266634613275528 in:0.03700760006904602 was:0.035674579441547394 :0.0507168285548687 +in:0.10682771354913712 the:0.08187223970890045 on:0.0625908151268959 upon:0.040757980197668076 :0.038180429488420486 +purposes,:0.060320716351270676 purposes.:0.03955959528684616 purposes:0.034757256507873535 reasons,:0.03258064016699791 :0.15451256930828094 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.042426787316799164 a:0.03307273983955383 said:0.019658442586660385 made:0.01614396832883358 :0.20129381120204926 +and:0.10612674802541733 in:0.0489545539021492 is:0.04528840631246567 from:0.04263859614729881 :0.0665254220366478 +of:0.15299205482006073 and:0.08143544942140579 in:0.028855811804533005 is:0.025861186906695366 :0.09444143623113632 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +the:0.26695168018341064 he:0.0445648729801178 they:0.025672130286693573 it:0.02387423627078533 :0.07189957052469254 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.16102643311023712 but:0.04203026369214058 that:0.038845960050821304 the:0.032317083328962326 :0.05752559378743172 +of:0.08300303667783737 was:0.020211046561598778 is:0.016274506226181984 for:0.01581897959113121 :0.17596498131752014 +the:0.06383217871189117 to:0.0465485081076622 a:0.04398150369524956 not:0.0295554231852293 :0.10769493132829666 +to:0.3360993564128876 for:0.09565085172653198 of:0.05780181288719177 and:0.0316753014922142 :0.049964774399995804 +point:0.09275677800178528 time:0.03719547018408775 cost:0.028422515839338303 distance:0.02712910622358322 :0.13149255514144897 +to:0.14084745943546295 a:0.06672600656747818 in:0.06041423976421356 into:0.043296199291944504 :0.04150412231683731 +the:0.36146703362464905 a:0.050268083810806274 them:0.02350842021405697 his:0.02303304709494114 :0.05480026826262474 +and:0.18040497601032257 in:0.07063549757003784 of:0.057018376886844635 for:0.04942398518323898 :0.02998318150639534 +war:0.02395101822912693 war,:0.022179927676916122 government:0.01869264990091324 war.:0.013725433498620987 :0.19616787135601044 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.5149871110916138 and:0.040736403316259384 that:0.030708540230989456 is:0.025462936609983444 :0.06251581758260727 +of:0.06091293320059776 amount:0.024858057498931885 country:0.016958417370915413 sum:0.016614487394690514 :0.10629099607467651 +or:0.3740592300891876 and:0.11666800826787949 of:0.046538736671209335 the:0.03410951793193817 :0.024730930104851723 +been:0.2883729636669159 yet:0.033536192029714584 a:0.024621473625302315 only:0.022136207669973373 :0.08815761655569077 +and:0.20724740624427795 as:0.06578121334314346 the:0.04247603937983513 to:0.04003526270389557 :0.03960965946316719 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.11731825023889542 was:0.03166795149445534 is:0.02645224891602993 and:0.01920516975224018 :0.15780214965343475 +of:0.48952093720436096 and:0.04037337377667427 or:0.037349630147218704 ot:0.015012606978416443 :0.03720909357070923 +same:0.00995531864464283 said:0.008593964390456676 sum:0.006784987635910511 most:0.0060217962600290775 :0.14380383491516113 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +purpose:0.014178106561303139 same:0.008673828095197678 amount:0.0077647618018090725 sum:0.007762296125292778 :0.3641259968280792 +is:0.04783189296722412 was:0.04501808434724808 has:0.04374539479613304 are:0.03882378339767456 :0.06361502408981323 +only:0.06377831101417542 exceeding:0.06106267869472504 less:0.04952002689242363 to:0.04352828115224838 :0.10728071630001068 +than:0.6429283022880554 or:0.023249749094247818 and:0.013634306378662586 to:0.008204147219657898 :0.06562221795320511 +the:0.33574825525283813 this:0.035849280655384064 which:0.018010102212429047 a:0.0173408892005682 :0.1240425705909729 +the:0.6466690897941589 his:0.04446546733379364 a:0.026403414085507393 tho:0.023469526320695877 :0.01977827027440071 +he:0.12640659511089325 the:0.1069045215845108 she:0.0534714013338089 I:0.052408892661333084 :0.05222705006599426 +the:0.2516953647136688 a:0.05129598081111908 any:0.014612584374845028 this:0.0130580123513937 :0.15232887864112854 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +two:0.015114535577595234 men:0.00898848194628954 points:0.00810253992676735 and:0.007475604303181171 :0.20828774571418762 +that:0.4566046893596649 to:0.06854422390460968 the:0.045261409133672714 in:0.033937305212020874 :0.027251772582530975 +the:0.2629712224006653 a:0.054303884506225586 this:0.02672932855784893 said:0.026596378535032272 :0.16492106020450592 +and:0.07519707083702087 in:0.04638853669166565 for:0.04108746349811554 from:0.03715020418167114 :0.08267971128225327 +a:0.03792795538902283 the:0.035463180392980576 in:0.018374865874648094 to:0.015289646573364735 :0.144891619682312 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.05443717539310455 and:0.04863429442048073 The:0.023475011810660362 the:0.02244817279279232 :0.16967329382896423 +be:0.19808830320835114 not:0.07068106532096863 have:0.02300475351512432 make:0.017168952152132988 :0.07195614278316498 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.04908161237835884 and:0.03641164302825928 a:0.03232352063059807 in:0.02973421849310398 :0.23155301809310913 +few:0.08248168975114822 moment:0.07245136052370071 long:0.049230724573135376 time:0.028540441766381264 :0.14105017483234406 +only:0.15067893266677856 a:0.12202215939760208 the:0.0482165701687336 long:0.030789760872721672 :0.10795587301254272 +.:0.3570791482925415 of:0.01641736552119255 H:0.008900703862309456 W:0.00868465006351471 :0.25054338574409485 +the:0.3321942090988159 this:0.04045255482196808 a:0.028634322807192802 said:0.02414359152317047 :0.09145542234182358 +C.:0.014276761561632156 C:0.011471307836472988 .:0.0097312917932868 W.:0.00946066528558731 :0.44466108083724976 +I:0.028322279453277588 went:0.022137505933642387 the:0.021033957600593567 took:0.010575549677014351 :0.14848187565803528 +and:0.08998242765665054 was:0.03639061376452446 &:0.02301728166639805 of:0.018947571516036987 :0.34169211983680725 +the:0.04101836681365967 a:0.036063726991415024 not:0.025471368804574013 in:0.01887151226401329 :0.16888540983200073 +of:0.11731825023889542 was:0.03166795149445534 is:0.02645224891602993 and:0.01920516975224018 :0.15780214965343475 +the:0.10788567364215851 a:0.023148532956838608 in:0.011839576065540314 his:0.008911540731787682 :0.10960215330123901 +the:0.3121419847011566 any:0.09051502496004105 a:0.044637326151132584 his:0.021182723343372345 :0.06615152955055237 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +the:0.2970246970653534 a:0.038516294211149216 this:0.03029150515794754 which:0.022708410397171974 :0.07546419650316238 +with:0.07604746520519257 of:0.07191050797700882 and:0.04380446672439575 was:0.038818471133708954 :0.08074204623699188 +the:0.3331342935562134 a:0.028979580849409103 this:0.027549026533961296 his:0.01924705319106579 :0.0883200466632843 +the:0.06592706590890884 a:0.015058252029120922 it:0.00928234588354826 in:0.008278142660856247 :0.24184872210025787 +the:0.31719762086868286 which:0.04196688532829285 a:0.034399114549160004 to:0.03040486015379429 :0.0724932998418808 +of:0.2372642308473587 who:0.04498037323355675 in:0.04208957031369209 and:0.040199168026447296 :0.04609496518969536 +been:0.11867491900920868 a:0.03702731430530548 not:0.031860221177339554 no:0.028345873579382896 :0.0846729427576065 +and:0.021285081282258034 composition:0.018044009804725647 State:0.009094404987990856 value:0.0069383359514176846 :0.2085365355014801 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +to:0.04339864104986191 was:0.04232252389192581 had:0.034242358058691025 have:0.02567366324365139 :0.12556655704975128 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +to:0.18591515719890594 from:0.11733187735080719 and:0.08360710740089417 the:0.05397776514291763 :0.053552042692899704 +that:0.12449929118156433 the:0.11008948087692261 to:0.0782356932759285 a:0.059823427349328995 :0.08589150011539459 +a:0.07195116579532623 the:0.039955731481313705 to:0.023456836119294167 no:0.0218899454921484 :0.14216944575309753 +tion:0.22124236822128296 and:0.07231060415506363 at:0.02920471876859665 tion,:0.024732617661356926 :0.1892891675233841 +The:0.1357317417860031 It:0.04264703020453453 In:0.031337324529886246 He:0.02890416979789734 :0.14269393682479858 +the:0.25180917978286743 this:0.03222103416919708 a:0.030576379969716072 which:0.021495934575796127 :0.07949165254831314 +most:0.009443056769669056 people:0.006979480851441622 latter:0.0061402046121656895 other:0.0058653769083321095 :0.18132442235946655 +that:0.23922504484653473 the:0.11093643307685852 in:0.06499560177326202 a:0.06445037573575974 :0.04115159809589386 +the:0.021674418821930885 of:0.011275623925030231 and:0.009945370256900787 a:0.009454631246626377 :0.3531169593334198 +the:0.2004389464855194 is:0.07683907449245453 was:0.05296718329191208 we:0.030781306326389313 :0.04407459869980812 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +of:0.3078487515449524 and:0.09946358948945999 is:0.06518816947937012 in:0.027370046824216843 :0.04019930586218834 +mer:0.4901655614376068 mons:0.025913845747709274 mer,:0.023462047800421715 mer.:0.011749783530831337 :0.18139244616031647 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +and:0.05205154046416283 of:0.051615484058856964 The:0.023994438350200653 the:0.020937327295541763 :0.1703636646270752 +and:0.12034810334444046 goods:0.04525354504585266 weather:0.04514186456799507 fine:0.028116872534155846 :0.17721796035766602 +of:0.1386582851409912 price:0.018171081319451332 yield:0.014655656181275845 quality:0.012965694069862366 :0.17465423047542572 +man:0.020855862647294998 great:0.01933475024998188 few:0.017190411686897278 very:0.014804398640990257 :0.296975314617157 +and:0.08059528470039368 The:0.030947944149374962 to:0.030756404623389244 the:0.02026664838194847 :0.16424399614334106 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +and:0.045738451182842255 years:0.03360769525170326 cents:0.016257673501968384 per:0.014940759167075157 :0.23772819340229034 +and:0.07369402796030045 that:0.07139207422733307 the:0.03285465016961098 as:0.030014047399163246 :0.11866103112697601 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.696976363658905 for:0.0503392294049263 and:0.03412127122282982 that:0.008285287767648697 :0.030619410797953606 +the:0.2144254595041275 a:0.10520366579294205 his:0.024983718991279602 him:0.022145988419651985 :0.09020164608955383 +and:0.06450235843658447 John:0.009751412086188793 J:0.007624079938977957 J.:0.006773709319531918 :0.4189678728580475 +the:0.07100258767604828 to:0.06820706278085709 that:0.039927590638399124 and:0.0288274884223938 :0.12969335913658142 +dollars:0.18978837132453918 the:0.062132932245731354 dollars.:0.04873613268136978 dollars,:0.04211172088980675 :0.133308544754982 +ir:0.014047535136342049 and:0.011298777535557747 the:0.009114909917116165 y:0.007404778152704239 :0.2979876399040222 +of:0.22631677985191345 in:0.06124110892415047 the:0.03456638380885124 by:0.026343392208218575 :0.05507572740316391 +and:0.20174796879291534 who:0.07128868997097015 but:0.0630110502243042 the:0.028696464374661446 :0.05462833493947983 +as:0.713326096534729 from:0.028722219169139862 in:0.01227379310876131 aa:0.012185201048851013 :0.0251610167324543 +was:0.05005520582199097 had:0.034117747098207474 has:0.03006489761173725 would:0.027886036783456802 :0.15418875217437744 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +of:0.6189843416213989 in:0.03471367806196213 from:0.026498636230826378 and:0.01292394008487463 :0.04788843169808388 +necessary:0.05988640710711479 to:0.04407431185245514 a:0.040383487939834595 the:0.03336621820926666 :0.1523260474205017 +of:0.2324303835630417 hundred:0.03352290019392967 who:0.02018466778099537 and:0.01712670922279358 :0.12172071635723114 +the:0.23718537390232086 a:0.06105563044548035 this:0.022048810496926308 such:0.020039496943354607 :0.07875499874353409 +the:0.04690080136060715 a:0.023993192240595818 any:0.01911311224102974 other:0.015991101041436195 :0.2837858200073242 +the:0.04315747320652008 a:0.03782261535525322 and:0.019827283918857574 to:0.013545728288590908 :0.29727357625961304 +the:0.22722917795181274 a:0.07694046199321747 that:0.03642553463578224 this:0.02945677936077118 :0.06921379268169403 +of:0.10755769908428192 and:0.0282127782702446 or:0.00837668590247631 justice:0.006289912387728691 :0.3065561056137085 +Neb.,:0.11924116313457489 and:0.10665915161371231 to:0.045175742357969284 in:0.017292307689785957 :0.2679283916950226 +by:0.5999308228492737 in:0.05326781049370766 with:0.03537517786026001 for:0.022155754268169403 :0.018861914053559303 +the:0.47452569007873535 a:0.04109878093004227 tho:0.020551174879074097 this:0.01841164380311966 :0.04774601384997368 +and:0.04870937019586563 doctrine:0.0388823002576828 of:0.0300064105540514 was:0.02529006265103817 :0.1957128494977951 +to:0.4302619397640228 the:0.05393439158797264 in:0.038276370614767075 for:0.02120092697441578 :0.04453060030937195 +and:0.05762530863285065 in:0.051814302802085876 above,:0.03755796700716019 the:0.037438422441482544 :0.1927725374698639 +and:0.07124081999063492 John:0.007626497186720371 James:0.0047010681591928005 Lincoln's:0.004368903581053019 :0.5229890942573547 +are:0.09725120663642883 were:0.05979761481285095 have:0.05839652568101883 had:0.05123525857925415 :0.07483706623315811 +and:0.11893107742071152 to:0.07321452349424362 street:0.06460530310869217 street,:0.051007531583309174 :0.1958298683166504 +in:0.06410522013902664 a:0.06000758707523346 more:0.037533365190029144 the:0.028026549145579338 :0.1524336338043213 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +was:0.09006208926439285 had:0.05300512909889221 has:0.029925554990768433 is:0.028552444651722908 :0.11242067813873291 +of:0.3390340209007263 was:0.061791256070137024 is:0.03574322536587715 the:0.034034065902233124 :0.03204723447561264 +a:0.0867706686258316 the:0.0838782861828804 up:0.0680849477648735 in:0.042305104434490204 :0.04718967154622078 +the:0.11141420900821686 be:0.05227799341082573 do:0.021066823974251747 make:0.017632845789194107 :0.15880030393600464 +the:0.1194303035736084 place:0.09289027005434036 a:0.07838371396064758 care:0.033730730414390564 :0.06122761592268944 +the:0.096289724111557 a:0.04552026093006134 this:0.009252160787582397 his:0.008086837828159332 :0.17305642366409302 +The:0.13494987785816193 It:0.06541410088539124 He:0.04086831584572792 We:0.02848425880074501 :0.04759441688656807 +be:0.2437983900308609 have:0.19198675453662872 not:0.04325808584690094 bo:0.013469308614730835 :0.05626506358385086 +the:0.047963064163923264 a:0.03297837823629379 in:0.029304353520274162 not:0.018398402258753777 :0.12311189621686935 +the:0.02480926178395748 be:0.023185325786471367 a:0.017395570874214172 was:0.01525928732007742 :0.10328935086727142 +and:0.10116958618164062 was:0.05357189103960991 is:0.049074333161115646 of:0.04275435581803322 :0.11660411208868027 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.277413934469223 in:0.03729718551039696 it:0.0316508449614048 I:0.030690276995301247 :0.08750215172767639 +had:0.05870361998677254 was:0.0395013764500618 would:0.031272806227207184 made:0.02706490270793438 :0.13496899604797363 +.:0.05255887284874916 the:0.024024715647101402 to:0.014863564632833004 a:0.014838221482932568 :0.2444957196712494 +of:0.023744720965623856 and:0.021833116188645363 class:0.020047854632139206 than:0.019078362733125687 :0.13408759236335754 +and:0.2184099406003952 the:0.052305106073617935 in:0.024721629917621613 or:0.02277611941099167 :0.08933734148740768 +of:0.3657655119895935 in:0.03272407129406929 and:0.027385028079152107 was:0.020471716299653053 :0.12071450054645538 +of:0.024128617718815804 .:0.015051821246743202 and:0.014897119253873825 the:0.010847781784832478 :0.45961877703666687 +man:0.035773150622844696 few:0.024137677624821663 large:0.0209059901535511 copy:0.017307939007878304 :0.18763579428195953 +the:0.3773399293422699 a:0.08315744996070862 which:0.04220336303114891 tho:0.024178503081202507 :0.04153372347354889 +the:0.148725226521492 of:0.10212034732103348 this:0.029827294871211052 these:0.026654159650206566 :0.09945855289697647 +the:0.2147613763809204 of:0.06300600618124008 that:0.02967667207121849 in:0.014867203310132027 :0.08702564239501953 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +be:0.050353728234767914 make:0.04252210631966591 get:0.02989100106060505 the:0.027570955455303192 :0.09362652152776718 +than:0.17978543043136597 to:0.019817272201180458 or:0.019009165465831757 of:0.013771855272352695 :0.14378096163272858 +a:0.030458763241767883 made:0.023928897455334663 the:0.018045801669359207 in:0.017870217561721802 :0.16152282059192657 +is:0.055229876190423965 the:0.0542626827955246 he:0.050289858132600784 has:0.040647782385349274 :0.04429212585091591 +and:0.156771719455719 in:0.05370291694998741 but:0.032245103269815445 with:0.029339812695980072 :0.04531445354223251 +in:0.14163610339164734 at:0.07236837595701218 of:0.07208876311779022 and:0.06786029040813446 :0.04679488018155098 +the:0.13394613564014435 a:0.06794014573097229 it:0.028768260031938553 notice:0.026940565556287766 :0.06342437118291855 +is:0.3165270984172821 was:0.16695886850357056 Is:0.07205315679311752 has:0.032722122967243195 :0.04777427762746811 +of:0.04315797984600067 and:0.03539014980196953 were:0.027121825143694878 are:0.026990242302417755 :0.08251543343067169 +of:0.508375883102417 Court:0.1669289618730545 Court,:0.02574380673468113 Attorney:0.01814054325222969 :0.04249873757362366 +that:0.08131993561983109 to:0.037399712949991226 he:0.03484649211168289 the:0.027871545404195786 :0.11508267372846603 +the:0.1593676507472992 a:0.05079133063554764 and:0.038972582668066025 by:0.02826271578669548 :0.025919204577803612 +a:0.11212383210659027 the:0.08680924028158188 to:0.0330415703356266 up:0.0319511741399765 :0.08884218335151672 +importance:0.03126782923936844 and:0.01946502923965454 many:0.017683086916804314 value:0.016149312257766724 :0.18766742944717407 +be:0.2615230083465576 not:0.06002095341682434 make:0.015479223802685738 bo:0.015208033844828606 :0.050911180675029755 +to:0.17765042185783386 into:0.05353010445833206 on:0.04832063615322113 over:0.039176516234874725 :0.0963655412197113 +and:0.10608076304197311 the:0.07742767035961151 but:0.029593367129564285 in:0.026431994512677193 :0.06618862599134445 +the:0.44986817240715027 a:0.047818686813116074 tho:0.0275900699198246 their:0.0202853474766016 :0.08482011407613754 +the:0.40193450450897217 them:0.040570829063653946 other:0.020688124001026154 tho:0.01974879391491413 :0.10522168129682541 +to:0.11241109669208527 and:0.058881934732198715 the:0.018069149926304817 The:0.014407905749976635 :0.19794896245002747 +few:0.03897401690483093 .:0.026269525289535522 large:0.021430719643831253 man:0.013182253576815128 :0.23983179032802582 +and:0.1849181205034256 but:0.08584553748369217 the:0.051475685089826584 it:0.024661239236593246 :0.047817766666412354 +of:0.17877985537052155 and:0.056382156908512115 to:0.0368877649307251 for:0.02303432673215866 :0.08059365302324295 +is:0.15570226311683655 was:0.09074234962463379 has:0.05547738075256348 would:0.05265360698103905 :0.050039857625961304 +of:0.06106695905327797 and:0.05379378795623779 the:0.02808035910129547 The:0.02148333378136158 :0.18942230939865112 +and:0.09968544542789459 of:0.024806253612041473 was:0.01752263307571411 at:0.011223947629332542 :0.30749601125717163 +the:0.17562302947044373 a:0.027182018384337425 said:0.014442388899624348 his:0.01250598207116127 :0.15335527062416077 +the:0.10245972126722336 that:0.02299804985523224 a:0.02086501196026802 to:0.014622772112488747 :0.1239120215177536 +own:0.037691764533519745 life:0.009400890208780766 family:0.005222564563155174 friends:0.004922314081341028 :0.19804032146930695 +been:0.15290093421936035 to:0.08322247862815857 a:0.055882520973682404 not:0.043344080448150635 :0.0712178573012352 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +is:0.10633398592472076 was:0.05295081064105034 would:0.044423267245292664 will:0.03990159556269646 :0.07814030349254608 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.09724339842796326 that:0.018669089302420616 to:0.01812233217060566 a:0.014909669756889343 :0.1333218663930893 +of:0.037621479481458664 to:0.01911456696689129 the:0.010700857266783714 r:0.008738798089325428 :0.2579415440559387 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +not:0.2910524308681488 see:0.061012621968984604 have:0.031129300594329834 do:0.02496311068534851 :0.05402182415127754 +the:0.39873555302619934 a:0.03666592389345169 this:0.018901614472270012 that:0.01578104868531227 :0.10408768802881241 +and:0.046910226345062256 of:0.037782978266477585 the:0.034249596297740936 to:0.02402033470571041 :0.18637453019618988 +the:0.10792403668165207 a:0.09537012875080109 to:0.059502001851797104 two:0.02321411482989788 :0.11918438225984573 +in:0.06132388487458229 and:0.05297128111124039 by:0.040476471185684204 at:0.03802887722849846 :0.031246919184923172 +to:0.4755716323852539 and:0.04697544500231743 in:0.01677090860903263 for:0.014425626024603844 :0.09099308401346207 +the:0.27895018458366394 his:0.05953717976808548 a:0.048157691955566406 that:0.018037665635347366 :0.10275579988956451 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +the:0.15896086394786835 he:0.03542659059166908 they:0.034657951444387436 it:0.023038631305098534 :0.0960226058959961 +the:0.12195859849452972 a:0.09425754100084305 he:0.037881966680288315 it:0.03531978651881218 :0.074433833360672 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +The:0.10524187982082367 It:0.06758198887109756 He:0.02445046976208687 If:0.024129560217261314 :0.2190186083316803 +a:0.03770310431718826 the:0.03496844321489334 made:0.027254745364189148 sold:0.016782863065600395 :0.12037137895822525 +days:0.6781953573226929 days,:0.07037267833948135 miles:0.04398374632000923 years:0.02584432251751423 :0.0313752144575119 +of:0.2936435639858246 and:0.1073642149567604 the:0.08953671902418137 over:0.03671017289161682 :0.03238258883357048 +the:0.16296565532684326 a:0.030841561034321785 be:0.020703183487057686 make:0.01817295514047146 :0.13373182713985443 +be:0.22339801490306854 not:0.05123239383101463 have:0.02427598647773266 bo:0.017404360696673393 :0.10037964582443237 +of:0.5180854201316833 and:0.05133388563990593 in:0.0201851949095726 from:0.013916712254285812 :0.031587082892656326 +and:0.09131637960672379 in:0.033150043338537216 of:0.03307775780558586 bidder:0.014538533985614777 :0.142278790473938 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.1410439908504486 that:0.06359954923391342 a:0.021666431799530983 it:0.02154012955725193 :0.04857354238629341 +the:0.49688804149627686 them:0.05252048745751381 those:0.03243415430188179 other:0.023116741329431534 :0.03434404730796814 +the:0.12622155249118805 be:0.09157855808734894 have:0.01974187232553959 make:0.017433252185583115 :0.08465880900621414 +the:0.10919714719057083 fro:0.07631923258304596 in:0.020883506163954735 to:0.017576294019818306 :0.133502796292305 +the:0.2085152566432953 which:0.041217584162950516 a:0.03811892122030258 this:0.02150343358516693 :0.12139085680246353 +of:0.43417632579803467 and:0.058502838015556335 to:0.02943354845046997 in:0.026523295789957047 :0.0324983224272728 +C:0.04805483669042587 C.:0.027180179953575134 D:0.023003054782748222 D.,:0.01819576695561409 :0.36105555295944214 +tached:0.09316083043813705 tended:0.05732453987002373 tending:0.0548974946141243 tend:0.05187693610787392 :0.19226813316345215 +the:0.09811367094516754 to:0.04694012179970741 of:0.03130919113755226 a:0.028031477704644203 :0.08597446978092194 +the:0.11111138015985489 a:0.03959723562002182 be:0.029526760801672935 tho:0.0083228824660182 :0.2409650683403015 +of:0.0699407085776329 and:0.06900431215763092 for:0.03951883688569069 was:0.03910771757364273 :0.07048959285020828 +the:0.21798813343048096 a:0.058170218020677567 him:0.04483386129140854 to:0.036531295627355576 :0.058176763355731964 +the:0.04202780872583389 be:0.039832137525081635 make:0.03711183741688728 do:0.01492125540971756 :0.15353749692440033 +of:0.14513739943504333 and:0.11058590561151505 in:0.08797399699687958 to:0.028970127925276756 :0.04026792198419571 +as:0.2939993143081665 to:0.22375057637691498 that:0.12874643504619598 and:0.03315863385796547 :0.03079824522137642 +of:0.06702769547700882 for:0.0514025054872036 in:0.04870977625250816 to:0.03283337876200676 :0.04244634136557579 +the:0.14621034264564514 defaulting:0.028435248881578445 a:0.02560908906161785 purchaser.:0.017157433554530144 :0.1562696099281311 +of:0.07206149399280548 in:0.05531156435608864 and:0.04000484198331833 ago:0.03995906934142113 :0.08256419003009796 +the:0.11857195943593979 be:0.020320797339081764 a:0.01883348636329174 have:0.009585564024746418 :0.339994341135025 +the:0.3855000436306 all:0.03282104432582855 a:0.022286618128418922 and:0.016953187063336372 :0.14489640295505524 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.05691378563642502 of:0.027975458651781082 in:0.024421023204922676 the:0.01949334144592285 :0.24272191524505615 +own:0.03578868508338928 names:0.016935963183641434 origin:0.015417524613440037 power:0.012002452276647091 :0.1628655195236206 +other:0.011756745167076588 same:0.009094790555536747 result:0.0055532739497721195 most:0.004907182417809963 :0.2187272161245346 +of:0.6811297535896301 and:0.021621258929371834 ot:0.015071813948452473 in:0.010414582677185535 :0.025461645796895027 +from:0.3337200880050659 with:0.07233539968729019 and:0.052453506737947464 the:0.039076946675777435 :0.03676718845963478 +to:0.1464015543460846 and:0.07029003649950027 in:0.04505657032132149 that:0.038818053901195526 :0.10033491253852844 +the:0.07340764254331589 it:0.0657043606042862 they:0.060380659997463226 I:0.04188705235719681 :0.034894149750471115 +whole:0.011601881124079227 same:0.0068272678181529045 most:0.0062361364252865314 people:0.00554604921489954 :0.13795357942581177 +to:0.08098447322845459 a:0.0700029656291008 only:0.061805617064237595 the:0.05914664641022682 :0.11765605956315994 +of:0.11835335195064545 and:0.046161673963069916 to:0.016980664804577827 in:0.011536768637597561 :0.23652540147304535 +the:0.14973217248916626 a:0.0911671593785286 in:0.017978396266698837 more:0.013814236037433147 :0.079599529504776 +and:0.11141638457775116 of:0.09075622260570526 in:0.02684657648205757 to:0.022763211280107498 :0.12233354896306992 +the:0.31153199076652527 a:0.037774208933115005 their:0.019998254254460335 his:0.018508844077587128 :0.07372954487800598 +people:0.03852597996592522 and:0.014813028275966644 men:0.009364455938339233 citizens:0.00857912190258503 :0.21885326504707336 +been:0.2857648730278015 a:0.05432458966970444 the:0.033192023634910583 to:0.021816087886691093 :0.06832010298967361 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.11678076535463333 a:0.06717103719711304 in:0.03527427464723587 at:0.028806695714592934 :0.06486044079065323 +of:0.1768076866865158 to:0.11712164431810379 and:0.04517458751797676 for:0.04022856801748276 :0.05809197947382927 +a:0.07695560157299042 the:0.06443049013614655 not:0.03832501918077469 to:0.030153242871165276 :0.10204198956489563 +is:0.20011267066001892 was:0.1325686275959015 would:0.048141855746507645 will:0.04544858634471893 :0.0665375292301178 +and:0.1638120710849762 for:0.08452241867780685 of:0.06126200407743454 to:0.054189737886190414 :0.06847311556339264 +The:0.16019268333911896 It:0.06363067030906677 He:0.05458486080169678 They:0.0264387596398592 :0.07028619945049286 +of:0.25280702114105225 is:0.06537386775016785 in:0.05059676617383957 was:0.03732062876224518 :0.04584408178925514 +not:0.03731159493327141 the:0.03569702059030533 in:0.0171737689524889 to:0.017153358086943626 :0.17907275259494781 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +a:0.039775483310222626 to:0.02540530450642109 not:0.02497023530304432 the:0.02014562115073204 :0.10108450055122375 +The:0.10086536407470703 It:0.0644170492887497 They:0.04407985880970955 In:0.03734733164310455 :0.11750588566064835 +the:0.06892736256122589 a:0.018043378368020058 other:0.010081443935632706 that:0.008271136321127415 :0.15865905582904816 +the:0.3095230758190155 a:0.03230353444814682 this:0.027420304715633392 said:0.019867202267050743 :0.12773849070072174 +the:0.15049634873867035 and:0.12379714101552963 that:0.048885926604270935 a:0.04729282855987549 :0.0887286439538002 +the:0.06959066540002823 to:0.058732084929943085 a:0.03131747618317604 and:0.020414138212800026 :0.13765910267829895 +own:0.0498628169298172 respective:0.011498261243104935 own.:0.005039859097450972 own,:0.00395617401227355 :0.23608587682247162 +the:0.2198028266429901 he:0.0658419206738472 they:0.048402708023786545 it:0.04108859598636627 :0.05814746394753456 +and:0.020532989874482155 to:0.010364853776991367 of:0.006513173691928387 years:0.00499699916690588 :0.1834142953157425 +a:0.09890469163656235 the:0.07601070404052734 not:0.037550583481788635 to:0.026297928765416145 :0.14803792536258698 +of:0.10324009507894516 and:0.04646734893321991 day:0.02053189091384411 time:0.018148964270949364 :0.13823996484279633 +in:0.08142312616109848 and:0.06483706831932068 to:0.043556712567806244 the:0.03127394989132881 :0.05233586207032204 +of:0.05684904381632805 and:0.022047556936740875 was:0.015965541824698448 to:0.011692249216139317 :0.29912546277046204 +The:0.1416395604610443 It:0.0610903762280941 He:0.03988499566912651 We:0.032915763556957245 :0.10196740180253983 +the:0.1887837052345276 a:0.06505906581878662 all:0.02468460611999035 this:0.020185407251119614 :0.07371731102466583 +of:0.41124069690704346 is:0.07050972431898117 to:0.029308339580893517 and:0.02738712541759014 :0.02460871823132038 +to:0.05149955675005913 in:0.0467398427426815 and:0.04491531103849411 that:0.03570684418082237 :0.09202157706022263 +of:0.6128937602043152 and:0.049380168318748474 was:0.01698659174144268 to:0.012263328768312931 :0.0322197824716568 +and:0.11906059086322784 the:0.05784609541296959 to:0.04982614144682884 that:0.029630742967128754 :0.07385294139385223 +and:0.08772654831409454 of:0.05027216300368309 The:0.030080566182732582 to:0.021879756823182106 :0.13170139491558075 +of:0.27674421668052673 who:0.0526159293949604 to:0.04227253422141075 are:0.03817153722047806 :0.036899711936712265 +be:0.19308480620384216 have:0.10745039582252502 not:0.060531411319971085 make:0.015330961905419827 :0.06674665957689285 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +in:0.1720854640007019 at:0.13258880376815796 by:0.11878962069749832 on:0.04330666735768318 :0.04085111245512962 +the:0.07410498708486557 a:0.011482725851237774 that:0.010206642560660839 in:0.010063120163977146 :0.15880504250526428 +of:0.04171342775225639 a:0.02974248118698597 to:0.02862180769443512 in:0.02466442622244358 :0.3683842718601227 +and:0.10128965228796005 of:0.031330473721027374 to:0.02424418181180954 in:0.017058445140719414 :0.18910251557826996 +the:0.34972092509269714 a:0.0665169209241867 his:0.026476729661226273 tho:0.02338135801255703 :0.07245571166276932 +the:0.04690080136060715 a:0.023993192240595818 any:0.01911311224102974 other:0.015991101041436195 :0.2837858200073242 +a:0.1829839050769806 the:0.06508354097604752 not:0.03814033791422844 an:0.01818590983748436 :0.15159037709236145 +the:0.35030582547187805 them:0.027291802689433098 his:0.022272679954767227 us:0.019382791593670845 :0.10169978439807892 +of:0.4387492835521698 and:0.04588396102190018 that:0.029354363679885864 was:0.025371933355927467 :0.04344707354903221 +of:0.10159473121166229 and:0.059384871274232864 to:0.029096094891428947 the:0.019563503563404083 :0.20828843116760254 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +that:0.1499418169260025 the:0.09327936172485352 a:0.08504094928503036 as:0.043093904852867126 :0.042266782373189926 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +hands:0.02848820947110653 house:0.007608848158270121 city:0.007087763864547014 water:0.006508998107165098 :0.2009238600730896 +day:0.5776206254959106 of:0.08929537236690521 and:0.020617235451936722 inst.:0.010914492420852184 :0.07313230633735657 +if:0.07890881597995758 the:0.07777272164821625 though:0.06326310336589813 to:0.049629148095846176 :0.09576775878667831 +and:0.12958280742168427 of:0.0890713706612587 was:0.025237957015633583 is:0.019209513440728188 :0.13714000582695007 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +and:0.04998064786195755 to:0.02429349720478058 the:0.022655220702290535 of:0.015238053165376186 :0.18933063745498657 +the:0.3541184961795807 a:0.04872429370880127 his:0.0217890702188015 tho:0.020690301433205605 :0.06588912755250931 +Territory:0.08702601492404938 the:0.022322840988636017 a:0.0157358106225729 Territory,:0.014142179861664772 :0.16495658457279205 +not:0.08335848152637482 a:0.0440375842154026 sure:0.03478626906871796 glad:0.023988492786884308 :0.10775109380483627 +of:0.0700664073228836 and:0.03626672178506851 to:0.031147204339504242 the:0.025200344622135162 :0.2323760688304901 +not:0.06150586158037186 to:0.02884296141564846 now:0.021289000287652016 in:0.018715757876634598 :0.12344684451818466 +the:0.1919999122619629 be:0.03603484481573105 do:0.018732739612460136 a:0.018664361909031868 :0.11999873071908951 +own:0.014767583459615707 hands:0.010200987569987774 attention:0.008390099741518497 way:0.007128932513296604 :0.18431426584720612 +made:0.03578351438045502 the:0.019159363582730293 held:0.016910480335354805 a:0.016008323058485985 :0.12141361087560654 +most:0.011351174674928188 whole:0.009824167937040329 same:0.009671404026448727 best:0.008302130736410618 :0.17909573018550873 +of:0.13309484720230103 in:0.08977611362934113 with:0.05239289253950119 to:0.04836845397949219 :0.08379310369491577 +a:0.07340338826179504 been:0.06530646234750748 no:0.04607190564274788 to:0.04548287391662598 :0.08794183284044266 +a:0.1407073736190796 an:0.03266959637403488 other:0.011966965161263943 as:0.008885933086276054 :0.15836933255195618 +and:0.06186903268098831 of:0.05373753607273102 to:0.03251098841428757 the:0.025422988459467888 :0.1459706425666809 +and:0.05016983300447464 the:0.035544779151678085 to:0.027271602302789688 of:0.022605067119002342 :0.17103596031665802 +pared:0.10348197817802429 pare:0.027805950492620468 sented:0.026426436379551888 viously:0.02481294609606266 :0.4216882586479187 +la:0.012687032110989094 partment:0.0074145556427538395 and:0.0060289166867733 chine:0.00589898182079196 :0.6333689093589783 +following:0.015728706493973732 only:0.01166599802672863 first:0.009232181124389172 result:0.007288791239261627 :0.1627507358789444 +to:0.24137338995933533 of:0.09763776510953903 that:0.042074210941791534 and:0.036548398435115814 :0.043540455400943756 +a:0.1398903727531433 that:0.09570156782865524 the:0.0920916274189949 as:0.05403878539800644 :0.08458801358938217 +and:0.055251918733119965 of:0.045919280499219894 the:0.018660003319382668 to:0.018507180735468864 :0.18788419663906097 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +the:0.2489510327577591 a:0.06252668052911758 tho:0.014882502146065235 his:0.012036056257784367 :0.1503141075372696 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +the:0.2875301241874695 said:0.06391450762748718 this:0.040198467671871185 such:0.03414550796151161 :0.08952660858631134 +to:0.02376514859497547 the:0.01465674303472042 I:0.013505533337593079 that:0.012069784104824066 :0.2270146757364273 +in:0.1639060527086258 on:0.07678071409463882 at:0.06845469772815704 of:0.05492760241031647 :0.034090299159288406 +and:0.1466096043586731 of:0.09734182804822922 to:0.05819571018218994 in:0.0441000834107399 :0.1084582656621933 +and:0.04121415689587593 the:0.02100670337677002 to:0.017657965421676636 of:0.016502398997545242 :0.27153149247169495 +the:0.08185596764087677 with:0.07950229942798615 so:0.037230897694826126 so,:0.031726717948913574 :0.047565437853336334 +Fe:0.09676322340965271 Cruz:0.09425530582666397 Fe,:0.05888507515192032 Anna:0.05771695077419281 :0.38557949662208557 +be:0.3591214120388031 not:0.05354584380984306 bo:0.018068550154566765 have:0.016823183745145798 :0.02390267699956894 +ple:0.04216492176055908 able:0.005395510699599981 The:0.004303485620766878 of:0.003699519904330373 :0.46697238087654114 +fied:0.19116047024726868 factory:0.17714492976665497 faction:0.08513978868722916 fore:0.012663749977946281 :0.2524990141391754 +in:0.44667646288871765 on:0.12234010547399521 and:0.0871320366859436 In:0.07270322740077972 :0.05527012422680855 +not:0.06150586158037186 to:0.02884296141564846 now:0.021289000287652016 in:0.018715757876634598 :0.12344684451818466 +the:0.08110647648572922 to:0.0494496114552021 and:0.04545123130083084 The:0.023978890851140022 :0.16323219239711761 +and:0.1709587424993515 but:0.06019647419452667 for:0.030722903087735176 which:0.027804601937532425 :0.053093522787094116 +the:0.5001670718193054 a:0.028337137773633003 tho:0.02706165984272957 his:0.019986135885119438 :0.07176409661769867 +the:0.23284758627414703 he:0.0523102767765522 it:0.04286528751254082 they:0.041054755449295044 :0.042619578540325165 +M:0.01460350677371025 A.:0.013004859909415245 W:0.011701902374625206 W.:0.011579952202737331 :0.4249913990497589 +best:0.058959633111953735 few:0.017481833696365356 little:0.01510459091514349 large:0.00852876901626587 :0.1567545235157013 +to:0.12308813631534576 the:0.12194221466779709 and:0.0735481008887291 in:0.0494685098528862 :0.08346788585186005 +all:0.11857833713293076 every:0.05179556459188461 a:0.0431707501411438 the:0.03532399982213974 :0.23831771314144135 +last:0.026809629052877426 next:0.018516970798373222 first:0.017234012484550476 time:0.014994886703789234 :0.1387341320514679 +to:0.07845932245254517 and:0.05593505874276161 of:0.053341854363679886 for:0.051467739045619965 :0.04986487701535225 +the:0.2578108012676239 this:0.047284554690122604 a:0.022794289514422417 their:0.017962219193577766 :0.08192094415426254 +the:0.2934052348136902 into:0.05614897236227989 a:0.054219722747802734 and:0.036775387823581696 :0.08985502272844315 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +and:0.12708964943885803 was:0.03434944897890091 of:0.015303199179470539 the:0.013537301681935787 :0.27723267674446106 +and:0.05240340903401375 of:0.03192923218011856 the:0.027440614998340607 to:0.01839822717010975 :0.13126780092716217 +that:0.16397418081760406 far:0.05159418284893036 as:0.037337590008974075 much:0.037253301590681076 :0.13367533683776855 +the:0.360544890165329 this:0.04370575025677681 a:0.028327248990535736 tho:0.021069558337330818 :0.08535481989383698 +same:0.01081182062625885 amount:0.008923525922000408 sum:0.008475065231323242 law:0.008387080393731594 :0.1577957421541214 +and:0.05420844629406929 are:0.02890617959201336 to:0.025839706882834435 the:0.02209361642599106 :0.15890032052993774 +the:0.2751118838787079 a:0.0735258236527443 this:0.0168423093855381 his:0.014869414269924164 :0.08742830157279968 +in:0.0761701762676239 and:0.042389266192913055 to:0.04131127521395683 the:0.031514085829257965 :0.10176082700490952 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +was:0.06534450501203537 had:0.04464711248874664 shall:0.04323388636112213 have:0.04299042746424675 :0.1962132602930069 +of:0.05797211080789566 and:0.05569441244006157 to:0.02923848107457161 the:0.025893820449709892 :0.13338163495063782 +and:0.15250656008720398 but:0.05669324845075607 the:0.044317230582237244 that:0.025468595325946808 :0.08703304827213287 +and:0.2594096064567566 of:0.08774293214082718 to:0.0627005323767662 in:0.04408428072929382 :0.03490870073437691 +good:0.036293886601924896 right:0.028843870386481285 great:0.024522116407752037 large:0.020856451243162155 :0.12727755308151245 +own:0.037691764533519745 life:0.009400890208780766 family:0.005222564563155174 friends:0.004922314081341028 :0.19804032146930695 +the:0.16539481282234192 be:0.03755689784884453 a:0.03198861703276634 make:0.02241835929453373 :0.11193814873695374 +and:0.08774259686470032 to:0.044175874441862106 the:0.04220361262559891 with:0.020689072087407112 :0.14755268394947052 +the:0.30142760276794434 a:0.04100329428911209 them:0.02396940439939499 his:0.023527055978775024 :0.0620209202170372 +of:0.5872014760971069 to:0.05506833642721176 and:0.0534454844892025 in:0.027100196108222008 :0.026530854403972626 +of:0.6144728660583496 and:0.026691751554608345 in:0.02520705945789814 to:0.021471552550792694 :0.037967972457408905 +a:0.06386438757181168 not:0.04107453674077988 the:0.02797769568860531 in:0.022437702864408493 :0.12470000237226486 +and:0.04832970350980759 of:0.03808813542127609 the:0.032927677035331726 in:0.023523038253188133 :0.14100228250026703 +and:0.186573788523674 the:0.05666401982307434 but:0.03978507220745087 or:0.032318513840436935 :0.04378857463598251 +few:0.10575627535581589 year:0.0792061984539032 two:0.06122087314724922 three:0.04218338429927826 :0.0702362060546875 +Mrs.:0.13063944876194 who:0.07324688136577606 and:0.046193432062864304 the:0.032163091003894806 :0.15812470018863678 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.1292818933725357 who:0.06649632751941681 the:0.04495418071746826 but:0.0231447946280241 :0.09779491275548935 +be:0.3371017277240753 not:0.09956804662942886 bo:0.024873103946447372 also:0.01878477819263935 :0.05764065310359001 +to:0.25284066796302795 by:0.1417064070701599 the:0.08912079781293869 for:0.057119935750961304 :0.042622607201337814 +the:0.1887837052345276 a:0.06505906581878662 all:0.02468460611999035 this:0.020185407251119614 :0.07371731102466583 +the:0.23066459596157074 he:0.1024470180273056 they:0.05388550087809563 it:0.048015568405389786 :0.05943197384476662 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.056904733180999756 in:0.019044851884245872 In:0.017119359225034714 by:0.01524412166327238 :0.13423921167850494 +of:0.13384205102920532 and:0.07292196154594421 or:0.06093352660536766 for:0.04695550724864006 :0.07051641494035721 +of:0.7935802340507507 and:0.027887042611837387 ot:0.019080039113759995 by:0.012647894211113453 :0.019353419542312622 +and:0.030084682628512383 oceans:0.011646940372884274 men:0.01077501941472292 cities:0.007734628394246101 :0.30238428711891174 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +made:0.03791516646742821 done:0.026815427467226982 found:0.023510107770562172 seen:0.02297915704548359 :0.12980392575263977 +and:0.18122456967830658 the:0.056408029049634933 to:0.046146828681230545 with:0.045868806540966034 :0.038277868181467056 +and:0.09965754300355911 to:0.09305809438228607 in:0.040924303233623505 is:0.03822332248091698 :0.05086095631122589 +action:0.0374838262796402 effort:0.028842298313975334 order:0.01640644669532776 old:0.015424827113747597 :0.21649116277694702 +and:0.1930229812860489 of:0.05710887163877487 or:0.015547601506114006 with:0.014482549391686916 :0.23613925278186798 +to:0.3906438648700714 of:0.24417419731616974 for:0.04705905169248581 that:0.02808118239045143 :0.023836031556129456 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.5454264283180237 a:0.04733964428305626 his:0.020945336669683456 their:0.01933762989938259 :0.04935102537274361 +the:0.15407462418079376 he:0.055449292063713074 they:0.05182921886444092 or:0.04360925033688545 :0.06754478067159653 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +of:0.37078508734703064 and:0.09432580322027206 in:0.05976248160004616 for:0.0395607128739357 :0.027709608897566795 +a:0.19784200191497803 an:0.043280474841594696 person:0.020696138963103294 as:0.0194560419768095 :0.10596659779548645 +of:0.08240259438753128 and:0.05256267637014389 who:0.019099125638604164 the:0.01795591041445732 :0.13401277363300323 +the:0.3381715416908264 a:0.04097330570220947 derangements:0.022349096834659576 be:0.021817920729517937 :0.07758832722902298 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +and:0.15436749160289764 of:0.04013660550117493 on:0.03189057856798172 in:0.022207845002412796 :0.13896383345127106 +the:0.19829174876213074 a:0.11363717913627625 his:0.020226314663887024 which:0.017271677032113075 :0.1459406316280365 +of:0.5098698139190674 in:0.04890274256467819 to:0.03927132487297058 and:0.031068872660398483 :0.04982070252299309 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +wards:0.26114335656166077 noon:0.23495668172836304 ward:0.07871782034635544 noon.:0.0427047535777092 :0.09188584983348846 +same:0.016243919730186462 first:0.008224550634622574 whole:0.008036507293581963 day:0.006778112147003412 :0.23601992428302765 +and:0.160658061504364 is:0.04030889645218849 in:0.03706102445721626 as:0.034669723361730576 :0.1252366155385971 +of:0.26325803995132446 is:0.036427415907382965 man:0.022084571421146393 was:0.014877565205097198 :0.07283126562833786 +York:0.31983327865600586 York,:0.2130957841873169 York.:0.06653022766113281 Jersey,:0.024260742589831352 :0.14743037521839142 +the:0.14412130415439606 a:0.12410450726747513 place:0.0395781584084034 up:0.0368301197886467 :0.10272212326526642 +the:0.04952800273895264 to:0.03826216608285904 proper:0.025400109589099884 more:0.02446499839425087 :0.19927991926670074 +two:0.07678629457950592 United:0.019466303288936615 hours:0.012627257034182549 ages:0.010976124554872513 :0.2097874879837036 +and:0.06393449753522873 to:0.05174084007740021 in:0.030109284445643425 with:0.022617697715759277 :0.0798502042889595 +by:0.29580557346343994 in:0.09802355617284775 to:0.08220703899860382 and:0.04550798982381821 :0.04343871399760246 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +the:0.12119228392839432 a:0.08144450187683105 by:0.05656203255057335 in:0.026178937405347824 :0.0785277709364891 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.15691763162612915 in:0.058258380740880966 a:0.03492776304483414 and:0.032836467027664185 :0.09535608440637589 +said:0.009290439076721668 other:0.009100550785660744 most:0.007375551853328943 only:0.006562518421560526 :0.23412036895751953 +of:0.05264309048652649 and:0.027017945423722267 the:0.017266519367694855 in:0.013135386630892754 :0.15903538465499878 +and:0.08985812216997147 man:0.03931603580713272 men:0.03367682918906212 man,:0.012304535135626793 :0.14493614435195923 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +in:0.06083592772483826 the:0.0423794649541378 a:0.03588222339749336 being:0.02734416164457798 :0.10799773037433624 +the:0.35020989179611206 a:0.12016183137893677 tho:0.01686994545161724 his:0.015324530191719532 :0.05035578832030296 +and:0.024706680327653885 .:0.016587847843766212 m:0.009324936196208 The:0.007837099023163319 :0.42420217394828796 +and:0.10898385941982269 to:0.04533454030752182 or:0.023907961323857307 of:0.020332029089331627 :0.18420147895812988 +the:0.2517792582511902 said:0.08619437366724014 this:0.038560397922992706 a:0.030857689678668976 :0.13667449355125427 +been:0.23711387813091278 to:0.06811084598302841 the:0.030457770451903343 not:0.026351187378168106 :0.10511598736047745 +the:0.5233625769615173 these:0.0409051850438118 them:0.03918450325727463 his:0.02921440824866295 :0.03497201204299927 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.12029813975095749 a:0.11536243557929993 soon:0.04442477226257324 it:0.04390411078929901 :0.053450264036655426 +the:0.042263127863407135 to:0.04226076975464821 a:0.028174223378300667 of:0.02250693365931511 :0.09190910309553146 +in:0.09121851623058319 and:0.06375043839216232 by:0.034105632454156876 I:0.02576318010687828 :0.022360332310199738 +of:0.11923068016767502 and:0.06367841362953186 was:0.03022896870970726 is:0.02664930932223797 :0.09739701449871063 +and:0.07296720892190933 of:0.06585295498371124 to:0.026183977723121643 in:0.022369874641299248 :0.15202507376670837 +the:0.0870954692363739 be:0.041743356734514236 make:0.03291032463312149 do:0.015018118545413017 :0.10759377479553223 +of:0.5939950346946716 to:0.1012219712138176 and:0.02438202314078808 in:0.01667296327650547 :0.015285727567970753 +letter:0.038879431784152985 telegram:0.01904475688934326 large:0.017643919214606285 little:0.013606783002614975 :0.13674509525299072 +The:0.13712792098522186 It:0.06570997834205627 In:0.029863586649298668 He:0.029215507209300995 :0.10544923692941666 +a:0.03154416382312775 made:0.026228057220578194 the:0.02070688083767891 able:0.014651653356850147 :0.18298614025115967 +to:0.133743017911911 in:0.09297449141740799 at:0.06232096999883652 and:0.05559329316020012 :0.05026650056242943 +good:0.01973332092165947 great:0.018108470365405083 very:0.01718570850789547 few:0.013712105341255665 :0.12562914192676544 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.06713433563709259 of:0.0456765741109848 the:0.023701172322034836 in:0.02292003482580185 :0.14856445789337158 +of:0.6172012686729431 and:0.04930293932557106 the:0.014467851258814335 that:0.01165083423256874 :0.05192745476961136 +and:0.10867640376091003 Bryan:0.008325684815645218 Lincoln:0.007339551113545895 John:0.005830830428749323 :0.45369237661361694 +and:0.03622475638985634 to:0.025895187631249428 of:0.02293187938630581 on:0.022808561101555824 :0.13916108012199402 +own:0.037691764533519745 life:0.009400890208780766 family:0.005222564563155174 friends:0.004922314081341028 :0.19804032146930695 +and:0.06595894694328308 per:0.01812051236629486 to:0.01727927476167679 street:0.013144801370799541 :0.309121310710907 +the:0.07903255522251129 of:0.0399530865252018 and:0.03668162599205971 to:0.03191075101494789 :0.14348344504833221 +the:0.032483477145433426 was:0.02919202856719494 of:0.027414429932832718 and:0.026798516511917114 :0.17232030630111694 +have:0.08719627559185028 are:0.072926364839077 will:0.055821049958467484 can:0.04946112260222435 :0.049960874021053314 +thing:0.016207193955779076 impression:0.013860287144780159 to:0.0126809636130929 line:0.010362646542489529 :0.17791014909744263 +in:0.16580872237682343 to:0.12509410083293915 the:0.08947949856519699 upon:0.06180414929986 :0.04102864861488342 +of:0.5520064234733582 that:0.04301680624485016 is:0.019820820540189743 was:0.018334321677684784 :0.03024025447666645 +or:0.06571841984987259 hundred:0.05998602509498596 years:0.027462517842650414 and:0.024048713967204094 :0.1765848696231842 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +of:0.08942466974258423 and:0.08744942396879196 in:0.02834245190024376 is:0.021400555968284607 :0.08745184540748596 +of:0.16117392480373383 in:0.0801752582192421 to:0.05013890936970711 was:0.04160409793257713 :0.03688453882932663 +date:0.008526808582246304 United:0.007610153406858444 fact:0.006294529885053635 first:0.006063907407224178 :0.19325482845306396 +and:0.0628194659948349 the:0.028831815347075462 of:0.02844935655593872 ing:0.021624157205224037 :0.22745244204998016 +are:0.09991196542978287 have:0.08813484013080597 should:0.0366746224462986 will:0.03652648627758026 :0.05976565554738045 +great:0.023642344400286674 very:0.016372807323932648 little:0.014769072644412518 few:0.012887793593108654 :0.16716735064983368 +same:0.02089536376297474 said:0.011542826890945435 most:0.010661754757165909 first:0.006228901445865631 :0.16134308278560638 +a:0.06846656650304794 the:0.04825889691710472 not:0.02478213980793953 in:0.015073750168085098 :0.14466936886310577 +The:0.13218837976455688 I:0.05301021784543991 It:0.044426240026950836 He:0.03550140932202339 :0.16387665271759033 +of:0.08038529753684998 and:0.04308101534843445 the:0.022755727171897888 in:0.01656578667461872 :0.17852793633937836 +the:0.2646391987800598 this:0.02472337894141674 a:0.016352370381355286 tho:0.01588769257068634 :0.10013947635889053 +five:0.026408357545733452 three:0.019112836569547653 (30):0.017966872081160545 days:0.015651807188987732 :0.4075315296649933 +of:0.5741053223609924 and:0.0680822879076004 was:0.028232580050826073 is:0.014706019312143326 :0.034379567950963974 +and:0.14866693317890167 or:0.014976735226809978 is:0.013714542612433434 in:0.013303020037710667 :0.17104144394397736 +and:0.01979394629597664 .:0.010589158162474632 The:0.010331694968044758 the:0.00887859333306551 :0.45822131633758545 +.:0.029231857508420944 and:0.021062757819890976 m:0.01935330219566822 the:0.012750974856317043 :0.36205238103866577 +the:0.1546255499124527 I:0.09968605637550354 he:0.06618237495422363 they:0.04674899950623512 :0.05206862837076187 +of:0.30011314153671265 and:0.08224446326494217 that:0.039422087371349335 in:0.03284920006990433 :0.0431477390229702 +be:0.15981259942054749 have:0.12505201995372772 not:0.040145326405763626 do:0.016073351725935936 :0.06668141484260559 +The:0.11468447744846344 It:0.05041569471359253 I:0.04596646875143051 He:0.039601732045412064 :0.13557681441307068 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.3882405161857605 a:0.10760773718357086 his:0.02142159268260002 an:0.013680790551006794 :0.07906182110309601 +the:0.1461416780948639 and:0.06823498755693436 a:0.04071834310889244 to:0.03704012185335159 :0.12735196948051453 +and:0.03837115690112114 in:0.022565241903066635 to:0.01572807878255844 the:0.012599194422364235 :0.3511753976345062 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +do:0.03517615422606468 be:0.03337058424949646 pay:0.028986159712076187 make:0.028457218781113625 :0.08780518919229507 +much:0.1206296756863594 many:0.03659406676888466 great:0.024488599970936775 numerous:0.02368861250579357 :0.13117435574531555 +and:0.0674668401479721 of:0.027943357825279236 dollar:0.02627708949148655 bullion:0.01880357414484024 :0.11904662102460861 +is:0.05469793453812599 was:0.044062722474336624 morning:0.012284193187952042 year:0.011154540814459324 :0.17436012625694275 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +the:0.4350559115409851 which:0.04624912887811661 a:0.03144609183073044 his:0.02235688641667366 :0.069576695561409 +of:0.6907213926315308 for:0.05069902539253235 and:0.02025599218904972 in:0.017140362411737442 :0.02045154571533203 +of:0.40236184000968933 for:0.056217972189188004 to:0.029171939939260483 and:0.027231980115175247 :0.03613439202308655 +the:0.4123430848121643 a:0.0788475051522255 it:0.020335989072918892 this:0.020322350785136223 :0.040723755955696106 +the:0.2624872624874115 his:0.038299914449453354 sale.:0.031289029866456985 a:0.015154917724430561 :0.11407126486301422 +to:0.23311591148376465 in:0.05109872668981552 out:0.03889298066496849 from:0.03786919265985489 :0.07313919812440872 +to:0.07457143068313599 in:0.07033105939626694 and:0.06646322458982468 on:0.02748698927462101 :0.07165036350488663 +and:0.05663110315799713 of:0.03470408916473389 the:0.02863123267889023 to:0.02491913177073002 :0.18238362669944763 +committee:0.049164529889822006 large:0.014828692190349102 new:0.00983714871108532 man:0.009303540922701359 :0.1176445260643959 +or:0.22433488070964813 who:0.0905764028429985 to:0.04262394830584526 shall:0.03837532922625542 :0.04939567670226097 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +is:0.02668287418782711 year:0.02358051761984825 morning:0.01658700592815876 was:0.01165260560810566 :0.16633407771587372 +the:0.11974823474884033 of:0.0416216179728508 and:0.028203802183270454 a:0.02393336594104767 :0.07314762473106384 +the:0.2181156575679779 a:0.03944244608283043 this:0.02689334750175476 tho:0.017620569095015526 :0.20233367383480072 +be:0.6432176828384399 not:0.04909450188279152 bo:0.030814576894044876 have:0.018620392307639122 :0.01883230172097683 +of:0.09409791976213455 to:0.08780431002378464 and:0.05531979352235794 in:0.05511730909347534 :0.05546104162931442 +the:0.15094642341136932 he:0.04775261506438255 is:0.03502214327454567 was:0.028274161741137505 :0.0597914420068264 +the:0.2260926067829132 a:0.0646844357252121 his:0.013966448605060577 tho:0.013471468351781368 :0.15081572532653809 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.064958855509758 the:0.018243640661239624 in:0.01517497655004263 at:0.013931873254477978 :0.2863475978374481 +the:0.23656819760799408 he:0.08327198773622513 they:0.05954333022236824 a:0.04583663493394852 :0.06917588412761688 +was:0.08521241694688797 had:0.051218632608652115 is:0.03382263332605362 would:0.029783794656395912 :0.13423267006874084 +are:0.062342770397663116 have:0.056969091296195984 will:0.05107845366001129 can:0.0405656099319458 :0.08799386024475098 +made:0.03270377963781357 a:0.02400335483253002 the:0.02344529889523983 taken:0.01833726279437542 :0.1452205777168274 +the:0.1290457397699356 a:0.04939281567931175 it:0.01831645891070366 one:0.01341275591403246 :0.2624722421169281 +and:0.010558324865996838 to:0.008503710851073265 of:0.00692019984126091 the:0.004532988183200359 :0.3069814443588257 +same:0.010365691967308521 amount:0.009448868222534657 people:0.008420005440711975 following:0.008302274160087109 :0.12220050394535065 +same:0.015562059357762337 most:0.012530895881354809 best:0.009274638257920742 time:0.007525135762989521 :0.1932237446308136 +of:0.21165010333061218 half:0.031913600862026215 who:0.021404996514320374 to:0.016091546043753624 :0.10167849063873291 +the:0.18061266839504242 he:0.08904096484184265 they:0.06543683260679245 it:0.04814138263463974 :0.0638556256890297 +of:0.11406410485506058 and:0.1125713437795639 is:0.05979779735207558 was:0.03863578289747238 :0.05961908400058746 +and:0.09080284833908081 to:0.028523460030555725 in:0.025414355099201202 from:0.02304452285170555 :0.11861876398324966 +not:0.028056422248482704 in:0.021593399345874786 the:0.01927141100168228 to:0.013539151288568974 :0.07455070316791534 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.04121113196015358 the:0.03488390892744064 to:0.027978746220469475 of:0.023570528253912926 :0.24637174606323242 +been:0.13028308749198914 a:0.04104171693325043 not:0.0259960126131773 to:0.023276718333363533 :0.12987032532691956 +a:0.03770310431718826 the:0.03496844321489334 made:0.027254745364189148 sold:0.016782863065600395 :0.12037137895822525 +and:0.2656726837158203 the:0.055670760571956635 but:0.02472379431128502 as:0.024687383323907852 :0.030880102887749672 +the:0.12830328941345215 he:0.07103168964385986 they:0.04654410853981972 it:0.037798330187797546 :0.06182634085416794 +and:0.10188570618629456 of:0.08216962963342667 the:0.03295152634382248 to:0.02345026098191738 :0.03285951539874077 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +The:0.032851338386535645 .:0.026836039498448372 and:0.01711110770702362 the:0.012540537863969803 :0.2852705717086792 +and:0.2920241951942444 the:0.037114690989255905 that:0.031674664467573166 in:0.025301948189735413 :0.04692349582910538 +of:0.15087948739528656 per:0.1321256458759308 and:0.0776166096329689 on:0.04061991348862648 :0.05367838591337204 +the:0.18934862315654755 a:0.09789974987506866 his:0.046590406447649 to:0.03893013671040535 :0.07739943265914917 +and:0.108644038438797 of:0.06496748328208923 to:0.03754403069615364 which:0.036732155829668045 :0.04283148795366287 +the:0.217192605137825 a:0.04735302925109863 tho:0.02370985969901085 this:0.018310481682419777 :0.20730635523796082 +of:0.22931483387947083 in:0.06597410142421722 to:0.04686393216252327 on:0.04060334712266922 :0.03583627939224243 +most:0.015391530469059944 people:0.014650067314505577 best:0.013890871778130531 same:0.009868678636848927 :0.1531631350517273 +in:0.37141045928001404 In:0.06185634434223175 by:0.050414249300956726 at:0.04914378002285957 :0.047487735748291016 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.2689955234527588 a:0.05058171972632408 tho:0.016147837042808533 one:0.0109807588160038 :0.2353917509317398 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +the:0.12548936903476715 be:0.053043775260448456 a:0.0202363058924675 this:0.013041880913078785 :0.10614684969186783 +and:0.10274491459131241 of:0.07420762628316879 with:0.049591485410928726 in:0.046316858381032944 :0.044298794120550156 +to:0.6822537779808044 a:0.04527498036623001 the:0.015492084436118603 they:0.013049826957285404 :0.014513070695102215 +the:0.4022863507270813 tho:0.03737378120422363 a:0.02666495554149151 our:0.01993236504495144 :0.10003712773323059 +and:0.025020526722073555 limits:0.022802283987402916 powers:0.011863159947097301 men:0.00991958286613226 :0.17737862467765808 +the:0.19508196413516998 he:0.054294198751449585 they:0.04336128383874893 it:0.042433641850948334 :0.056291136890649796 +interest:0.4996076822280884 Interest:0.04721648618578911 the:0.04558303579688072 a:0.010439613834023476 :0.09789491444826126 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +are:0.09708436578512192 were:0.07343904674053192 will:0.06335995346307755 have:0.05376990884542465 :0.11596156656742096 +by:0.0637587308883667 and:0.05455191060900688 the:0.05427239462733269 to:0.0486040823161602 :0.14343464374542236 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.3470759391784668 day:0.035660337656736374 hundred:0.013823515735566616 thing:0.013286498375236988 :0.10140365362167358 +be:0.44117745757102966 have:0.09482437372207642 not:0.030359264463186264 bo:0.0224381685256958 :0.026399735361337662 +first:0.010357797145843506 only:0.008381587453186512 following:0.0064869169145822525 next:0.00523534556850791 :0.12404516339302063 +the:0.20502939820289612 on:0.052241548895835876 a:0.047939471900463104 him:0.04280618950724602 :0.042497217655181885 +the:0.2334217131137848 a:0.04944710060954094 favor:0.018042897805571556 his:0.01434162724763155 :0.09191286563873291 +the:0.13023170828819275 if:0.06443914771080017 I:0.05713355913758278 it:0.05220945179462433 :0.050190068781375885 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +a:0.10995892435312271 the:0.09080676734447479 well:0.04500766471028328 to:0.04149407893419266 :0.06520038843154907 +not:0.6709901094436646 the:0.019585374742746353 a:0.009860353544354439 he:0.009504088200628757 :0.03624357655644417 +of:0.039824359118938446 and:0.039515141397714615 the:0.020784471184015274 The:0.011391276493668556 :0.2481701523065567 +the:0.028797483071684837 was:0.010996721684932709 few:0.0090095866471529 large:0.008119670674204826 :0.21981066465377808 +ter:0.4545338749885559 ter,:0.14345788955688477 ter.:0.07445986568927765 ters:0.04175012186169624 :0.17935961484909058 +much:0.08262480795383453 the:0.06529656797647476 to:0.06065332144498825 he:0.05067332088947296 :0.07177701592445374 +and:0.16630075871944427 the:0.09560547769069672 but:0.07277756929397583 it:0.02129294164478779 :0.07796255499124527 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +a:0.09599626064300537 the:0.049767203629016876 in:0.040392111986875534 and:0.02041768841445446 :0.05144498497247696 +are:0.10158289968967438 were:0.07548731565475464 have:0.06515594571828842 had:0.03381297364830971 :0.06503007560968399 +and:0.10197675228118896 of:0.05956979840993881 to:0.047059591859579086 in:0.034252289682626724 :0.1071457713842392 +from:0.025710472837090492 and:0.013239647261798382 or:0.005206549074500799 way:0.005074215587228537 :0.20409169793128967 +property:0.13433928787708282 property,:0.06713083386421204 interest:0.022194474935531616 estate:0.018688231706619263 :0.21760942041873932 +and:0.03115597553551197 the:0.029543928802013397 of:0.017785437405109406 a:0.017272349447011948 :0.1910593956708908 +of:0.034429196268320084 and:0.029575031250715256 the:0.025606514886021614 a:0.01614946313202381 :0.17490676045417786 +W:0.04353424161672592 W.:0.031850267201662064 H.:0.019274108111858368 S.:0.01654927246272564 :0.27771782875061035 +of:0.26225945353507996 to:0.1245613768696785 and:0.05495164915919304 is:0.052659615874290466 :0.040794696658849716 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +to:0.13132981956005096 by:0.12002813071012497 in:0.07335184514522552 and:0.04983121156692505 :0.04917026311159134 +and:0.09373693913221359 of:0.03570229932665825 the:0.025878019630908966 in:0.02250073291361332 :0.18138748407363892 +the:0.061683736741542816 a:0.014109506271779537 in:0.010150263085961342 all:0.006107691675424576 :0.15825438499450684 +of:0.46525683999061584 in:0.04259113222360611 and:0.03399033471941948 to:0.03209012374281883 :0.03139164298772812 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +quarter:0.34134992957115173 corner:0.2715698480606079 of:0.04297108203172684 quarter,:0.02810346521437168 :0.0533989779651165 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +not:0.465023398399353 the:0.04288560152053833 to:0.0121966153383255 a:0.009549152106046677 :0.0630984753370285 +partment:0.452311247587204 partment,:0.10124991834163666 cember:0.013502022251486778 cember,:0.00804129522293806 :0.2616611123085022 +of:0.146319180727005 one:0.031338006258010864 time:0.01749461144208908 day:0.008299611508846283 :0.11207427829504013 +to:0.30778437852859497 the:0.04793689399957657 by:0.04766036197543144 with:0.03787490725517273 :0.047723788768053055 +and:0.13479672372341156 the:0.09432084858417511 with:0.027335740625858307 of:0.021946709603071213 :0.06786052882671356 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +seen:0.024306736886501312 a:0.01956801861524582 known:0.019447389990091324 before:0.015349873341619968 :0.15182915329933167 +same:0.009403667412698269 first:0.009327743202447891 most:0.006828591227531433 last:0.006156840827316046 :0.13980033993721008 +one-half:0.03967210277915001 and:0.013631707057356834 of:0.012226901948451996 part:0.006447720341384411 :0.2353074699640274 +Co.:0.05898141488432884 Co.,:0.04463723301887512 St.:0.02029534988105297 Company,:0.017716070637106895 :0.33935287594795227 +the:0.3784818649291992 a:0.04803700000047684 this:0.02564394660294056 tho:0.015015695244073868 :0.14817117154598236 +and:0.06020959094166756 to:0.045420702546834946 in:0.04445766657590866 of:0.03553328663110733 :0.14893826842308044 +the:0.09578429907560349 a:0.021248439326882362 in:0.015591970644891262 I:0.01143532246351242 :0.16248154640197754 +years:0.07560853660106659 to:0.042211953550577164 o'clock:0.04004547744989395 cents:0.03870444372296333 :0.12222620099782944 +of:0.17636381089687347 to:0.07844217121601105 and:0.06897435337305069 from:0.0641978308558464 :0.08559069782495499 +and:0.05144669860601425 the:0.021255038678646088 which:0.017310600727796555 are:0.012663178145885468 :0.1550116091966629 +is:0.33742308616638184 was:0.13515447080135345 Is:0.06388183683156967 has:0.059104856103658676 :0.033574044704437256 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +by:0.3254586160182953 the:0.0585494302213192 to:0.0485396645963192 and:0.04807049781084061 :0.03479090332984924 +and:0.21997596323490143 the:0.09280023723840714 a:0.028117487207055092 for:0.026582464575767517 :0.06416665017604828 +of:0.05246817693114281 ing:0.0507393516600132 for:0.048102278262376785 and:0.04073640704154968 :0.08592651784420013 +good:0.01739264279603958 few:0.015501215122640133 little:0.014002501964569092 great:0.013879681006073952 :0.1461891382932663 +the:0.2198028266429901 he:0.0658419206738472 they:0.048402708023786545 it:0.04108859598636627 :0.05814746394753456 +the:0.2313372790813446 which:0.03449683636426926 a:0.03388477489352226 tho:0.012892605736851692 :0.1798943728208542 +a:0.03924744948744774 the:0.02112613245844841 in:0.019841093569993973 to:0.011581763625144958 :0.23201709985733032 +a:0.04044374078512192 not:0.025171229615807533 the:0.024375587701797485 in:0.01948588900268078 :0.26248660683631897 +the:0.4258337914943695 a:0.044069044291973114 his:0.025118684396147728 tho:0.020154202356934547 :0.05756351724267006 +of:0.5868545770645142 and:0.05153105407953262 in:0.022520260885357857 to:0.01784934476017952 :0.03495195508003235 +the:0.20179104804992676 a:0.02772333286702633 this:0.020533431321382523 tho:0.01075112633407116 :0.21775156259536743 +the:0.07009546458721161 he:0.020368587225675583 they:0.019719386473298073 I:0.014998143538832664 :0.11328180134296417 +most:0.00984399113804102 first:0.008878104388713837 same:0.0077316295355558395 great:0.006066954229027033 :0.15351280570030212 +and:0.09968544542789459 of:0.024806253612041473 was:0.01752263307571411 at:0.011223947629332542 :0.30749601125717163 +H.:0.04081686586141586 H:0.03116155043244362 J:0.022822260856628418 W.:0.02031755819916725 :0.2675374448299408 +the:0.16346211731433868 be:0.05043784901499748 a:0.03340337052941322 which:0.012714680284261703 :0.14614561200141907 +and:0.056792251765728 of:0.03189714252948761 the:0.018302880227565765 The:0.01766705885529518 :0.18527282774448395 +a:0.04826650023460388 not:0.044138241559267044 in:0.023721210658550262 the:0.021727103739976883 :0.12490460276603699 +not:0.028838424012064934 the:0.027751626446843147 in:0.022584808990359306 made:0.01434516254812479 :0.1933598518371582 +the:0.23178352415561676 and:0.07593731582164764 to:0.03055233135819435 a:0.029084132984280586 :0.06799358874559402 +from:0.07987794280052185 in:0.058421168476343155 and:0.057645056396722794 to:0.03901069983839989 :0.057090356945991516 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +to:0.04193189740180969 not:0.039087288081645966 in:0.027556538581848145 now:0.023397309705615044 :0.13152161240577698 +the:0.07605791091918945 a:0.06379915773868561 and:0.01921372301876545 in:0.017527969554066658 :0.163102388381958 +the:0.0975906252861023 his:0.026042655110359192 a:0.022357871755957603 to:0.01108893658965826 :0.12591274082660675 +and:0.2273542582988739 the:0.057847436517477036 with:0.01833256147801876 but:0.017438093200325966 :0.07658351212739944 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.13041500747203827 that:0.03162277489900589 to:0.016719946637749672 of:0.01654920168220997 :0.08021409064531326 +of:0.16688309609889984 that:0.107168048620224 to:0.08906693011522293 the:0.055250152945518494 :0.05546020343899727 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +of:0.4192061126232147 and:0.03732086718082428 in:0.015222076326608658 was:0.014202427119016647 :0.05166604742407799 +in:0.12954814732074738 the:0.094295434653759 of:0.04804340749979019 that:0.03635064512491226 :0.048395078629255295 +the:0.04690080136060715 a:0.023993192240595818 any:0.01911311224102974 other:0.015991101041436195 :0.2837858200073242 +the:0.2751660645008087 a:0.05494128167629242 his:0.01756853610277176 tho:0.010831655003130436 :0.12055588513612747 +of:0.3649570643901825 was:0.07248248159885406 is:0.028987722471356392 who:0.023063164204359055 :0.044950466603040695 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +able:0.028965085744857788 a:0.0253139641135931 made:0.02311130054295063 in:0.02070789597928524 :0.16357728838920593 +a:0.13595236837863922 to:0.065497487783432 the:0.04925471916794777 in:0.026214249432086945 :0.14990797638893127 +of:0.42301246523857117 and:0.039774004369974136 who:0.02466282807290554 in:0.020838992670178413 :0.06622125208377838 +own:0.04426223784685135 to:0.014954912476241589 and:0.013360768556594849 a:0.009946038015186787 :0.19270572066307068 +ual:0.5446838736534119 and:0.004639526829123497 County,:0.0028150801081210375 A.:0.0019676382653415203 :0.3015069365501404 +hour:0.042742203921079636 order:0.015599983744323254 increase:0.012085282243788242 indefinite:0.011566861532628536 :0.18061530590057373 +of:0.15113475918769836 and:0.08391384780406952 in:0.07942374795675278 for:0.034637659788131714 :0.043519794940948486 +The:0.12313704937696457 It:0.0379038043320179 A:0.028956284746527672 He:0.028834497556090355 :0.2105787992477417 +sons:0.17827977240085602 haps:0.08467157930135727 sonal:0.06987594813108444 manent:0.041492342948913574 :0.28294193744659424 +as:0.4715383052825928 and:0.04721411317586899 to:0.02557913400232792 in:0.014598811976611614 :0.08902263641357422 +to:0.05982782691717148 in:0.055554505437612534 is:0.049888886511325836 for:0.04002750292420387 :0.05598769336938858 +in:0.09044519811868668 is:0.061555828899145126 and:0.059929292649030685 of:0.050778474658727646 :0.045643508434295654 +of:0.7244943380355835 to:0.024176206439733505 that:0.01582060195505619 and:0.015412427484989166 :0.013837010599672794 +of:0.38640835881233215 and:0.08499128371477127 in:0.04056983068585396 to:0.024929028004407883 :0.027957556769251823 +The:0.15448780357837677 It:0.04905605688691139 In:0.03362231329083443 But:0.03096131794154644 :0.09161566197872162 +to:0.04556085169315338 the:0.04348483681678772 and:0.037509530782699585 be:0.024387972429394722 :0.142970472574234 +that:0.2238939255475998 the:0.06740633398294449 to:0.03836505487561226 they:0.030494900420308113 :0.04093316197395325 +a:0.040674272924661636 not:0.03685418516397476 the:0.029642248526215553 in:0.023612601682543755 :0.18418334424495697 +the:0.07961995899677277 in:0.02548091858625412 to:0.018117576837539673 that:0.014815091155469418 :0.11565844714641571 +and:0.024986829608678818 of:0.024049062281847 or:0.008814496919512749 trap,:0.006987389177083969 :0.21371155977249146 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.04181728512048721 the:0.03978975489735603 The:0.01728036254644394 in:0.01533848699182272 :0.2153404802083969 +and:0.11500516533851624 to:0.09931445121765137 in:0.01947946660220623 a:0.013331001624464989 :0.31056085228919983 +of:0.04786454886198044 and:0.04491841793060303 or:0.028567243367433548 the:0.028341613709926605 :0.16377893090248108 +Beginning:0.12632040679454803 The:0.03648741543292999 as:0.028766119852662086 of:0.016773223876953125 :0.17036966979503632 +to:0.2336883544921875 in:0.05909385159611702 and:0.04309951514005661 by:0.03823539614677429 :0.03803212195634842 +the:0.21493646502494812 a:0.0681084468960762 said:0.01822873204946518 this:0.011681669391691685 :0.17332570254802704 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +one:0.04467093199491501 matter:0.03289145603775978 other:0.027269979938864708 such:0.023897595703601837 :0.11263356357812881 +order:0.01898440718650818 account:0.016358045861124992 old:0.013646349310874939 action:0.013537397608160973 :0.2306971251964569 +the:0.14454257488250732 it:0.08395925909280777 he:0.07799577713012695 they:0.06299611926078796 :0.057816069573163986 +the:0.3447270691394806 a:0.04218032583594322 his:0.019649295136332512 this:0.01939830183982849 :0.09792705625295639 +the:0.05108657851815224 and:0.04413541406393051 to:0.03866232931613922 a:0.024097375571727753 :0.159730926156044 +and:0.05977395921945572 the:0.01743800938129425 to:0.01739553175866604 in:0.01125572994351387 :0.3266364336013794 +the:0.15665172040462494 be:0.0684249997138977 have:0.02096034772694111 a:0.017574025318026543 :0.07462020218372345 +the:0.1907982975244522 a:0.03584713116288185 be:0.022771356627345085 his:0.011154268868267536 :0.10916388034820557 +of:0.12426459789276123 and:0.05203308165073395 The:0.01267497893422842 in:0.01236532162874937 :0.24871692061424255 +years:0.07363623380661011 of:0.03521566838026047 or:0.03276040777564049 days:0.032674647867679596 :0.14343081414699554 +the:0.1821584403514862 a:0.05289215222001076 of:0.0294510331004858 and:0.029190758243203163 :0.08085641264915466 +of:0.21683071553707123 and:0.08317440003156662 to:0.05082472041249275 in:0.034810375422239304 :0.039472565054893494 +the:0.12236852198839188 a:0.0681023970246315 up:0.049801766872406006 them:0.04539190232753754 :0.05192197486758232 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +next,:0.054869145154953 and:0.027040204033255577 last,:0.022686578333377838 to:0.016339687630534172 :0.2920314371585846 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +manent:0.11858662962913513 sons:0.0990196019411087 son:0.08312474936246872 fect:0.07868839055299759 :0.18244817852973938 +a:0.10933484137058258 the:0.05550305172801018 to:0.03924337774515152 only:0.03406539931893349 :0.09984607994556427 +to:0.5180196166038513 the:0.03247368708252907 in:0.02945581078529358 by:0.02820286899805069 :0.04082956165075302 +of:0.1034427136182785 in:0.07621113955974579 on:0.038586102426052094 to:0.036068856716156006 :0.044688645750284195 +the:0.1956491321325302 a:0.020345812663435936 said:0.012054248712956905 this:0.01100313849747181 :0.27837279438972473 +was:0.07589242607355118 had:0.06941252946853638 are:0.04950590804219246 has:0.04946213215589523 :0.08267950266599655 +are:0.19269272685050964 were:0.06363895535469055 and:0.053904060274362564 have:0.04148297384381294 :0.03575453907251358 +the:0.08391458541154861 to:0.058227140456438065 a:0.05270356684923172 not:0.05225438252091408 :0.09868751466274261 +is:0.25121358036994934 are:0.13928712904453278 was:0.1346840113401413 were:0.06450850516557693 :0.04127991944551468 +the:0.24006780982017517 and:0.11932899802923203 of:0.04038744419813156 to:0.037634093314409256 :0.04668955132365227 +than:0.18775619566440582 and:0.09991618990898132 of:0.07231859862804413 the:0.03639071807265282 :0.07263731956481934 +same:0.011716348119080067 first:0.0067995949648320675 last:0.0053174542263150215 most:0.005284876562654972 :0.2675442397594452 +to:0.07736475020647049 of:0.06520786881446838 and:0.040867146104574203 the:0.030302386730909348 :0.10624237358570099 +large:0.0134148383513093 distance:0.010085645131766796 man:0.009980425238609314 good:0.009720216505229473 :0.2803677022457123 +have:0.04988879710435867 was:0.04196842014789581 am:0.03825019672513008 will:0.028960948809981346 :0.11084093898534775 +to:0.08323892951011658 the:0.06299521028995514 that:0.03943653032183647 and:0.0350986123085022 :0.1582930088043213 +the:0.0422784797847271 a:0.038756731897592545 it:0.013971134088933468 to:0.012517942115664482 :0.21929937601089478 +and:0.11817656457424164 known:0.031514499336481094 as:0.023253438994288445 to:0.021932246163487434 :0.31676021218299866 +of:0.22460320591926575 to:0.15791349112987518 and:0.05398420989513397 that:0.03867841884493828 :0.05927761271595955 +the:0.26967355608940125 a:0.03261474519968033 this:0.02260344848036766 tho:0.018147436901926994 :0.15389026701450348 +deal:0.11664856225252151 many:0.03725344315171242 thing:0.02426314540207386 and:0.011706194840371609 :0.12777523696422577 +that:0.20610591769218445 the:0.08934079110622406 how:0.045330218970775604 what:0.03752247989177704 :0.04025234654545784 +same:0.010847280733287334 result:0.010675651952624321 most:0.009411102160811424 case:0.006331802345812321 :0.1978769749403 +will:0.05412054806947708 is:0.05358463525772095 has:0.049371905624866486 was:0.041287362575531006 :0.0651969164609909 +the:0.07592929899692535 to:0.0326707623898983 and:0.03162164241075516 ed:0.027346281334757805 :0.15707539021968842 +would:0.052121032029390335 had:0.05024323612451553 was:0.04889141395688057 will:0.03394749388098717 :0.1473008096218109 +to:0.23245133459568024 for:0.1640302985906601 the:0.05010586604475975 a:0.034501489251852036 :0.04827478900551796 +and:0.04625659063458443 year.:0.044449109584093094 year:0.043770160526037216 the:0.0395037867128849 :0.11630879342556 +the:0.20378278195858002 a:0.10389425605535507 it:0.02317694015800953 this:0.01884651929140091 :0.0497145801782608 +not:0.048195742070674896 in:0.022130506113171577 the:0.01721295528113842 made:0.011415813118219376 :0.20039565861225128 +correspondent:0.009122229181230068 little:0.0061890785582363605 and:0.005737460218369961 people:0.005578535608947277 :0.26861968636512756 +of:0.7181397080421448 and:0.031505752354860306 which:0.02123895287513733 in:0.015183472074568272 :0.01263508852571249 +the:0.3194841742515564 a:0.06263435631990433 all:0.0173762496560812 this:0.016455698758363724 :0.06929928064346313 +made:0.024013899266719818 a:0.021987220272421837 the:0.020558802410960197 was:0.01039567869156599 :0.23619356751441956 +be:0.34008535742759705 say:0.024150490760803223 bo:0.01720665767788887 have:0.015778223052620888 :0.03206408768892288 +time:0.04074019938707352 condition:0.01776815764605999 time,:0.017755234614014626 time.:0.016867630183696747 :0.11599382013082504 +and:0.10486923158168793 are:0.07064883410930634 in:0.04246746376156807 were:0.027522623538970947 :0.0847053974866867 +and:0.09420522302389145 the:0.06305740773677826 to:0.04155740514397621 in:0.03998597338795662 :0.05234616994857788 +been:0.18370619416236877 a:0.040986377745866776 not:0.028705798089504242 no:0.017100170254707336 :0.10011190176010132 +of:0.2523728311061859 and:0.09566188603639603 to:0.059265781193971634 in:0.047499824315309525 :0.03391444310545921 +of:0.5645772814750671 and:0.07483368366956711 to:0.03382192179560661 for:0.025388332083821297 :0.023494871333241463 +man:0.023008009418845177 great:0.010990763083100319 few:0.010712265968322754 large:0.010623997077345848 :0.15932151675224304 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +a:0.034013837575912476 made:0.03037656471133232 the:0.02903985045850277 done:0.013762258924543858 :0.15797042846679688 +and:0.26088279485702515 but:0.06322309374809265 which:0.04691622033715248 the:0.04228651523590088 :0.04867935925722122 +important:0.03610443323850632 of:0.021564314141869545 interesting:0.012456282041966915 prominent:0.012193573638796806 :0.17557279765605927 +of:0.020187845453619957 civil:0.01757023297250271 and:0.012413853779435158 the:0.007814045995473862 :0.3003779947757721 +the:0.03913331404328346 do:0.030638108029961586 make:0.02879815548658371 be:0.02864554524421692 :0.0730038583278656 +not:0.05706248804926872 in:0.022442925721406937 to:0.021432049572467804 the:0.0165143683552742 :0.16116802394390106 +South,:0.0952562540769577 South:0.07495501637458801 the:0.04009254276752472 South.:0.023836705833673477 :0.21821892261505127 +debility,:0.018707387149333954 and:0.018009979277849197 manager:0.017222486436367035 debility:0.011582732200622559 :0.13672637939453125 +and:0.0807284414768219 to:0.015008751302957535 was:0.013076509349048138 in:0.012515656650066376 :0.3081413507461548 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.09777360409498215 interest:0.052574753761291504 a:0.043446045368909836 to:0.04340968281030655 :0.1128494143486023 +The:0.10994460433721542 He:0.09796976298093796 It:0.03341658040881157 I:0.026145299896597862 :0.10790327936410904 +the:0.16670012474060059 a:0.05789625644683838 half:0.012799534946680069 one:0.01219887938350439 :0.23372335731983185 +feet:0.28731679916381836 of:0.05865715816617012 feet;:0.05388881266117096 feet,:0.03774323686957359 :0.11819037795066833 +of:0.1846204549074173 to:0.05976220592856407 in:0.039166707545518875 and:0.019832372665405273 :0.07987280189990997 +the:0.22578617930412292 to:0.12021221220493317 a:0.06070495769381523 for:0.026561934500932693 :0.07559569180011749 +of:0.04438897967338562 and:0.04044852405786514 in:0.03642876446247101 the:0.02967888116836548 :0.1423720121383667 +of:0.05443717539310455 and:0.04863429442048073 The:0.023475011810660362 the:0.02244817279279232 :0.16967329382896423 +the:0.2688371539115906 a:0.0796174481511116 this:0.029271326959133148 said:0.013688476756215096 :0.1688297837972641 +and:0.019624868407845497 the:0.006278580985963345 of:0.005284074228256941 state:0.004266086034476757 :0.3410376310348511 +the:0.0801287516951561 that:0.07523392140865326 in:0.06530977785587311 by:0.05461868271231651 :0.08222115784883499 +to:0.15650613605976105 in:0.12776966392993927 that:0.07092011719942093 on:0.04678400233387947 :0.04360690712928772 +people:0.021570121869444847 most:0.017527703195810318 men:0.012479213066399097 members:0.007918247953057289 :0.22338654100894928 +in:0.09658683091402054 and:0.08840702474117279 of:0.028486104682087898 on:0.02620084583759308 :0.05986756458878517 +was:0.15917563438415527 had:0.13615165650844574 would:0.06614396721124649 has:0.05712644383311272 :0.052851226180791855 +was:0.10466780513525009 had:0.04714967682957649 is:0.039509765803813934 has:0.03420809283852577 :0.08707690984010696 +the:0.19829174876213074 a:0.11363717913627625 his:0.020226314663887024 which:0.017271677032113075 :0.1459406316280365 +and:0.06686776131391525 men:0.06036866828799248 in:0.05846638232469559 to:0.03171364963054657 :0.07779902964830399 +day:0.17392988502979279 day,:0.07983063161373138 bacco:0.055246852338314056 gether:0.055114876478910446 :0.20186074078083038 +the:0.07892615348100662 to:0.040927059948444366 a:0.040069736540317535 through:0.03592044115066528 :0.07719762623310089 +the:0.13121692836284637 be:0.059195660054683685 have:0.015908606350421906 a:0.015300683677196503 :0.07299596071243286 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +the:0.18283067643642426 a:0.045859888195991516 his:0.035609979182481766 their:0.028921207413077354 :0.06475013494491577 +that:0.26573455333709717 to:0.13630452752113342 he:0.050592485815286636 the:0.04128500074148178 :0.040971335023641586 +the:0.14207008481025696 a:0.08409225940704346 it:0.051320720463991165 to:0.037583861500024796 :0.05619853734970093 +that:0.2068498134613037 what:0.11133382469415665 the:0.10295993834733963 how:0.06284931302070618 :0.04235520958900452 +and:0.17064744234085083 but:0.023032885044813156 Mrs.:0.0178244486451149 Mr.:0.017388537526130676 :0.12049294263124466 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.24864594638347626 a:0.038140758872032166 his:0.018355241045355797 see:0.013812794350087643 :0.12706701457500458 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +line:0.05007737874984741 and:0.03404925763607025 to:0.019188888370990753 descendant:0.015367638319730759 :0.1565209925174713 +a:0.10617934167385101 the:0.08066457509994507 him:0.07695702463388443 up:0.03555102273821831 :0.09329194575548172 +made:0.03270377963781357 a:0.02400335483253002 the:0.02344529889523983 taken:0.01833726279437542 :0.1452205777168274 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +of:0.19712577760219574 that:0.13013823330402374 is:0.1262499839067459 was:0.04223313182592392 :0.02231832593679428 +had:0.10220818966627121 was:0.09434595704078674 has:0.06607384979724884 is:0.04741915315389633 :0.10072356462478638 +been:0.14760366082191467 a:0.05584808811545372 the:0.02858027257025242 to:0.025686929002404213 :0.11843021959066391 +been:0.4397309422492981 yet:0.0679979994893074 only:0.020793592557311058 a:0.020439915359020233 :0.05866539850831032 +and:0.21093927323818207 of:0.0389702208340168 but:0.03613912686705589 which:0.03258342668414116 :0.039454385638237 +half:0.04900379106402397 few:0.024365592747926712 large:0.02117382176220417 good:0.014667495153844357 :0.16771546006202698 +and:0.08241207897663116 but:0.044500987976789474 in:0.030612630769610405 or:0.023887865245342255 :0.14929959177970886 +the:0.3663793206214905 a:0.06660214811563492 this:0.02037993259727955 tho:0.018081460148096085 :0.14408276975154877 +the:0.16069863736629486 that:0.025059830397367477 in:0.02494838461279869 a:0.02229158580303192 :0.06654825061559677 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.03718012198805809 B.:0.021946830675005913 J.:0.017594465985894203 W.:0.014479984529316425 :0.4002258777618408 +and:0.060742296278476715 of:0.03449355810880661 to:0.03103519417345524 The:0.021186238154768944 :0.17341403663158417 +cific:0.15740396082401276 and:0.02137276716530323 .:0.010439316742122173 was:0.006044730544090271 :0.49947449564933777 +and:0.037956852465867996 the:0.02355751022696495 of:0.015911765396595 is:0.011389578692615032 :0.22495514154434204 +ready:0.07030657678842545 lowed:0.06401847302913666 ways:0.05060596391558647 leged:0.048870548605918884 :0.21575213968753815 +A.:0.01814963109791279 H.:0.017571300268173218 J.:0.015560273081064224 D.:0.01370036881417036 :0.4770698845386505 +and:0.04908958449959755 to:0.019673893228173256 the:0.018543610349297523 of:0.01762678287923336 :0.22805030643939972 +by:0.26676109433174133 that:0.15058881044387817 to:0.11513495445251465 in:0.08352196216583252 :0.033934831619262695 +States:0.30512064695358276 States,:0.13687510788440704 States.:0.047048285603523254 and:0.011972643435001373 :0.11933362483978271 +the:0.029993897303938866 other:0.00913326907902956 a:0.009073405526578426 State:0.006596062332391739 :0.24771441519260406 +and:0.04838814213871956 the:0.03732844442129135 of:0.024078357964754105 to:0.021757973358035088 :0.12356945127248764 +the:0.2041771411895752 said:0.043058913201093674 a:0.023211568593978882 this:0.01387553010135889 :0.21955493092536926 +nited:0.0737188532948494 nion:0.013540094718337059 and:0.012119680643081665 of:0.008507287129759789 :0.3804498016834259 +have:0.0775449275970459 will:0.05758235603570938 are:0.052612051367759705 can:0.04063735902309418 :0.09208354353904724 +the:0.10592170059680939 a:0.07677224278450012 to:0.05963635817170143 them:0.032611045986413956 :0.044830676168203354 +clude:0.05130602791905403 tended:0.029290487989783287 crease:0.029004307463765144 creased:0.02772759087383747 :0.2945013642311096 +the:0.2260926067829132 a:0.0646844357252121 his:0.013966448605060577 tho:0.013471468351781368 :0.15081572532653809 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +to:0.5367961525917053 for:0.03246133401989937 the:0.03166715055704117 by:0.03040226362645626 :0.07289750874042511 +that:0.22724969685077667 the:0.09370025992393494 of:0.05793771147727966 or:0.034091461449861526 :0.033593952655792236 +and:0.1248294934630394 to:0.03503001108765602 in:0.030958618968725204 for:0.027825914323329926 :0.06361719965934753 +and:0.0628194659948349 the:0.028831815347075462 of:0.02844935655593872 ing:0.021624157205224037 :0.22745244204998016 +same:0.015780897811055183 way:0.012970851734280586 only:0.010747521184384823 most:0.008287145756185055 :0.17706714570522308 +of:0.5844908356666565 to:0.03560362383723259 that:0.03237515687942505 in:0.024377401918172836 :0.02283063717186451 +of:0.05548582971096039 and:0.04958053678274155 the:0.02603866532444954 to:0.024217450991272926 :0.22205445170402527 +not:0.3695372939109802 be:0.2560805678367615 have:0.035441651940345764 bo:0.014013007283210754 :0.02354903146624565 +the:0.12882110476493835 be:0.03193597123026848 make:0.021047992631793022 a:0.01696830801665783 :0.09397299587726593 +the:0.18354958295822144 a:0.049026038497686386 any:0.03274744004011154 in:0.03241806849837303 :0.09298408031463623 +have:0.11118900030851364 be:0.0844561830163002 not:0.08202167600393295 make:0.018676480278372765 :0.0460602231323719 +of:0.5664910674095154 and:0.018854990601539612 in:0.018672138452529907 that:0.0165130365639925 :0.03980085998773575 +the:0.23256199061870575 a:0.04588703066110611 this:0.015103301964700222 tho:0.01405534241348505 :0.22837327420711517 +The:0.1562737226486206 It:0.053267356008291245 He:0.03244904801249504 This:0.03111346624791622 :0.10866545885801315 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +good:0.01930113136768341 large:0.01438941527158022 little:0.013045577332377434 great:0.011036857031285763 :0.21672533452510834 +was:0.04141279309988022 had:0.04005855321884155 would:0.02720581367611885 is:0.02235572598874569 :0.11519196629524231 +and:0.18226554989814758 of:0.051808904856443405 that:0.02579863928258419 the:0.02268734946846962 :0.07757222652435303 +or:0.10242798179388046 and:0.056044816970825195 of:0.047257181257009506 years:0.034887004643678665 :0.16906364262104034 +are:0.035344671458005905 will:0.028979338705539703 were:0.027444543316960335 have:0.02186950109899044 :0.20369002223014832 +try:0.4267793297767639 try,:0.20393270254135132 ty:0.07995838671922684 try.:0.06591888517141342 :0.06483283638954163 +as:0.32781288027763367 and:0.059132643043994904 to:0.0357775054872036 a:0.027221515774726868 :0.09173586219549179 +that:0.10104334354400635 to:0.06384003162384033 and:0.057953499257564545 in:0.03763097524642944 :0.07238984853029251 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.07155030220746994 was:0.025771401822566986 The:0.019821733236312866 I:0.0155785595998168 :0.2840377688407898 +ith:0.27038872241973877 hich:0.13088415563106537 ill:0.09093354642391205 hen:0.08545716106891632 :0.14080810546875 +the:0.21560049057006836 of:0.04846566915512085 that:0.01854006201028824 these:0.01603967882692814 :0.10241270810365677 +to:0.08066325634717941 secretary:0.03310110419988632 in:0.026910170912742615 as:0.0239196065813303 :0.2832736372947693 +to:0.09240204095840454 is:0.08092828094959259 was:0.03024442493915558 in:0.029977982863783836 :0.053764089941978455 +the:0.07549251616001129 to:0.06118204444646835 me:0.05006677284836769 a:0.04851951077580452 :0.06046599522233009 +of:0.13694371283054352 are:0.04115869849920273 were:0.03697654604911804 and:0.02966800145804882 :0.054271798580884933 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.015118315815925598 the:0.01474021840840578 a:0.014307074248790741 and:0.013254771940410137 :0.12648968398571014 +of:0.5751036405563354 to:0.035669956356287 and:0.027340499684214592 was:0.019555723294615746 :0.019380781799554825 +the:0.30182793736457825 this:0.06618313491344452 a:0.033998627215623856 his:0.014788839034736156 :0.10470406711101532 +.:0.6752386689186096 was:0.0038060022052377462 A:0.003525648033246398 J:0.003509756177663803 :0.11167705804109573 +of:0.06410454213619232 and:0.061614423990249634 in:0.027677124366164207 to:0.022569140419363976 :0.17514260113239288 +The:0.13370636105537415 All:0.08010607957839966 It:0.03855595365166664 In:0.03807518258690834 :0.12858109176158905 +and:0.14476963877677917 but:0.04692591354250908 as:0.03930461034178734 in:0.024175120517611504 :0.06941860914230347 +same:0.015827594324946404 people:0.007521236315369606 most:0.007355724461376667 first:0.007319754455238581 :0.15681816637516022 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +a:0.17789898812770844 the:0.1025773286819458 that:0.04250763729214668 to:0.031916581094264984 :0.058084484189748764 +the:0.015097361989319324 and:0.012022217735648155 I:0.007645504083484411 tion:0.0075422627851367 :0.3658386468887329 +the:0.1670811027288437 you:0.051480911672115326 he:0.04553132876753807 a:0.03834613785147667 :0.07265210151672363 +The:0.1265423595905304 It:0.06294948607683182 He:0.03730284050107002 In:0.03353564813733101 :0.21485739946365356 +own:0.018781879916787148 name:0.006119417957961559 answer:0.005109115969389677 father:0.004394685849547386 :0.297507107257843 +terday:0.7887474298477173 of:0.01261340081691742 and:0.005029340740293264 in:0.003003539051860571 :0.12994210422039032 +been:0.2857648730278015 a:0.05432458966970444 the:0.033192023634910583 to:0.021816087886691093 :0.06832010298967361 +the:0.1929134726524353 this:0.022919053211808205 a:0.016911130398511887 that:0.00986475870013237 :0.21930065751075745 +the:0.3462981581687927 them:0.051670141518116 whom:0.027780886739492416 his:0.0191356148570776 :0.057348694652318954 +of:0.3554169833660126 and:0.07656819373369217 to:0.047319088131189346 in:0.03358684852719307 :0.03283616900444031 +Pacific:0.052745796740055084 and:0.05126656964421272 in:0.043413642793893814 of:0.029334593564271927 :0.12444530427455902 +of:0.13079290091991425 and:0.09912217408418655 the:0.04833190515637398 that:0.03323660418391228 :0.07714951038360596 +of:0.07949709892272949 and:0.07724538445472717 the:0.02312123402953148 a:0.02004551701247692 :0.1454111784696579 +to:0.08299847692251205 the:0.051084619015455246 and:0.045466579496860504 or:0.021608451381325722 :0.18364253640174866 +sum:0.03754980489611626 same:0.01174904964864254 amount:0.010419638827443123 people:0.006869933567941189 :0.15127751231193542 +is:0.0600486621260643 year:0.03467036783695221 was:0.02663961425423622 morning:0.016885146498680115 :0.09410203993320465 +of:0.1509489119052887 the:0.12341422587633133 and:0.060741495341062546 a:0.05280443653464317 :0.06557939201593399 +in:0.15966728329658508 for:0.15253524482250214 to:0.1393289715051651 as:0.09664317220449448 :0.07583658397197723 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +the:0.048377882689237595 a:0.015419232659041882 in:0.009620683267712593 as:0.007470260839909315 :0.2208823710680008 +and:0.05683023855090141 of:0.030111685395240784 The:0.018334172666072845 the:0.015057526528835297 :0.18478216230869293 +and:0.09011107683181763 of:0.06659770756959915 the:0.03564891964197159 which:0.029871810227632523 :0.08648454397916794 +of:0.20082642138004303 and:0.04183068871498108 was:0.023788275197148323 with:0.022779040038585663 :0.07520507276058197 +and:0.0509570837020874 the:0.04741484299302101 of:0.022932156920433044 to:0.02226465381681919 :0.2036963850259781 +the:0.059624165296554565 a:0.05520635470747948 not:0.026228705421090126 made:0.021533198654651642 :0.10803757607936859 +and:0.06772466748952866 men:0.019930770620703697 people:0.011211417615413666 in:0.00783695187419653 :0.20291036367416382 +the:0.30481305718421936 this:0.053038232028484344 a:0.042646750807762146 first:0.023671545088291168 :0.13149496912956238 +a:0.10295742750167847 the:0.08098725229501724 well:0.04620024189352989 to:0.03488972410559654 :0.08253975957632065 +a:0.21378526091575623 the:0.17066515982151031 to:0.04802152141928673 that:0.029584437608718872 :0.11638610810041428 +of:0.11325418949127197 and:0.04845895618200302 in:0.035082198679447174 to:0.025000309571623802 :0.1635598987340927 +is:0.15090972185134888 was:0.06509057432413101 Is:0.021907487884163857 will:0.015802711248397827 :0.09255565702915192 +of:0.300898939371109 to:0.15651574730873108 in:0.03930903971195221 that:0.031156348064541817 :0.024050813168287277 +day:0.14811347424983978 morning:0.09647142142057419 year:0.032828398048877716 thing:0.021640298888087273 :0.07747967541217804 +the:0.0621633306145668 and:0.04566225782036781 to:0.03653265908360481 of:0.018025685101747513 :0.1621093451976776 +the:0.07496435940265656 is:0.0679597333073616 that:0.04615434631705284 and:0.04344833269715309 :0.0645839124917984 +opportunity:0.025263704359531403 old:0.018941562622785568 increase:0.013858102262020111 act:0.013549956493079662 :0.1867138296365738 +the:0.16204963624477386 they:0.05913263186812401 it:0.038218289613723755 he:0.03636284917593002 :0.0456106923520565 +is:0.07477954030036926 was:0.055856142193078995 has:0.034912243485450745 are:0.033155567944049835 :0.07991375029087067 +of:0.7935802340507507 and:0.027887042611837387 ot:0.019080039113759995 by:0.012647894211113453 :0.019353419542312622 +in:0.07404475659132004 out:0.070440374314785 with:0.06711485981941223 of:0.057007577270269394 :0.050593435764312744 +the:0.2949024736881256 a:0.0438767671585083 his:0.023736562579870224 their:0.01942034438252449 :0.11146838963031769 +the:0.43356621265411377 said:0.0473129004240036 a:0.020875316113233566 this:0.019972195848822594 :0.06629647314548492 +the:0.1617458462715149 he:0.041911061853170395 they:0.029870087280869484 has:0.02642160840332508 :0.06633131206035614 +that:0.22649703919887543 to:0.05318470671772957 the:0.05094214528799057 nothing:0.0271703340113163 :0.06785742938518524 +The:0.15270128846168518 It:0.06220778077840805 He:0.03712882101535797 I:0.034019388258457184 :0.12272927910089493 +point:0.04054637998342514 stake:0.01858576014637947 great:0.01733686961233616 large:0.015888528898358345 :0.1647801548242569 +that:0.08924413472414017 and:0.04688210040330887 the:0.0461454913020134 therefore,:0.03991303592920303 :0.041231606155633926 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +to:0.05838901549577713 in:0.04960197955369949 and:0.038001649081707 with:0.03699958324432373 :0.07956608384847641 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +as:0.39767321944236755 to:0.10417115688323975 and:0.06281473487615585 or:0.02844017557799816 :0.036528460681438446 +the:0.06764262914657593 a:0.01636365056037903 in:0.011865224689245224 to:0.011408552527427673 :0.13304832577705383 +the:0.030513213947415352 in:0.027056938037276268 to:0.020119786262512207 at:0.016488485038280487 :0.1530667245388031 +is:0.11347083002328873 was:0.09919586777687073 the:0.06392700970172882 he:0.05168350040912628 :0.04687028378248215 +that:0.1034008339047432 of:0.08870970457792282 and:0.07721487432718277 for:0.03856601566076279 :0.043469976633787155 +of:0.24800598621368408 other:0.04673820361495018 one:0.025741105899214745 time:0.011448290199041367 :0.11262939125299454 +of:0.12895500659942627 and:0.0851416066288948 are:0.051231227815151215 which:0.04949086904525757 :0.040412552654743195 +the:0.027558358386158943 of:0.02607130818068981 a:0.01888378895819187 and:0.01758893020451069 :0.27836307883262634 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.078941710293293 of:0.03825896605849266 was:0.03585110604763031 has:0.03498136252164841 :0.11768776923418045 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +the:0.3314047157764435 them:0.0723588764667511 him:0.03377268463373184 a:0.03166646510362625 :0.039995305240154266 +are:0.18098658323287964 were:0.10485194623470306 will:0.07452712208032608 had:0.04164097085595131 :0.041217487305402756 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.152018740773201 said:0.01901312917470932 this:0.015290355309844017 a:0.014921454712748528 :0.1481700986623764 +the:0.2525653839111328 said:0.019295871257781982 a:0.018944725394248962 his:0.016252947971224785 :0.14343507587909698 +resented:0.24285776913166046 resentative:0.04712498188018799 resentatives:0.023428695276379585 and:0.020731234923005104 :0.30417487025260925 +own:0.01680215261876583 people:0.011422613635659218 country:0.006669993046671152 party:0.004923475440591574 :0.2165985256433487 +The:0.1023029237985611 It:0.06579487770795822 In:0.05623726546764374 A:0.03223160654306412 :0.08492201566696167 +the:0.02028748020529747 and:0.013054086826741695 in:0.01281154528260231 id:0.011091307736933231 :0.21719320118427277 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +Beginning:0.12658502161502838 The:0.045598600059747696 Commencing:0.029613947495818138 Section:0.021737845614552498 :0.25763076543807983 +is:0.08466096222400665 was:0.04604315012693405 and:0.036727797240018845 in:0.03533371910452843 :0.09271864593029022 +and:0.06320306658744812 the:0.04188791289925575 of:0.03371558338403702 to:0.028616493567824364 :0.13677869737148285 +the:0.09527391940355301 to:0.09302932769060135 out:0.06904302537441254 over:0.05762626603245735 :0.07293732464313507 +and:0.16459745168685913 in:0.026080230250954628 to:0.017344268038868904 In:0.013441664166748524 :0.21456092596054077 +The:0.13833853602409363 It:0.040648818016052246 He:0.030608737841248512 I:0.025794975459575653 :0.13471531867980957 +and:0.09394840151071548 to:0.06763508170843124 the:0.02961539849638939 in:0.026591790840029716 :0.07183698564767838 +of:0.7994785904884338 ot:0.01409829780459404 to:0.013663352467119694 north:0.011635378003120422 :0.02142569050192833 +the:0.13960477709770203 that:0.08868265897035599 to:0.07402675598859787 any:0.03515670448541641 :0.06224443390965462 +had:0.03787073865532875 was:0.027206094935536385 since:0.016820348799228668 the:0.013966032303869724 :0.15473894774913788 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +of:0.06581877171993256 and:0.05322873964905739 to:0.028772104531526566 the:0.026991959661245346 :0.18181940913200378 +get:0.0608019083738327 make:0.04810989648103714 the:0.031069187447428703 see:0.01921505108475685 :0.10550123453140259 +the:0.37852227687835693 a:0.034887321293354034 his:0.022339344024658203 tho:0.02161325514316559 :0.11336837708950043 +the:0.2602683901786804 a:0.03075478971004486 these:0.013494065962731838 his:0.013150667771697044 :0.17541028559207916 +the:0.35803166031837463 this:0.050447091460227966 a:0.029352011159062386 his:0.02715873531997204 :0.07675319164991379 +is:0.24298828840255737 was:0.11029767245054245 would:0.04301884397864342 has:0.041811805218458176 :0.06203235685825348 +of:0.27674421668052673 who:0.0526159293949604 to:0.04227253422141075 are:0.03817153722047806 :0.036899711936712265 +the:0.051602963358163834 a:0.02631862834095955 by:0.018480753526091576 other:0.013107373379170895 :0.17033961415290833 +and:0.1776297688484192 on:0.1741967648267746 at:0.10279079526662827 for:0.02334686554968357 :0.0799526497721672 +to:0.14907576143741608 the:0.08307857066392899 a:0.06597697734832764 him:0.06053071469068527 :0.05915062874555588 +the:0.2147778570652008 a:0.025019485503435135 tho:0.016448594629764557 this:0.012545854784548283 :0.19180041551589966 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +the:0.008087212219834328 e:0.006770594511181116 people:0.005498717073351145 United:0.005153663456439972 :0.2210211157798767 +the:0.11678952723741531 r:0.03672485426068306 >r:0.017619555816054344 and:0.014889722689986229 :0.2812080681324005 +the:0.044050805270671844 and:0.04292984679341316 to:0.02908279001712799 of:0.018443454056978226 :0.146667018532753 +and:0.06912868469953537 the:0.03716783970594406 of:0.03304583579301834 to:0.021400196477770805 :0.13515020906925201 +of:0.07108044624328613 and:0.06966515630483627 was:0.050640616565942764 to:0.03300374001264572 :0.05092582106590271 +and:0.08496611565351486 are:0.0703427642583847 for:0.05773695185780525 were:0.049276720732450485 :0.06023441627621651 +was:0.16154712438583374 had:0.09853705018758774 would:0.0584869384765625 has:0.050497867166996 :0.06371638178825378 +the:0.1301962286233902 a:0.016686569899320602 that:0.01644263230264187 to:0.01234325859695673 :0.1421109288930893 +the:0.039221469312906265 and:0.01870136149227619 of:0.011061293072998524 ways:0.007851896807551384 :0.2674088776111603 +the:0.23727580904960632 a:0.09277796745300293 his:0.013385029509663582 an:0.012322226539254189 :0.1258499175310135 +good:0.008985563181340694 of:0.0088210953399539 short:0.008036928251385689 and:0.006032425910234451 :0.2085537165403366 +the:0.12911318242549896 be:0.04087807610630989 a:0.02291123755276203 see:0.019864067435264587 :0.12034063786268234 +and:0.08758226037025452 of:0.04905448481440544 to:0.047981031239032745 the:0.036653075367212296 :0.12716442346572876 +day,:0.030875688418745995 the:0.01482493244111538 city:0.011144538410007954 day:0.00933573767542839 :0.11496616154909134 +few:0.09162802994251251 long:0.039667826145887375 short:0.031050004065036774 brief:0.02139810472726822 :0.10873784124851227 +one:0.07370304316282272 doubt,:0.036906737834215164 more:0.03391426429152489 longer:0.021883072331547737 :0.18969663977622986 +of:0.1511785089969635 and:0.09524597972631454 the:0.05117115378379822 was:0.024502048268914223 :0.075459785759449 +and:0.07561807334423065 of:0.06259837746620178 The:0.02898709662258625 the:0.023871183395385742 :0.1229080930352211 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.024706680327653885 .:0.016587847843766212 m:0.009324936196208 The:0.007837099023163319 :0.42420217394828796 +and:0.01819714717566967 of:0.004035962279886007 day:0.0033803528640419245 man:0.003197368001565337 :0.2401491105556488 +the:0.1761997789144516 a:0.02673901990056038 which:0.017906995490193367 this:0.016011936590075493 :0.14231780171394348 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +a:0.0844554454088211 to:0.0535837821662426 the:0.04085345193743706 that:0.021962668746709824 :0.12279054522514343 +to:0.12867620587348938 a:0.07518520206212997 the:0.05831775441765785 that:0.022869320586323738 :0.08780098706483841 +public:0.005257842596620321 whole:0.004829178098589182 people:0.004799953196197748 same:0.004099920392036438 :0.22169440984725952 +and:0.05505872890353203 of:0.0479360893368721 Central:0.02195986732840538 is:0.014077380299568176 :0.15351541340351105 +the:0.396369606256485 a:0.06731947511434555 tho:0.021273808553814888 this:0.018898000940680504 :0.06320153176784515 +and:0.028562162071466446 to:0.00789619144052267 county:0.006992230657488108 of:0.006228289101272821 :0.1945885866880417 +a:0.13403676450252533 the:0.06944283097982407 not:0.04981841892004013 an:0.016019992530345917 :0.07908862084150314 +not:0.32510867714881897 be:0.14497359097003937 have:0.043420810252428055 do:0.01894253119826317 :0.040348898619413376 +and:0.08443194627761841 the:0.06804350763559341 of:0.020109450444579124 that:0.01684526726603508 :0.35146859288215637 +the:0.20360219478607178 a:0.03783956542611122 this:0.016024133190512657 his:0.01330232247710228 :0.22371189296245575 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +single:0.045154258608818054 man:0.017058249562978745 few:0.015572931617498398 great:0.013799379579722881 :0.17028392851352692 +the:0.16350434720516205 be:0.03946652263402939 a:0.028981080278754234 make:0.013587834313511848 :0.09231849759817123 +of:0.22182504832744598 to:0.05660198628902435 in:0.05135190859436989 and:0.044237468391656876 :0.03615530952811241 +and:0.29276591539382935 but:0.04533097520470619 the:0.037119850516319275 of:0.03343692049384117 :0.08026890456676483 +to:0.3726564943790436 and:0.13034434616565704 for:0.07762286812067032 in:0.0662585198879242 :0.0479896180331707 +most:0.04246911406517029 first:0.020558418706059456 same:0.019562887027859688 only:0.017105182632803917 :0.14485430717468262 +and:0.013208935037255287 men:0.006948111578822136 way:0.006403873674571514 rate:0.0052673486061394215 :0.18191149830818176 +and:0.11878605931997299 that:0.06306084990501404 in:0.06265824288129807 as:0.05304177105426788 :0.04725465178489685 +the:0.14212124049663544 a:0.04875987768173218 three:0.01036928128451109 tho:0.010261633433401585 :0.1704273819923401 +o'clock:0.12203409522771835 per:0.038785167038440704 o'clock,:0.025084320455789566 o'clock.:0.024376370012760162 :0.2268098145723343 +and:0.07791050523519516 with:0.06410194933414459 in:0.055455196648836136 to:0.05087748169898987 :0.07954972982406616 +and:0.08579928427934647 to:0.027844339609146118 in:0.018427668139338493 as:0.012364096939563751 :0.08823861926794052 +was:0.1422770470380783 had:0.0646616518497467 has:0.05665593221783638 is:0.0510602705180645 :0.05736830458045006 +provisions:0.0360507033765316 direction:0.03458324074745178 laws:0.024701405316591263 name:0.014884534291923046 :0.16290751099586487 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +as:0.15134477615356445 a:0.06109277531504631 at:0.02757386676967144 the:0.022644955664873123 :0.06761261075735092 +the:0.09974250197410583 a:0.026993559673428535 that:0.01965598575770855 to:0.012541228905320168 :0.16520172357559204 +of:0.2978989779949188 and:0.1311202496290207 for:0.08302166312932968 to:0.06025882065296173 :0.024105658754706383 +of:0.05078517645597458 to:0.04129268229007721 and:0.027227062731981277 that:0.016949867829680443 :0.2584351897239685 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.29874247312545776 which:0.030457913875579834 for:0.022497301921248436 in:0.02099345624446869 :0.08096732199192047 +the:0.12882110476493835 be:0.03193597123026848 make:0.021047992631793022 a:0.01696830801665783 :0.09397299587726593 +The:0.10855542868375778 It:0.04957873001694679 I:0.03492561727762222 He:0.034356873482465744 :0.06457125395536423 +of:0.3901088833808899 that:0.33113163709640503 and:0.030028365552425385 for:0.0279267318546772 :0.026794349774718285 +line:0.26414185762405396 side:0.10186689347028732 direction:0.08212753385305405 and:0.04143878072500229 :0.07726835459470749 +and:0.043416641652584076 of:0.026414386928081512 The:0.013212309218943119 to:0.012286069802939892 :0.25734809041023254 +if:0.11769178509712219 in:0.058354590088129044 rather,:0.049832534044981 at:0.0421956405043602 :0.10897397994995117 +the:0.41501402854919434 a:0.045450977981090546 tho:0.02029391936957836 which:0.018039708957076073 :0.10781804472208023 +the:0.0591801218688488 and:0.05138224735856056 of:0.01620529592037201 a:0.015287231653928757 :0.19636520743370056 +of:0.051830701529979706 and:0.038615867495536804 to:0.028922922909259796 the:0.025131143629550934 :0.17245331406593323 +ry:0.5422987341880798 ning:0.09369418770074844 ning.:0.030757710337638855 ning,:0.018161505460739136 :0.08221063017845154 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +of:0.5676581263542175 and:0.03654376044869423 that:0.01984572596848011 to:0.017012525349855423 :0.018313968554139137 +of:0.33410388231277466 in:0.08755682408809662 is:0.0590747632086277 from:0.05226888135075569 :0.05097475275397301 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.07007500529289246 a:0.023930296301841736 other:0.009533923119306564 that:0.008748423308134079 :0.18357424437999725 +that:0.0704609602689743 and:0.05260593444108963 the:0.026118990033864975 I:0.02255943790078163 :0.13354039192199707 +view:0.021477578207850456 large:0.014422591775655746 little:0.012711316347122192 few:0.011675581336021423 :0.20949006080627441 +a:0.07010596990585327 not:0.05420732498168945 the:0.05396781489253044 in:0.016393130645155907 :0.10485593974590302 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +of:0.5213747620582581 and:0.05284634605050087 or:0.01537043135613203 ot:0.013500231318175793 :0.052381161600351334 +be:0.19251523911952972 not:0.07784207165241241 have:0.026230784133076668 bo:0.014618021436035633 :0.09226322174072266 +the:0.5778666138648987 a:0.02991294488310814 said:0.029434166848659515 this:0.01912073791027069 :0.07374171167612076 +the:0.09400498121976852 a:0.0270233154296875 .:0.017338652163743973 and:0.010387333109974861 :0.27265408635139465 +the:0.22704462707042694 a:0.08021347224712372 being:0.018557440489530563 his:0.018092721700668335 :0.07406094670295715 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +the:0.4162898361682892 into:0.03806895762681961 upon:0.03275386244058609 a:0.029238004237413406 :0.04792645573616028 +half:0.04900379106402397 few:0.024365592747926712 large:0.02117382176220417 good:0.014667495153844357 :0.16771546006202698 +and:0.07574993371963501 in:0.02729721926152706 with:0.022489193826913834 the:0.016808776184916496 :0.3996174931526184 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +own:0.022216137498617172 way:0.01928464137017727 names:0.008854798972606659 eyes:0.008447197265923023 :0.16511428356170654 +the:0.07890456914901733 a:0.03082314133644104 .:0.02819751761853695 of:0.00943190511316061 :0.3086589574813843 +lieve:0.29351806640625 come:0.091415636241436 cause:0.07946325838565826 gin:0.057405102998018265 :0.13291017711162567 +and:0.189529687166214 in:0.044176265597343445 of:0.0334293395280838 to:0.026207340881228447 :0.03510744497179985 +the:0.05534060671925545 that:0.016393471509218216 a:0.01483127661049366 in:0.013670734129846096 :0.11466217041015625 +the:0.04946869984269142 a:0.03167896345257759 any:0.027525562793016434 other:0.025137702003121376 :0.15660423040390015 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +that:0.13229189813137054 the:0.07190638035535812 a:0.032343510538339615 in:0.020965121686458588 :0.12787854671478271 +to:0.17176339030265808 for:0.09369800984859467 and:0.0755956843495369 of:0.05654972046613693 :0.08084652572870255 +country:0.021445252001285553 city,:0.017442379146814346 act,:0.016137536615133286 city:0.015404942445456982 :0.14275318384170532 +of:0.11882132291793823 and:0.10121618956327438 but:0.016100367531180382 in:0.014634957537055016 :0.1403511017560959 +to:0.06842959672212601 in:0.035859934985637665 the:0.030326856300234795 that:0.02798367477953434 :0.12879037857055664 +that:0.3455641269683838 to:0.12734737992286682 of:0.0890517309308052 for:0.06757054477930069 :0.04983924329280853 +the:0.11260730028152466 a:0.02894843928515911 in:0.013471469283103943 it:0.01284859050065279 :0.10130011290311813 +the:0.26003873348236084 a:0.053130436688661575 said:0.04144170507788658 Mr.:0.018021952360868454 :0.10487154871225357 +only:0.09771634638309479 to:0.07628531008958817 a:0.030904710292816162 the:0.028822241351008415 :0.13397212326526642 +and:0.06656424701213837 of:0.03599100932478905 to:0.022999467328190804 the:0.020942479372024536 :0.15381984412670135 +and:0.07260049134492874 of:0.038542259484529495 was:0.018023429438471794 who:0.01700708642601967 :0.22398504614830017 +the:0.23256199061870575 a:0.04588703066110611 this:0.015103301964700222 tho:0.01405534241348505 :0.22837327420711517 +people:0.01734987646341324 said:0.011204104870557785 same:0.007446028757840395 man:0.0072185383178293705 :0.1498868614435196 +the:0.2868293225765228 a:0.0553092323243618 this:0.024232512339949608 his:0.01525911781936884 :0.11474327743053436 +other:0.010411994531750679 people:0.008038053289055824 amount:0.007319738622754812 men:0.006049910094588995 :0.18468452990055084 +be:0.5328662395477295 bo:0.02872977778315544 only:0.018234826624393463 not:0.011645273305475712 :0.028119133785367012 +the:0.06787949800491333 a:0.01912444271147251 that:0.01650962419807911 I:0.01280667819082737 :0.1620604693889618 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +hard:0.060835450887680054 cider:0.04687124118208885 clean:0.03291827440261841 and:0.026704605668783188 :0.12803322076797485 +the:0.2040887176990509 said:0.020650137215852737 a:0.014117097482085228 this:0.010163268074393272 :0.2309485673904419 +and:0.07999661564826965 or:0.03126201778650284 for:0.031120799481868744 of:0.02893386408686638 :0.08542820066213608 +the:0.28247153759002686 this:0.039148569107055664 a:0.03748885542154312 their:0.02087412029504776 :0.08292452245950699 +had:0.12903572618961334 was:0.07292643189430237 is:0.06075089052319527 could:0.04060927405953407 :0.07114147394895554 +the:0.20375165343284607 he:0.0846295952796936 they:0.07274188101291656 it:0.04832570627331734 :0.06822716444730759 +day:0.5491731762886047 of:0.03631366789340973 inst.,:0.015149733051657677 instant,:0.01245051622390747 :0.0850227102637291 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +and:0.05651815980672836 the:0.05121702700853348 that:0.0377703495323658 it:0.02094859443604946 :0.05583596229553223 +the:0.2923636734485626 tho:0.015596798621118069 a:0.01530406717211008 two:0.013712440617382526 :0.16858625411987305 +own:0.03695489093661308 home:0.009353889152407646 pocket:0.00911251362413168 head:0.006609485950320959 :0.199751079082489 +the:0.34583213925361633 a:0.032741010189056396 this:0.022684268653392792 tho:0.016129035502672195 :0.10553537309169769 +and:0.065812848508358 in:0.05757678672671318 for:0.05358576774597168 the:0.04958244040608406 :0.04281177744269371 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.25364744663238525 a:0.05827760323882103 their:0.020861659198999405 tho:0.015362289734184742 :0.08585206419229507 +of:0.3394806981086731 old,:0.057605475187301636 ago:0.030618438497185707 and:0.030342770740389824 :0.08030376583337784 +is:0.02668287418782711 year:0.02358051761984825 morning:0.01658700592815876 was:0.01165260560810566 :0.16633407771587372 +who:0.1364462971687317 of:0.1010010614991188 and:0.05261794105172157 were:0.046350397169589996 :0.044156890362501144 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +know:0.05172891169786453 want:0.025089748203754425 think:0.02492254041135311 see:0.024747323244810104 :0.09021051228046417 +that:0.10829538851976395 the:0.05890945345163345 he:0.03936963900923729 to:0.028322994709014893 :0.13494233787059784 +the:0.11335545033216476 to:0.11027789115905762 on:0.07458554953336716 and:0.057216376066207886 :0.050080813467502594 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.1887837052345276 a:0.06505906581878662 all:0.02468460611999035 this:0.020185407251119614 :0.07371731102466583 +the:0.34724074602127075 a:0.049865540117025375 said:0.025001391768455505 tho:0.018553659319877625 :0.08519265055656433 +of:0.12337853759527206 in:0.03511306643486023 and:0.03410295769572258 In:0.023197786882519722 :0.13006457686424255 +a:0.19775880873203278 of:0.10406006872653961 the:0.08263657242059708 an:0.05458205193281174 :0.1045387014746666 +the:0.032742101699113846 The:0.023282339796423912 and:0.014024238102138042 to:0.011478164233267307 :0.2866593301296234 +only:0.009380466304719448 first:0.008851837366819382 said:0.007093785330653191 following:0.006535238120704889 :0.16114306449890137 +by:0.14366869628429413 the:0.13712337613105774 in:0.055825959891080856 to:0.05121287703514099 :0.03031046688556671 +of:0.051688481122255325 years:0.04805321618914604 other:0.019075602293014526 or:0.015483847819268703 :0.21862463653087616 +in:0.09267169237136841 the:0.06749574095010757 from:0.06521306186914444 at:0.036694806069135666 :0.03268526867032051 +same:0.021874254569411278 whole:0.0217669028788805 first:0.009706895798444748 most:0.009096541441977024 :0.15500280261039734 +of:0.324527770280838 in:0.09047318249940872 that:0.052707821130752563 and:0.03627055883407593 :0.027943283319473267 +the:0.22530880570411682 a:0.04936527460813522 vote:0.0435684397816658 be:0.021943876519799232 :0.12930981814861298 +the:0.2997305393218994 that:0.08924192935228348 to:0.08642928302288055 his:0.026644282042980194 :0.028397686779499054 +a:0.22407221794128418 an:0.08478564023971558 as:0.02427588403224945 other:0.014326167292892933 :0.12776879966259003 +and:0.048056360334157944 who:0.039216045290231705 D.:0.018015852198004723 Mrs.:0.015828561037778854 :0.2250055968761444 +be:0.28842151165008545 have:0.04673473536968231 not:0.032813843339681625 bo:0.020671598613262177 :0.12021254003047943 +and:0.1763153225183487 but:0.06664825975894928 the:0.06286045908927917 a:0.038550641387701035 :0.06746582686901093 +and:0.08425790816545486 The:0.03355185315012932 to:0.02033044956624508 the:0.01815892942249775 :0.1947084218263626 +of:0.2970033586025238 for:0.07589925825595856 to:0.04758243262767792 in:0.039993926882743835 :0.03656964376568794 +the:0.17035934329032898 a:0.07797079533338547 and:0.05232685059309006 as:0.039156779646873474 :0.05802910029888153 +most:0.008362817578017712 best:0.0065995571203529835 law:0.005785428918898106 people:0.005285806953907013 :0.20026451349258423 +to:0.06807815283536911 the:0.04898178204894066 and:0.02720005437731743 The:0.018343985080718994 :0.12352012097835541 +Los:0.10408028960227966 the:0.066336490213871 Lake,:0.032023604959249496 Lake:0.013455957174301147 :0.27709951996803284 +if:0.0992298275232315 the:0.08977638185024261 a:0.04462994262576103 though:0.04148653894662857 :0.08432269096374512 +a:0.3292514979839325 the:0.12442256510257721 to:0.04423568770289421 an:0.038232170045375824 :0.10718727856874466 +of:0.3203468322753906 that:0.0787433311343193 to:0.07574333995580673 in:0.030642954632639885 :0.038293082267045975 +was:0.09248580038547516 saw:0.04760325327515602 got:0.04010647162795067 had:0.03738228231668472 :0.0694434642791748 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +for:0.19270822405815125 and:0.11262524873018265 until:0.1015838012099266 to:0.07036785781383514 :0.043786466121673584 +same:0.011963599361479282 State:0.007963978685438633 following:0.006675007753074169 United:0.0053672948852181435 :0.22152653336524963 +30:0.0657830610871315 45:0.05469655245542526 15:0.0424017533659935 50:0.02317601814866066 :0.0641837790608406 +and:0.10648049414157867 the:0.0872587114572525 to:0.08241356164216995 of:0.06376126408576965 :0.05347645655274391 +a:0.19784200191497803 an:0.043280474841594696 person:0.020696138963103294 as:0.0194560419768095 :0.10596659779548645 +in:0.2255813330411911 of:0.06795112043619156 books:0.05710212513804436 and:0.04953698813915253 :0.05734202265739441 +istration:0.8726128339767456 The:0.004837965127080679 and:0.004782107193022966 In:0.0036793332546949387 :0.03591203689575195 +the:0.15125824511051178 a:0.051345475018024445 this:0.020401738584041595 said:0.01748504489660263 :0.1644705981016159 +and:0.05560469254851341 the:0.04270719736814499 of:0.028885671868920326 to:0.02455577813088894 :0.1735619306564331 +hand,:0.09232205152511597 side:0.038405172526836395 hand:0.022691791877150536 day:0.01900930143892765 :0.13054713606834412 +be:0.417477011680603 the:0.029188763350248337 have:0.0249998327344656 bo:0.01708364672958851 :0.07910564541816711 +and:0.050286393612623215 to:0.04513845965266228 of:0.02676387131214142 the:0.024743258953094482 :0.1538408398628235 +time:0.06716762483119965 as:0.03796509653329849 to:0.026660649105906487 time,:0.01691386103630066 :0.09311540424823761 +The:0.1056302860379219 It:0.037033308297395706 A:0.023847782984375954 He:0.02315429598093033 :0.1212446540594101 +of:0.04353233054280281 and:0.04003547504544258 to:0.03520376235246658 is:0.023738587275147438 :0.11342232674360275 +and:0.05913420021533966 of:0.039557479321956635 the:0.036056581884622574 to:0.030590714886784554 :0.1655113399028778 +the:0.09563592821359634 to:0.08826587349176407 a:0.06456893682479858 that:0.04307718947529793 :0.08118908107280731 +the:0.19796650111675262 a:0.06905502825975418 this:0.023399097844958305 their:0.021292733028531075 :0.08954519778490067 +and:0.05692258104681969 as:0.04215701296925545 to:0.026766281574964523 of:0.02533460594713688 :0.18525700271129608 +the:0.249477818608284 a:0.026810860261321068 their:0.0173598974943161 all:0.016695551574230194 :0.16545526683330536 +people:0.014286915771663189 said:0.009541111066937447 same:0.007768310606479645 United:0.007545930799096823 :0.16696782410144806 +the:0.0922403484582901 a:0.061267293989658356 in:0.02627769485116005 made:0.019144268706440926 :0.17513373494148254 +and:0.09374204277992249 The:0.020843148231506348 to:0.02008119784295559 the:0.016992490738630295 :0.14711162447929382 +that:0.1487240195274353 the:0.08763162046670914 what:0.04853655770421028 of:0.039395082741975784 :0.04770319163799286 +of:0.05596350133419037 and:0.04769400879740715 to:0.04655766114592552 in:0.04353681206703186 :0.08096946030855179 +of:0.23589669167995453 who:0.09503516554832458 in:0.021560121327638626 knows:0.02030359022319317 :0.04637090116739273 +to:0.2819232940673828 out:0.0603393092751503 on:0.050211578607559204 down:0.046500515192747116 :0.045684814453125 +right:0.034936513751745224 great:0.02764803171157837 good:0.02651505172252655 large:0.023370981216430664 :0.11345894634723663 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.05315477401018143 the:0.0509103387594223 of:0.04902505502104759 to:0.03541043773293495 :0.14970508217811584 +the:0.4293447434902191 a:0.043825745582580566 his:0.021922966465353966 this:0.021066468209028244 :0.054254427552223206 +the:0.032483477145433426 was:0.02919202856719494 of:0.027414429932832718 and:0.026798516511917114 :0.17232030630111694 +little:0.08178606629371643 few:0.07701288163661957 much:0.05578095093369484 soon:0.02512795478105545 :0.16938962042331696 +and:0.027664227411150932 of:0.01944839581847191 the:0.012646765448153019 to:0.011061086319386959 :0.2918311059474945 +the:0.1389680951833725 pursuant:0.13152974843978882 hereinafter:0.08063249289989471 duly:0.028840143233537674 :0.1255573332309723 +and:0.07434063404798508 to:0.027249110862612724 The:0.021744346246123314 of:0.015541549772024155 :0.1585753709077835 +the:0.16448557376861572 he:0.05433287099003792 it:0.041577111929655075 they:0.0360088013112545 :0.08061005920171738 +the:0.1200697273015976 that:0.057295721024274826 and:0.04596339166164398 it:0.031401991844177246 :0.070857934653759 +and:0.08012901246547699 to:0.06145130470395088 as:0.0427110493183136 that:0.041950661689043045 :0.08171863108873367 +is:0.060412123799324036 the:0.05131318420171738 of:0.047855194658041 was:0.0437234491109848 :0.13318414986133575 +was:0.040192779153585434 and:0.03900322690606117 of:0.031873732805252075 is:0.026363397017121315 :0.1517830193042755 +of:0.2337355762720108 18,:0.023117942735552788 3:0.018314648419618607 corner:0.015130169689655304 :0.11827978491783142 +of:0.054476045072078705 and:0.041175976395606995 the:0.015951767563819885 to:0.014788168482482433 :0.264705091714859 +the:0.159060537815094 you:0.08724014461040497 he:0.07477783411741257 we:0.04977397993206978 :0.060026828199625015 +made:0.03582054004073143 a:0.029134634882211685 the:0.026757800951600075 to:0.024840986356139183 :0.1565454602241516 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +and:0.08059528470039368 The:0.030947944149374962 to:0.030756404623389244 the:0.02026664838194847 :0.16424399614334106 +and:0.04895981773734093 the:0.04366100952029228 of:0.031288061290979385 in:0.021768251433968544 :0.15477845072746277 +be:0.16037921607494354 not:0.07284162938594818 have:0.026462925598025322 make:0.018281564116477966 :0.08416854590177536 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +The:0.12289224565029144 He:0.09593037515878677 It:0.06667298823595047 In:0.034586966037750244 :0.06923672556877136 +to:0.5186883807182312 in:0.04784904420375824 for:0.030919821932911873 of:0.028972923755645752 :0.02671162039041519 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +to:0.07079693675041199 and:0.05910824239253998 by:0.03149368241429329 in:0.02825075201690197 :0.13734816014766693 +of:0.09211960434913635 and:0.05677294358611107 The:0.015565925277769566 to:0.01529439352452755 :0.23610447347164154 +and:0.12252847105264664 to:0.05562920123338699 for:0.043354421854019165 in:0.041328661143779755 :0.038502275943756104 +ment:0.7255632281303406 ment.:0.058617278933525085 ment,:0.05688026547431946 ing:0.03244306147098541 :0.03072923980653286 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +only:0.09771634638309479 to:0.07628531008958817 a:0.030904710292816162 the:0.028822241351008415 :0.13397212326526642 +the:0.24765600264072418 it:0.037414923310279846 a:0.03689666837453842 they:0.03220111131668091 :0.06783086061477661 +of:0.1388612687587738 and:0.022097019478678703 .:0.02208416908979416 to:0.019054697826504707 :0.33205437660217285 +the:0.3916362524032593 said:0.025693293660879135 a:0.022723212838172913 his:0.021426497027277946 :0.11677467077970505 +and:0.1705111414194107 to:0.024681661278009415 H.:0.02145248092710972 B.:0.010261477902531624 :0.4336816668510437 +be:0.23984523117542267 the:0.11650677025318146 have:0.07778731733560562 answer:0.012169062159955502 :0.06562098860740662 +and:0.05575547739863396 of:0.04661906883120537 the:0.03266192227602005 The:0.01985332928597927 :0.11788065731525421 +copy:0.019240081310272217 large:0.018224086612462997 man:0.014913594350218773 law:0.0108414888381958 :0.1413429081439972 +first:0.016724519431591034 said:0.011751418001949787 time:0.011722218245267868 war:0.011099166236817837 :0.17003309726715088 +struction:0.10287008434534073 ditions:0.08371996134519577 stitution:0.040164876729249954 clusion:0.03515808656811714 :0.2457323670387268 +the:0.0903453677892685 and:0.0474870502948761 to:0.03580904006958008 a:0.03407130017876625 :0.17267078161239624 +and:0.08463197201490402 to:0.037107545882463455 The:0.016379568725824356 the:0.014044148847460747 :0.14444024860858917 +be:0.32633423805236816 have:0.12718845903873444 not:0.024073170498013496 bo:0.019081052392721176 :0.054546598345041275 +pared:0.11673178523778915 sented:0.08328503370285034 ferred:0.026732929050922394 senting:0.025877686217427254 :0.40573275089263916 +to:0.042595867067575455 in:0.030982133001089096 and:0.02583368681371212 opinion:0.01807807944715023 :0.13849540054798126 +be:0.28842151165008545 have:0.04673473536968231 not:0.032813843339681625 bo:0.020671598613262177 :0.12021254003047943 +to:0.10586994141340256 the:0.06400961428880692 a:0.0417671836912632 for:0.029179947450757027 :0.1642342060804367 +of:0.08829350769519806 who:0.07713884860277176 are:0.07107214629650116 in:0.06666797399520874 :0.04509216174483299 +and:0.055711813271045685 of:0.047235503792762756 the:0.03114880807697773 in:0.020348569378256798 :0.16194117069244385 +in:0.062400542199611664 to:0.05309189856052399 on:0.038929373025894165 as:0.03274097666144371 :0.07885782420635223 +own:0.03821973130106926 respective:0.018119510263204575 hands:0.012440507300198078 efforts:0.011520433239638805 :0.20916175842285156 +and:0.06663589179515839 of:0.05368121713399887 The:0.021586067974567413 to:0.02125459350645542 :0.1446077525615692 +way:0.06980948150157928 one:0.04051421210169792 thing:0.022074533626437187 a:0.021053645759820938 :0.11968070268630981 +the:0.08129055798053741 he:0.020574141293764114 a:0.018933255225419998 they:0.016541849821805954 :0.188432976603508 +valorem:0.09625574201345444 the:0.03289645537734032 and:0.019228946417570114 vantage:0.011281874030828476 :0.38144785165786743 +same:0.014010713435709476 first:0.009217258542776108 time:0.0077441087923944 place:0.007652719505131245 :0.1380728930234909 +is:0.19220121204853058 was:0.08673154562711716 will:0.03282377868890762 would:0.031237101182341576 :0.12148718535900116 +as:0.7937413454055786 and:0.013824260793626308 before:0.012243588455021381 to:0.008868430741131306 :0.019067594781517982 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.05896753445267677 of:0.0463317446410656 to:0.03954748809337616 in:0.03168845176696777 :0.0913824737071991 +man:0.03899487107992172 good:0.015276597812771797 great:0.011005824431777 little:0.009835424832999706 :0.21355397999286652 +preme:0.45411232113838196 perior:0.135556161403656 gar:0.04063528776168823 of:0.0063909259624779224 :0.227537602186203 +who:0.3002109229564667 of:0.0420057438313961 that:0.024492623284459114 in:0.023016372695565224 :0.10024384409189224 +The:0.0692562386393547 It:0.027270173653960228 In:0.023120809346437454 He:0.018062986433506012 :0.11869256943464279 +few:0.02069791965186596 large:0.01726088486611843 great:0.011191774159669876 good:0.011156123131513596 :0.11334725469350815 +and:0.06174825131893158 envelope:0.02382303774356842 in:0.021896090358495712 of:0.020070509985089302 :0.25280988216400146 +two:0.01797132007777691 men:0.01618107035756111 are:0.01221987884491682 things:0.012179072014987469 :0.20211383700370789 +a:0.08692660927772522 to:0.04978151246905327 the:0.049467675387859344 up:0.038189761340618134 :0.06702184677124023 +the:0.25643712282180786 a:0.02362891100347042 this:0.020254503935575485 tho:0.016561565920710564 :0.13849127292633057 +who:0.16564394533634186 and:0.07588760554790497 in:0.04551934078335762 were:0.041885439306497574 :0.041457854211330414 +other:0.01953834667801857 said:0.0060816118493676186 same:0.005689836572855711 United:0.005581072997301817 :0.22799503803253174 +the:0.19326439499855042 they:0.11697693914175034 he:0.09901512414216995 it:0.07143345475196838 :0.045646972954273224 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +to:0.0934700220823288 in:0.07405386120080948 and:0.0385320708155632 as:0.034404970705509186 :0.0725998505949974 +one:0.05224136263132095 matter:0.03357695788145065 more:0.026644358411431313 other:0.019276602193713188 :0.24228109419345856 +of:0.0792558565735817 and:0.07390940189361572 The:0.03063969500362873 to:0.022196782752871513 :0.11583943665027618 +in:0.047269221395254135 and:0.03636780008673668 of:0.03254256024956703 is:0.02873154543340206 :0.08019475638866425 +the:0.35649046301841736 and:0.03083907999098301 tho:0.021631062030792236 his:0.020636430010199547 :0.027943849563598633 +have:0.04464215412735939 am:0.032492466270923615 was:0.028649812564253807 could:0.02237837202847004 :0.13262689113616943 +the:0.11154390871524811 it:0.02970600128173828 to:0.026033181697130203 they:0.022781487554311752 :0.0719437524676323 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.10735756903886795 of:0.0902247354388237 to:0.039626654237508774 at:0.03670543432235718 :0.08097459375858307 +to:0.19425666332244873 in:0.051341623067855835 at:0.04743804782629013 and:0.04443955421447754 :0.051722992211580276 +the:0.14838409423828125 that:0.1439906507730484 what:0.12023916095495224 how:0.05424461141228676 :0.04784919321537018 +the:0.0914125069975853 a:0.02516048029065132 that:0.01020924560725689 in:0.009636200033128262 :0.09917904436588287 +the:0.19135558605194092 a:0.07429732382297516 him:0.04430479556322098 them:0.03519917652010918 :0.0844469740986824 +longer:0.0873551070690155 doubt,:0.06831204891204834 one:0.06228082999587059 matter:0.04099496826529503 :0.12359027564525604 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +the:0.3371431827545166 a:0.03465283662080765 this:0.02308848686516285 said:0.017431994900107384 :0.10709591209888458 +of:0.23080234229564667 one:0.03253118321299553 time:0.018693018704652786 distance:0.016673153266310692 :0.13953305780887604 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.04786454886198044 and:0.04491841793060303 or:0.028567243367433548 the:0.028341613709926605 :0.16377893090248108 +and:0.14546801149845123 the:0.05011659860610962 but:0.026263365522027016 as:0.02599146030843258 :0.13771690428256989 +and:0.04232799634337425 of:0.037700094282627106 the:0.032902177423238754 to:0.019564136862754822 :0.2649543285369873 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +to:0.04556085169315338 the:0.04348483681678772 and:0.037509530782699585 be:0.024387972429394722 :0.142970472574234 +by:0.3994753956794739 the:0.09194006025791168 and:0.0266964603215456 to:0.023793205618858337 :0.04114401713013649 +and:0.20706391334533691 was:0.026673603802919388 the:0.022018518298864365 but:0.021021109074354172 :0.03428648039698601 +the:0.2930736243724823 a:0.061898209154605865 this:0.0306529738008976 tho:0.018588177859783173 :0.12799875438213348 +.:0.08872297406196594 e:0.021563509479165077 ,:0.017491264268755913 -:0.015367282554507256 :0.31262391805648804 +and:0.04933557286858559 of:0.04632686451077461 the:0.009211597964167595 for:0.007901931181550026 :0.2005220651626587 +to:0.08191033452749252 by:0.07091639190912247 the:0.0581132136285305 in:0.04761660844087601 :0.0809488371014595 +than:0.2175818681716919 or:0.053848717361688614 and:0.02288156747817993 of:0.018236948177218437 :0.16857904195785522 +of:0.2939833104610443 to:0.07390662282705307 and:0.05828282609581947 in:0.056452758610248566 :0.04152676835656166 +the:0.1042250394821167 he:0.05715574696660042 I:0.0519353486597538 they:0.050759196281433105 :0.06100927293300629 +of:0.08435165137052536 likely:0.0358077771961689 be:0.02758416160941124 the:0.013074966147542 :0.20442523062229156 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +of:0.4871204197406769 to:0.15535235404968262 of.:0.12474551051855087 of,:0.1173730120062828 :0.013921916484832764 +has:0.06707195937633514 and:0.06291136890649796 is:0.05743937939405441 to:0.049258213490247726 :0.06858036667108536 +Secretary:0.08779370039701462 Postmaster:0.01741041988134384 Attorney:0.011697424575686455 Surgeon:0.00981045514345169 :0.43027907609939575 +the:0.4389490485191345 said:0.23952725529670715 a:0.022899247705936432 them:0.01870163530111313 :0.039978478103876114 +of:0.15865997970104218 that:0.05972893908619881 and:0.05444765463471413 to:0.05195211246609688 :0.05389973521232605 +and:0.0865529328584671 who:0.07276113331317902 are:0.05939659848809242 in:0.056108929216861725 :0.05244019255042076 +the:0.17917466163635254 of:0.08936300128698349 a:0.05603255704045296 by:0.03687210753560066 :0.047537919133901596 +a:0.10963194817304611 to:0.08502327650785446 the:0.07672911882400513 it:0.035420749336481094 :0.05741968750953674 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +and:0.05556876212358475 the:0.034449752420186996 of:0.030049214139580727 to:0.019115416333079338 :0.18336878716945648 +ing:0.11497927457094193 by:0.039442624896764755 to:0.03391173854470253 and:0.033844731748104095 :0.20371590554714203 +of:0.20682735741138458 to:0.08336134254932404 or:0.02794388309121132 and:0.021740108728408813 :0.07366827130317688 +same:0.028805991634726524 most:0.008346199989318848 whole:0.008326241746544838 first:0.00665195332840085 :0.13053736090660095 +and:0.08059528470039368 The:0.030947944149374962 to:0.030756404623389244 the:0.02026664838194847 :0.16424399614334106 +of:0.08818996697664261 and:0.0724136009812355 in:0.03496960550546646 the:0.02794288471341133 :0.12577039003372192 +the:0.13272123038768768 he:0.0652148500084877 it:0.05521903559565544 they:0.05108409747481346 :0.050080765038728714 +ject:0.25488999485969543 ject,:0.058665983378887177 ject.:0.044131048023700714 sequent:0.011070688255131245 :0.2378857582807541 +of:0.2962776720523834 and:0.07588408142328262 in:0.058699846267700195 to:0.03610385209321976 :0.04557839035987854 +and:0.07549327611923218 to:0.05741758644580841 by:0.039672400802373886 in:0.02432161197066307 :0.13086660206317902 +other:0.006206253077834845 said:0.004233336076140404 money:0.004153154790401459 great:0.004045094829052687 :0.25633129477500916 +of:0.3389899432659149 is:0.035152677446603775 to:0.027057377621531487 shall:0.026732100173830986 :0.05819923058152199 +the:0.20247672498226166 a:0.054165374487638474 his:0.01767668128013611 this:0.012708593159914017 :0.12254855036735535 +said:0.009923123754560947 other:0.007762189023196697 same:0.006052426993846893 sum:0.00591352628543973 :0.14410075545310974 +of:0.13562044501304626 and:0.043549153953790665 to:0.014658039435744286 the:0.011333616450428963 :0.21024098992347717 +the:0.13360047340393066 a:0.045016780495643616 this:0.027099626138806343 that:0.011241689324378967 :0.1588335633277893 +and:0.02675413340330124 of:0.022419298067688942 property:0.007429138757288456 at:0.006608100607991219 :0.16581834852695465 +and:0.03766028583049774 of:0.016575517132878304 The:0.008085190318524837 the:0.00666768616065383 :0.4139397442340851 +a:0.13403676450252533 the:0.06944283097982407 not:0.04981841892004013 an:0.016019992530345917 :0.07908862084150314 +the:0.2875301241874695 said:0.06391450762748718 this:0.040198467671871185 such:0.03414550796151161 :0.08952660858631134 +of:0.2921178638935089 and:0.14263705909252167 to:0.026317274197936058 was:0.02148498222231865 :0.03374343737959862 +to:0.29070714116096497 down:0.06882886588573456 out:0.06487222015857697 into:0.05751277506351471 :0.04512389376759529 +large:0.02364407479763031 few:0.01728307455778122 man:0.013660438358783722 great:0.013646011240780354 :0.14666728675365448 +one:0.09019755572080612 other:0.05139997601509094 matter:0.022019902244210243 less:0.01692112348973751 :0.13951121270656586 +of:0.18056714534759521 and:0.09990624338388443 in:0.0486229807138443 were:0.03365928307175636 :0.03296858072280884 +to:0.050846703350543976 of:0.027648022398352623 the:0.018562350422143936 and:0.01785566285252571 :0.2370477020740509 +known:0.09242534637451172 and:0.04865977168083191 as:0.020460082218050957 to:0.018650813028216362 :0.14326149225234985 +The:0.1254327893257141 It:0.04259292408823967 He:0.028122419491410255 I:0.02336069755256176 :0.18380114436149597 +the:0.23887193202972412 said:0.03738672286272049 a:0.028022414073348045 this:0.020881563425064087 :0.1817537248134613 +and:0.02893851324915886 the:0.025734037160873413 to:0.024997413158416748 from:0.02305576018989086 :0.2586900591850281 +citizens:0.018703220412135124 people:0.015886317938566208 and:0.011664429679512978 labor:0.007495364639908075 :0.26402926445007324 +the:0.30585014820098877 a:0.047939006239175797 this:0.037299178540706635 that:0.028485743328928947 :0.1664285510778427 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +life:0.018432386219501495 friends:0.012531373649835587 own:0.011021743528544903 way:0.008073189295828342 :0.2266942858695984 +of:0.12571761012077332 and:0.06984952837228775 is:0.05243024230003357 was:0.052082642912864685 :0.05421314388513565 +much:0.048686444759368896 far:0.026141542941331863 that:0.024989483878016472 many:0.023842699825763702 :0.2135281264781952 +man:0.03390689939260483 and:0.015133431181311607 fashioned:0.008222173899412155 lady:0.007655096240341663 :0.2081519365310669 +the:0.31590983271598816 a:0.04134795442223549 which:0.026180822402238846 this:0.026129037141799927 :0.0867050513625145 +years:0.07293478399515152 times:0.05203195661306381 of:0.03376827761530876 or:0.02916914038360119 :0.11744389683008194 +the:0.1055237352848053 a:0.07039692252874374 by:0.03644769638776779 and:0.02746640518307686 :0.12727487087249756 +the:0.24357330799102783 a:0.03809281438589096 his:0.02313445322215557 work:0.013940239325165749 :0.16868765652179718 +of:0.11563356220722198 or:0.06673209369182587 years:0.030941160395741463 ago:0.016936782747507095 :0.14487095177173615 +other:0.008251573890447617 people:0.008140482008457184 same:0.006771894637495279 money:0.005846771411597729 :0.19119159877300262 +and:0.052152518182992935 many:0.016856325790286064 deal:0.012340492568910122 advantage:0.007211668416857719 :0.20417417585849762 +have:0.05624014511704445 am:0.039346255362033844 was:0.03207045793533325 could:0.024339675903320312 :0.09699054062366486 +to:0.33910930156707764 and:0.024994706735014915 in:0.012387705966830254 for:0.011752225458621979 :0.15724903345108032 +elected:0.01685057021677494 wedded:0.0142666669562459 made:0.009073462337255478 and:0.008891108445823193 :0.19300074875354767 +of:0.135865718126297 who:0.08545701205730438 and:0.07132581621408463 in:0.05988011136651039 :0.0398704968392849 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +is:0.2288176268339157 was:0.13438795506954193 would:0.0542435348033905 will:0.03633933141827583 :0.048307500779628754 +the:0.32763490080833435 this:0.05052647739648819 a:0.04919663071632385 his:0.020132899284362793 :0.0590176023542881 +of:0.22940485179424286 year:0.03262566775083542 and:0.018170801922678947 or:0.016330180689692497 :0.09296297281980515 +Department,:0.08254754543304443 Department:0.08038198947906494 to:0.056561436504125595 of:0.05574951693415642 :0.11494988948106766 +the:0.03581967204809189 of:0.028328843414783478 in:0.024624651297926903 to:0.02036096900701523 :0.3595767319202423 +every:0.11386161297559738 a:0.038692060858011246 the:0.035369616001844406 any:0.02594742923974991 :0.19986513257026672 +purpose:0.029215512797236443 purposes:0.018422048538923264 reason:0.012513911351561546 work:0.01111133024096489 :0.28608372807502747 +the:0.3908737599849701 a:0.036821190267801285 tho:0.024468589574098587 this:0.02420302852988243 :0.06633903831243515 +and:0.22727596759796143 the:0.038064002990722656 or:0.02783997356891632 to:0.02692384272813797 :0.07375364005565643 +time:0.04234980419278145 Court,:0.02424471825361252 is:0.02215915359556675 was:0.01688281260430813 :0.12356537580490112 +the:0.4850117564201355 a:0.04935574159026146 this:0.020579105243086815 their:0.02005317248404026 :0.05336764082312584 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +of:0.07341516017913818 and:0.05272528529167175 to:0.02722354792058468 the:0.02488158643245697 :0.1295325756072998 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.09729675948619843 it:0.04769623652100563 he:0.027081863954663277 they:0.02597961015999317 :0.0797344520688057 +The:0.14356425404548645 It:0.0698893666267395 A:0.02786864899098873 He:0.02333279699087143 :0.11320258677005768 +and:0.01733788661658764 work:0.014769197441637516 efforts:0.00739186629652977 that:0.006117372307926416 :0.22873501479625702 +out:0.12797684967517853 to:0.0827341079711914 off:0.04993986710906029 down:0.04968152195215225 :0.048827461898326874 +the:0.29383352398872375 a:0.09326738119125366 his:0.019614731892943382 an:0.0170234777033329 :0.07414188235998154 +few:0.04025372117757797 two:0.03489880636334419 year:0.026048488914966583 of:0.02550877071917057 :0.12633731961250305 +to:0.3906438648700714 of:0.24417419731616974 for:0.04705905169248581 that:0.02808118239045143 :0.023836031556129456 +been:0.014955691993236542 time:0.012071261182427406 a:0.01130571961402893 and:0.010879864916205406 :0.1721874475479126 +.:0.7168788313865662 .,:0.04775042086839676 .;:0.018872583284974098 and:0.008354727178812027 :0.1094856932759285 +the:0.07028713077306747 a:0.05960715934634209 not:0.04564579948782921 to:0.04165620729327202 :0.10654829442501068 +the:0.05303024873137474 a:0.01747840829193592 it:0.010105193592607975 to:0.0095517011359334 :0.18326865136623383 +of:0.22290436923503876 and:0.11841119080781937 in:0.0378669872879982 for:0.018568046391010284 :0.11293337494134903 +was:0.040192779153585434 and:0.03900322690606117 of:0.031873732805252075 is:0.026363397017121315 :0.1517830193042755 +of:0.46961501240730286 to:0.04100858420133591 and:0.0399668887257576 in:0.038402657955884933 :0.03922190144658089 +and:0.017531830817461014 as:0.01466007437556982 in:0.010240770876407623 the:0.009459082968533039 :0.22536402940750122 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +sidered:0.1270875185728073 tinued:0.11904001235961914 ducted:0.07565532624721527 cluded:0.02995605207979679 :0.25935614109039307 +the:0.21515876054763794 a:0.046542078256607056 that:0.044530075043439865 and:0.03302840515971184 :0.0385616235435009 +a:0.048999834805727005 the:0.03182081878185272 not:0.02243252843618393 made:0.02207305282354355 :0.11368195712566376 +of:0.8238486051559448 ot:0.025815529748797417 and:0.014790816232562065 for:0.01267896220088005 :0.008374633267521858 +the:0.04429008439183235 and:0.04007980227470398 to:0.029510224238038063 be:0.029147403314709663 :0.16529810428619385 +the:0.03605908527970314 political:0.016383100301027298 a:0.01349872536957264 more:0.011329609900712967 :0.23329196870326996 +and:0.1462019830942154 the:0.03225437551736832 with:0.02230316773056984 to:0.022040698677301407 :0.11056163161993027 +the:0.06706669926643372 to:0.04684632271528244 and:0.04143446683883667 that:0.03914074972271919 :0.15241463482379913 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.07949985563755035 the:0.04201403260231018 and:0.025512950494885445 4:0.022482357919216156 :0.1773688793182373 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +was:0.07589242607355118 had:0.06941252946853638 are:0.04950590804219246 has:0.04946213215589523 :0.08267950266599655 +arrival:0.03522907942533493 death:0.029132535681128502 own:0.026944488286972046 first:0.02255258709192276 :0.1496623009443283 +the:0.05546777322888374 to:0.04231332615017891 and:0.030342699959874153 a:0.028691308572888374 :0.14267094433307648 +and:0.0794912576675415 in:0.0724211111664772 at:0.041882243007421494 for:0.03733509033918381 :0.04174701124429703 +and:0.13114352524280548 of:0.057836782187223434 was:0.025100208818912506 is:0.018396228551864624 :0.08549503237009048 +the:0.12430070340633392 by:0.04225270450115204 a:0.038470592349767685 and:0.03827095776796341 :0.052270978689193726 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +and:0.011633109301328659 to:0.008450556546449661 of:0.00723256403580308 system:0.00710630277171731 :0.14156824350357056 +bank:0.01728058233857155 Bank:0.01683196984231472 and:0.011150751262903214 Court:0.008729968219995499 :0.23018121719360352 +of:0.12787644565105438 one:0.04377369582653046 two:0.02143401838839054 and:0.020344547927379608 :0.20037874579429626 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +few:0.04173719882965088 long:0.0287786852568388 moment:0.023501865565776825 period:0.016202857717871666 :0.13833703100681305 +the:0.21913392841815948 a:0.045292358845472336 that:0.026020053774118423 and:0.01877940073609352 :0.10988514870405197 +fever:0.06208587810397148 and:0.0431881807744503 fever,:0.029647720977663994 the:0.011604989878833294 :0.32163122296333313 +of:0.1648058146238327 in:0.040854886174201965 and:0.03976389020681381 are:0.03477873280644417 :0.03712424635887146 +and:0.05618410184979439 the:0.03402279317378998 in:0.02113320492208004 of:0.017953181639313698 :0.163044273853302 +the:0.09719415754079819 a:0.03442246839404106 by:0.023319412022829056 to:0.02330094948410988 :0.1943916529417038 +be:0.490010142326355 have:0.056718599051237106 not:0.04596603661775589 bo:0.018642602488398552 :0.030767878517508507 +the:0.2210799902677536 a:0.04567909240722656 this:0.031053489074110985 tho:0.02067658305168152 :0.14637210965156555 +the:0.0896521583199501 and:0.051157526671886444 he:0.04858202114701271 was:0.04347009211778641 :0.0485263392329216 +and:0.10959988087415695 the:0.0608784556388855 in:0.03893810883164406 which:0.03058101050555706 :0.13326536118984222 +the:0.2935016453266144 a:0.057452429085969925 his:0.037807442247867584 Mr.:0.01593155786395073 :0.08957044035196304 +the:0.13917595148086548 be:0.09075018763542175 have:0.017781201750040054 make:0.01356364693492651 :0.06964419037103653 +part:0.05361747369170189 is:0.04588555917143822 was:0.029905181378126144 of:0.029749060049653053 :0.12716515362262726 +country:0.01565433293581009 whole:0.011665454134345055 country.:0.007986258715391159 entire:0.007771843578666449 :0.21156960725784302 +Francisco:0.10597648471593857 Francisco,:0.10303051024675369 Francisco;:0.06890743970870972 Francisco.:0.04865415766835213 :0.4512825012207031 +the:0.1302197128534317 that:0.020580533891916275 a:0.016193918883800507 it:0.013704982586205006 :0.12915588915348053 +than:0.0954120084643364 and:0.0729638934135437 to:0.033711157739162445 the:0.026513701304793358 :0.13216593861579895 +most:0.006386825814843178 fact:0.005303066689521074 first:0.004626491107046604 same:0.004485778976231813 :0.3611123561859131 +been:0.11867491900920868 a:0.03702731430530548 not:0.031860221177339554 no:0.028345873579382896 :0.0846729427576065 +to:0.06653008610010147 the:0.04482962563633919 by:0.04345634952187538 in:0.03242342919111252 :0.12501561641693115 +to:0.11073695868253708 and:0.09835278242826462 was:0.05399108678102493 in:0.05334118381142616 :0.048433173447847366 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.12756997346878052 the:0.12547270953655243 of:0.03125619515776634 in:0.030746767297387123 :0.14193487167358398 +of:0.14510226249694824 and:0.07200882583856583 for:0.058649253100156784 to:0.054723408073186874 :0.07534828037023544 +the:0.13633567094802856 and:0.06963920593261719 tho:0.014722464606165886 it:0.014382735826075077 :0.0778593122959137 +a:0.12971998751163483 the:0.12853862345218658 to:0.0824049860239029 an:0.01989472284913063 :0.08919485658407211 +fact:0.007926806807518005 old:0.005566352978348732 following:0.0055622621439397335 first:0.0052462127059698105 :0.17026609182357788 +much:0.06517777591943741 little:0.022199276834726334 well:0.018956338986754417 large:0.014953491277992725 :0.20303836464881897 +few:0.08213896304368973 year:0.03838033974170685 period:0.0334433987736702 long:0.03071335144340992 :0.117318294942379 +a:0.21948279440402985 the:0.1734217256307602 that:0.032328300178050995 to:0.024615496397018433 :0.09843508899211884 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.05834200233221054 expanse:0.0169915072619915 power:0.006635219324380159 fields:0.004790588282048702 :0.25552886724472046 +wife,:0.03510062023997307 own:0.020067038014531136 wife:0.01520314160734415 head:0.011249985545873642 :0.2084280103445053 +and:0.07494914531707764 Oats,:0.06220848858356476 the:0.02144777961075306 in:0.01322563923895359 :0.22417685389518738 +the:0.25252410769462585 a:0.08436551690101624 their:0.011943100020289421 this:0.011543992906808853 :0.0901750847697258 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +out:0.034240204840898514 in:0.02099352702498436 to:0.019677508622407913 the:0.017684096470475197 :0.1485043168067932 +for:0.4112039804458618 to:0.11342748254537582 by:0.047641322016716 at:0.03172659873962402 :0.02037113346159458 +be:0.18341779708862305 have:0.10335792601108551 do:0.017976023256778717 only:0.01445653848350048 :0.06382986158132553 +and:0.08241207897663116 but:0.044500987976789474 in:0.030612630769610405 or:0.023887865245342255 :0.14929959177970886 +the:0.2959972321987152 a:0.043510403484106064 any:0.03461872786283493 his:0.017364967614412308 :0.11507651209831238 +and:0.04499659687280655 of:0.02977956086397171 the:0.025983009487390518 in:0.02420489862561226 :0.1592469960451126 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.07777158915996552 and:0.07025216519832611 to:0.022204207256436348 in:0.01804758422076702 :0.2137424647808075 +the:0.1838206648826599 it:0.04229862987995148 there:0.039395567029714584 he:0.03148328885436058 :0.08599834144115448 +County,:0.19420504570007324 and:0.020917817950248718 ing:0.01724681258201599 the:0.011432260274887085 :0.13414987921714783 +the:0.10242733359336853 a:0.029537353664636612 that:0.026819735765457153 in:0.01908198930323124 :0.11558033525943756 +1,:0.17542250454425812 1st,:0.03943680599331856 10,:0.02177291177213192 and:0.02172396332025528 :0.10135098546743393 +the:0.13724327087402344 a:0.08364028483629227 out:0.048137642443180084 up:0.0431290902197361 :0.041123226284980774 +of:0.03652607649564743 and:0.03647498041391373 the:0.014164487831294537 C.:0.013577667064964771 :0.2422761470079422 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +The:0.09676183760166168 It:0.05558295175433159 He:0.05401918292045593 I:0.03390400856733322 :0.10269643366336823 +been:0.2989788353443146 to:0.0911962240934372 a:0.022661350667476654 the:0.01711060293018818 :0.05159810930490494 +to:0.16665053367614746 by:0.07759644836187363 that:0.059768274426460266 the:0.04689952731132507 :0.12985345721244812 +be:0.17799894511699677 have:0.0667298436164856 see:0.027912363409996033 get:0.026959897950291634 :0.07984307408332825 +of:0.2985839545726776 and:0.05412060022354126 to:0.018845628947019577 in:0.015830732882022858 :0.12653471529483795 +and:0.02938757836818695 school:0.02233218215405941 in:0.01671956479549408 is:0.016308046877384186 :0.14205409586429596 +the:0.31414470076560974 a:0.05027027055621147 this:0.019830910488963127 his:0.0188104510307312 :0.100152887403965 +the:0.2198028266429901 he:0.0658419206738472 they:0.048402708023786545 it:0.04108859598636627 :0.05814746394753456 +to:0.47190454602241516 by:0.06025806814432144 for:0.028676362708210945 from:0.027861837297677994 :0.027218353003263474 +said:0.03194499388337135 same:0.013452521525323391 public:0.007368804886937141 law:0.007339472882449627 :0.14773054420948029 +to:0.15663279592990875 that:0.08939298242330551 as:0.07530321925878525 in:0.04736604169011116 :0.09800858795642853 +the:0.1435544192790985 he:0.030533237382769585 a:0.026048103347420692 it:0.018529530614614487 :0.06127814203500748 +by:0.13349352777004242 in:0.11810314655303955 and:0.08086851984262466 at:0.04219575226306915 :0.15285846590995789 +of:0.0159669928252697 side:0.015252215787768364 and:0.008656306192278862 line:0.0073427362367510796 :0.17801785469055176 +the:0.044416576623916626 a:0.015316643752157688 Mrs.:0.011742956005036831 who:0.007002025377005339 :0.25021791458129883 +and:0.04676903039216995 to:0.04281940683722496 of:0.02542080171406269 the:0.02518204040825367 :0.1474107801914215 +been:0.2321467250585556 a:0.04595229774713516 the:0.02384788915514946 to:0.022289443761110306 :0.09240269660949707 +and:0.11392022669315338 the:0.04424228519201279 in:0.02930455654859543 but:0.02172047644853592 :0.08200287818908691 +of:0.5312604904174805 and:0.0524282269179821 at:0.02488354593515396 by:0.020982181653380394 :0.028290297836065292 +for:0.4261644780635834 to:0.16238994896411896 at:0.027149569243192673 and:0.02309168502688408 :0.02288678288459778 +a:0.3037778437137604 an:0.03268226981163025 as:0.026926768943667412 the:0.02598058432340622 :0.15611112117767334 +the:0.22168396413326263 a:0.03237489238381386 his:0.014915958978235722 be:0.010831191204488277 :0.16891804337501526 +and:0.015430949628353119 the:0.007608254440128803 end:0.006541434675455093 -:0.004284147638827562 :0.5847490429878235 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.8174176216125488 to:0.020509108901023865 ot:0.01573389209806919 and:0.01016412116587162 :0.009353199042379856 +of:0.08206291496753693 year:0.049126140773296356 year,:0.0441197045147419 county:0.04284447804093361 :0.09089559316635132 +and:0.0953281819820404 in:0.03594456985592842 by:0.02064637653529644 to:0.020402951166033745 :0.16297496855258942 +and:0.10626580566167831 or:0.013294586911797523 obligation:0.011120079085230827 character:0.01044435054063797 :0.28048741817474365 +the:0.08297193795442581 a:0.028034966439008713 to:0.024442600086331367 that:0.018689800053834915 :0.187949538230896 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +was:0.0399346798658371 and:0.03618969768285751 has:0.02465524524450302 had:0.018727794289588928 :0.287934809923172 +a:0.025369221344590187 in:0.022883230820298195 the:0.022249184548854828 made:0.015609316527843475 :0.11597592383623123 +and:0.05108359083533287 of:0.03831174969673157 the:0.03339599072933197 to:0.03040711022913456 :0.11775372922420502 +days:0.06454998254776001 of:0.05388319492340088 years:0.051125556230545044 weeks:0.019355179741978645 :0.1808045506477356 +of:0.11073028296232224 in:0.05361664295196533 to:0.0459340363740921 and:0.042079050093889236 :0.07391884922981262 +the:0.05559900403022766 be:0.039043672382831573 resell:0.03637052699923515 do:0.02950275130569935 :0.11929477006196976 +had:0.07112754136323929 was:0.06869406998157501 would:0.03538864105939865 has:0.03457903116941452 :0.06514116376638412 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.11204513907432556 place:0.09332002699375153 a:0.06401710212230682 to:0.039832573384046555 :0.04945223778486252 +than:0.09834589064121246 be:0.08959915488958359 to:0.055474042892456055 and:0.03117366135120392 :0.09884131699800491 +the:0.12344095855951309 to:0.021878011524677277 a:0.018527952954173088 in:0.01604781486093998 :0.1075499951839447 +the:0.27303963899612427 a:0.04202751815319061 this:0.01966254785656929 their:0.0193093903362751 :0.0820409432053566 +to:0.28731685876846313 into:0.05198277160525322 in:0.0486849807202816 out:0.046347249299287796 :0.03870547190308571 +the:0.04850277677178383 men:0.02316298335790634 years:0.019446006044745445 persons:0.016547976061701775 :0.1883264034986496 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +the:0.060210876166820526 and:0.05414855107665062 that:0.0281931534409523 which:0.022138411179184914 :0.1596810519695282 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +few:0.17626139521598816 small:0.031137067824602127 short:0.029327936470508575 little:0.01848946511745453 :0.14533361792564392 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.06246304512023926 is:0.04463553801178932 was:0.03632001206278801 to:0.021550163626670837 :0.08552880585193634 +of:0.05371898412704468 and:0.04687049239873886 the:0.0311437901109457 to:0.020153576508164406 :0.13871237635612488 +a:0.06283450871706009 the:0.034799035638570786 not:0.023752180859446526 made:0.01967252977192402 :0.15429215133190155 +of:0.6280695199966431 and:0.031829044222831726 in:0.017704982310533524 to:0.017422597855329514 :0.03565807268023491 +the:0.11069877445697784 a:0.025516517460346222 that:0.019800210371613503 it:0.016935402527451515 :0.12397076934576035 +of:0.10183572769165039 in:0.0485357791185379 and:0.026553191244602203 on:0.021053975448012352 :0.10055781900882721 +and:0.056593410670757294 the:0.05118245258927345 to:0.02888179011642933 of:0.026686614379286766 :0.1639346331357956 +the:0.0683101937174797 be:0.04559444263577461 do:0.023298384621739388 make:0.016927843913435936 :0.10965483635663986 +to:0.0749620869755745 that:0.06382088363170624 as:0.038908444344997406 a:0.024050572887063026 :0.10024303197860718 +are:0.10837504267692566 were:0.10368484258651733 who:0.06537691503763199 and:0.054629385471343994 :0.058246780186891556 +and:0.06313679367303848 in:0.049026090651750565 the:0.04788094386458397 of:0.03737092390656471 :0.04917218163609505 +and:0.13700023293495178 of:0.06634528189897537 in:0.05037595331668854 as:0.032885026186704636 :0.056474994868040085 +and:0.07362469285726547 from:0.07312159985303879 to:0.04957858845591545 of:0.044306181371212006 :0.06478311866521835 +the:0.07730517536401749 a:0.07729024440050125 to:0.05089469999074936 not:0.026251936331391335 :0.135720357298851 +the:0.11122878640890121 a:0.019547639414668083 other:0.016795998439192772 of:0.008290880359709263 :0.12627890706062317 +the:0.1962306648492813 a:0.10816946625709534 his:0.026233132928609848 their:0.01892569288611412 :0.09669415652751923 +people:0.00818653218448162 first:0.006499439012259245 said:0.006098995450884104 same:0.005887067411094904 :0.16149355471134186 +are:0.07672853022813797 have:0.055875327438116074 had:0.04855307936668396 were:0.04322364181280136 :0.07379935681819916 +are:0.16952575743198395 have:0.10451766103506088 were:0.08907166123390198 will:0.03435058891773224 :0.05966568738222122 +the:0.22242389619350433 a:0.0826568454504013 their:0.030761169269680977 his:0.023003963753581047 :0.09346654266119003 +and:0.13501949608325958 to:0.07858367264270782 in:0.043434400111436844 of:0.040736548602581024 :0.12677794694900513 +to:0.18032218515872955 into:0.057419564574956894 out:0.038189567625522614 wrong,:0.03712452948093414 :0.06385046243667603 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +and:0.07358168065547943 to:0.025936035439372063 City:0.02133246883749962 city:0.021315742284059525 :0.1202877089381218 +have:0.1783234179019928 not:0.09404288977384567 be:0.08206968009471893 make:0.019270034506917 :0.07555994391441345 +the:0.09495728462934494 a:0.08930957317352295 any:0.06831306219100952 regard:0.015340103767812252 :0.18324607610702515 +duty:0.04107699170708656 name:0.03377552703022957 names:0.027768608182668686 mind:0.009455015882849693 :0.10470107197761536 +and:0.04842771962285042 of:0.04289545118808746 the:0.030967380851507187 in:0.014191187918186188 :0.21470347046852112 +The:0.1763583868741989 In:0.0534333698451519 He:0.03568281978368759 It:0.029592834413051605 :0.12164076417684555 +The:0.15227696299552917 It:0.05481014773249626 He:0.04550540819764137 I:0.04327329993247986 :0.05577242001891136 +tional:0.28222447633743286 tion:0.23140683770179749 tion,:0.15581290423870087 tion.:0.07828783243894577 :0.0747235119342804 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.16428975760936737 a:0.09351556748151779 up:0.0551927387714386 care:0.04256351664662361 :0.04665413498878479 +to:0.3510732054710388 and:0.08461179584264755 than:0.03986811265349388 the:0.03201611712574959 :0.045071039348840714 +the:0.1670811027288437 you:0.051480911672115326 he:0.04553132876753807 a:0.03834613785147667 :0.07265210151672363 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.7100686430931091 in:0.022383060306310654 and:0.020318420603871346 ot:0.014074709266424179 :0.013563769869506359 +made:0.02874196507036686 was:0.025638515129685402 published:0.02212006039917469 the:0.01899331994354725 :0.1696501523256302 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +the:0.02506069280207157 and:0.018747515976428986 of:0.013022293336689472 a:0.01154019869863987 :0.3516221344470978 +the:0.26870816946029663 a:0.06684480607509613 this:0.014987788163125515 some:0.014562920667231083 :0.12993335723876953 +to:0.12129074335098267 and:0.09907569736242294 in:0.018075155094265938 with:0.012880843132734299 :0.2762906551361084 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.2437284290790558 a:0.04830251261591911 which:0.030023405328392982 this:0.027794916182756424 :0.10875911265611649 +in:0.12909717857837677 to:0.07755927741527557 and:0.06545930355787277 of:0.05797139182686806 :0.04549473896622658 +the:0.06087623909115791 a:0.0473453626036644 be:0.038083821535110474 it:0.013805573806166649 :0.09728558361530304 +the:0.47399333119392395 a:0.08448959141969681 his:0.02410067804157734 tho:0.01997571438550949 :0.05636399984359741 +the:0.41186168789863586 a:0.021869532763957977 said:0.017657464370131493 tho:0.01694398932158947 :0.09521114081144333 +ful:0.2477159947156906 and:0.040361952036619186 of:0.028940873220562935 the:0.017175083979964256 :0.20126228034496307 +good:0.036293886601924896 right:0.028843870386481285 great:0.024522116407752037 large:0.020856451243162155 :0.12727755308151245 +and:0.05354657396674156 many:0.015584508888423443 deal:0.011361238546669483 extent:0.010320545174181461 :0.13722054660320282 +be:0.3047565221786499 have:0.10296955704689026 not:0.025267811492085457 bo:0.023262502625584602 :0.08740321546792984 +than:0.17978543043136597 to:0.019817272201180458 or:0.019009165465831757 of:0.013771855272352695 :0.14378096163272858 +of:0.27674421668052673 who:0.0526159293949604 to:0.04227253422141075 are:0.03817153722047806 :0.036899711936712265 +be:0.13634443283081055 have:0.10136276483535767 not:0.06976283341646194 make:0.02963562123477459 :0.061198100447654724 +and:0.05240340903401375 of:0.03192923218011856 the:0.027440614998340607 to:0.01839822717010975 :0.13126780092716217 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +the:0.18411965668201447 a:0.14085233211517334 an:0.022789394482970238 their:0.017682626843452454 :0.08452640473842621 +one:0.07844197005033493 man:0.03817398473620415 person:0.028121745213866234 other:0.018504662439227104 :0.12392283231019974 +way:0.07431015372276306 country:0.044703979045152664 city:0.03443925455212593 case:0.026082543656229973 :0.11515641957521439 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.5488104820251465 at:0.04479953274130821 in:0.025360532104969025 and:0.02534765936434269 :0.025285571813583374 +to:0.0617847666144371 and:0.056903332471847534 the:0.04066482558846474 in:0.023977184668183327 :0.19643162190914154 +the:0.17025001347064972 a:0.06373907625675201 to:0.0613563135266304 in:0.03161603957414627 :0.08645963668823242 +river:0.037053171545267105 road:0.018754074349999428 river,:0.010447392240166664 hill:0.008143287152051926 :0.20680589973926544 +of:0.4705696105957031 to:0.08838354051113129 and:0.06742697209119797 or:0.02598031982779503 :0.02444487251341343 +whole:0.008085748180747032 first:0.006178984884172678 same:0.004674582742154598 entire:0.004549868870526552 :0.17836801707744598 +one:0.05819479748606682 action:0.03840614855289459 doubt:0.032027218490839005 other:0.022031348198652267 :0.13803201913833618 +and:0.08603502064943314 the:0.02935086376965046 a:0.015201345086097717 but:0.0137934610247612 :0.23254719376564026 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +a:0.034536149352788925 the:0.031050221994519234 in:0.025251876562833786 to:0.019825773313641548 :0.13059863448143005 +and:0.057574234902858734 to:0.040738221257925034 the:0.040714580565690994 The:0.018578946590423584 :0.1776007115840912 +a:0.06321436911821365 not:0.04358164966106415 the:0.04060356318950653 to:0.035082556307315826 :0.1152920350432396 +the:0.2453681081533432 a:0.03527011722326279 this:0.015757495537400246 least:0.01323202159255743 :0.2719312012195587 +and:0.443559467792511 street:0.21728917956352234 street,:0.049003422260284424 street.:0.03803529962897301 :0.06361433863639832 +mortgage:0.0574171356856823 the:0.01510787196457386 he:0.011832457035779953 petition:0.011126866564154625 :0.1374414712190628 +country:0.04513436183333397 city:0.032488130033016205 time:0.012945633381605148 city,:0.012899253517389297 :0.11745162308216095 +the:0.11463956534862518 and:0.04519730061292648 in:0.03533104434609413 of:0.032681744545698166 :0.06629642099142075 +self:0.5613585114479065 self.:0.15289531648159027 self,:0.07032410055398941 ing:0.012878029607236385 :0.04675263166427612 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +to:0.295687198638916 for:0.14776265621185303 that:0.04492858052253723 by:0.04195927456021309 :0.035504356026649475 +the:0.547620952129364 a:0.027856938540935516 his:0.024537624791264534 this:0.022782335057854652 :0.03272087499499321 +be:0.4059838056564331 not:0.05176107585430145 have:0.02353568561375141 bo:0.015480675734579563 :0.04669501259922981 +a:0.16720211505889893 an:0.03514568880200386 as:0.029508087784051895 time:0.02118551731109619 :0.15022790431976318 +to:0.026271343231201172 husband,:0.018083052709698677 in:0.014517085626721382 own:0.01379569061100483 :0.2160612940788269 +ning:0.21747201681137085 ry:0.164622962474823 ing:0.06788920611143112 ning.:0.052888911217451096 :0.14282961189746857 +of:0.11548694968223572 cutter:0.042431481182575226 for:0.04049428924918175 to:0.029272500425577164 :0.1411968320608139 +deg.:0.06601886451244354 and:0.04097166657447815 to:0.03282342478632927 degrees:0.02874535694718361 :0.2599015235900879 +only:0.04133141413331032 most:0.03888779878616333 best:0.025256868451833725 same:0.01565677486360073 :0.15790358185768127 +from:0.365961492061615 in:0.11419793963432312 on:0.02919989638030529 to:0.028307771310210228 :0.0683460459113121 +the:0.029024705290794373 and:0.015419402159750462 of:0.015077248215675354 a:0.014097667299211025 :0.21858176589012146 +the:0.0739368349313736 a:0.028821615502238274 in:0.014546183869242668 it:0.011728770099580288 :0.17070616781711578 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +in:0.17237026989459991 to:0.08810829371213913 a:0.06624514609575272 for:0.037267521023750305 :0.03999222069978714 +ful:0.05680147558450699 and:0.056164536625146866 yer:0.03407680615782738 of:0.018675532191991806 :0.33072468638420105 +and:0.05683501064777374 the:0.028887897729873657 of:0.02445009909570217 in:0.015425767749547958 :0.22066165506839752 +the:0.047605663537979126 get:0.033736564218997955 be:0.03263046219944954 make:0.02906986139714718 :0.07485891878604889 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +time:0.04074019938707352 condition:0.01776815764605999 time,:0.017755234614014626 time.:0.016867630183696747 :0.11599382013082504 +to:0.05992542579770088 and:0.04856923222541809 of:0.033293239772319794 by:0.0302530936896801 :0.16661123931407928 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +and:0.2270689755678177 she:0.027806514874100685 but:0.026708411052823067 the:0.025897962972521782 :0.07493910193443298 +the:0.21615161001682281 a:0.0370953269302845 his:0.030528487637639046 course,:0.02050820365548134 :0.1335894912481308 +of:0.10262475162744522 in:0.06904137134552002 by:0.054318178445100784 to:0.028824180364608765 :0.12292696535587311 +and:0.05995800346136093 of:0.019761694595217705 the:0.01845952682197094 in:0.018409229815006256 :0.20732823014259338 +is:0.33399757742881775 was:0.1679321527481079 has:0.043254680931568146 would:0.027958296239376068 :0.03231305629014969 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +in:0.038734741508960724 the:0.02594873495399952 of:0.018407287076115608 a:0.013381392695009708 :0.22298580408096313 +was:0.12114822119474411 had:0.07764484733343124 would:0.04998815432190895 has:0.04153924435377121 :0.10258947312831879 +to:0.18486785888671875 on:0.06101202592253685 into:0.04840746894478798 down:0.04232712462544441 :0.04803390055894852 +to:0.06807815283536911 the:0.04898178204894066 and:0.02720005437731743 The:0.018343985080718994 :0.12352012097835541 +to:0.0693836659193039 and:0.06617239862680435 in:0.05051368847489357 for:0.0403001494705677 :0.10294541716575623 +most:0.04713147133588791 best:0.023611828684806824 only:0.02107817679643631 same:0.015984224155545235 :0.18346810340881348 +a:0.18837928771972656 the:0.06356962025165558 to:0.04615611955523491 not:0.03724807873368263 :0.12016302347183228 +a:0.1593262106180191 the:0.048157352954149246 so:0.031246673315763474 more:0.02321767620742321 :0.1898340880870819 +be:0.2126091718673706 not:0.07177471369504929 have:0.06272054463624954 make:0.01748364418745041 :0.08278496563434601 +are:0.1367880403995514 were:0.08319137245416641 have:0.06948600709438324 had:0.03500479459762573 :0.0830131471157074 +of:0.29949164390563965 in:0.044006094336509705 the:0.04390664026141167 and:0.03210859373211861 :0.0629919171333313 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +the:0.4433015286922455 a:0.037802714854478836 tho:0.027547400444746017 their:0.016438385471701622 :0.06421096622943878 +and:0.04712817445397377 to:0.030630607157945633 the:0.022461604326963425 at:0.016596416011452675 :0.2099650353193283 +is:0.11581960320472717 of:0.08169542998075485 and:0.07209960371255875 was:0.05739815905690193 :0.047048311680555344 +is:0.07484179735183716 was:0.03279593214392662 will:0.012481746263802052 Is:0.010048060677945614 :0.14144301414489746 +of:0.8877962827682495 ot:0.013725283555686474 and:0.012386806309223175 in:0.009293715469539165 :0.00893374253064394 +and:0.11190830171108246 of:0.04297672212123871 to:0.03228325396776199 was:0.025957277044653893 :0.0772583857178688 +in:0.4788610339164734 In:0.05332713574171066 and:0.032239098101854324 on:0.031132210046052933 :0.04784233868122101 +the:0.13002625107765198 that:0.03703881427645683 he:0.029940973967313766 a:0.02522929199039936 :0.05282090604305267 +The:0.1717197299003601 It:0.06557605415582657 In:0.04903189465403557 He:0.03676585853099823 :0.08321966975927353 +the:0.411485880613327 a:0.08182467520236969 tho:0.022188600152730942 this:0.014000807888805866 :0.08222266286611557 +own:0.033509209752082825 friends:0.012934176251292229 life:0.012018291279673576 life.:0.006936667952686548 :0.18625524640083313 +of:0.10495290905237198 and:0.055231161415576935 to:0.05335560068488121 in:0.049452077597379684 :0.09158145636320114 +same:0.05667797103524208 size:0.0116123016923666 middle:0.011247881688177586 time:0.010165534913539886 :0.15743552148342133 +a:0.23313692212104797 the:0.0815260112285614 no:0.03339436277747154 an:0.032783735543489456 :0.06630054116249084 +the:0.39747315645217896 a:0.04408152401447296 his:0.026776786893606186 this:0.020084839314222336 :0.0882977843284607 +have:0.08233807235956192 are:0.06689826399087906 were:0.03733431175351143 will:0.03427731618285179 :0.0940001979470253 +a:0.051961977034807205 the:0.03721695393323898 made:0.01377394050359726 in:0.008544755168259144 :0.1506660431623459 +a:0.07010596990585327 not:0.05420732498168945 the:0.05396781489253044 in:0.016393130645155907 :0.10485593974590302 +a:0.051986195147037506 the:0.039775434881448746 not:0.032586753368377686 in:0.024015503004193306 :0.1738896667957306 +of:0.6722499132156372 and:0.030270515009760857 ot:0.011935584247112274 in:0.01170646958053112 :0.04195260629057884 +miles:0.06959914416074753 feet:0.06396355479955673 to:0.037161052227020264 per:0.034304678440093994 :0.18109659850597382 +the:0.44669440388679504 a:0.05338762328028679 it:0.025698155164718628 him:0.024834809824824333 :0.029057921841740608 +dition:0.037546705454587936 ditions:0.03268374875187874 gress:0.025770436972379684 struction:0.022412924095988274 :0.453534334897995 +the:0.04929354041814804 and:0.04517838731408119 to:0.03853658214211464 of:0.023918120190501213 :0.14477881789207458 +of:0.08394401520490646 and:0.02583399973809719 crop:0.010295753367245197 in:0.009063455276191235 :0.15514449775218964 +The:0.1494075059890747 It:0.05900219455361366 He:0.034194909036159515 In:0.0326823890209198 :0.06687498837709427 +the:0.24532346427440643 a:0.04628758504986763 once:0.022449618205428123 this:0.021312540397047997 :0.14082150161266327 +of:0.03193673864006996 .:0.01757642813026905 to:0.016902035102248192 and:0.016588380560278893 :0.2780478000640869 +of:0.2924357056617737 in:0.06856652349233627 up:0.03091164492070675 the:0.029403122141957283 :0.058081261813640594 +to:0.06412633508443832 and:0.05957012251019478 the:0.03443117439746857 of:0.028839055448770523 :0.1655256599187851 +a:0.08972984552383423 the:0.03324759751558304 in:0.031503986567258835 ready:0.021953051909804344 :0.151104137301445 +highest:0.007254432886838913 United:0.006026489194482565 fact:0.00566560635343194 amount:0.005556541029363871 :0.26784011721611023 +the:0.3472490906715393 a:0.04221688583493233 said:0.03858466446399689 this:0.03755484148859978 :0.09432178735733032 +the:0.2648780345916748 a:0.027333971112966537 make:0.015063629485666752 be:0.01464683748781681 :0.10197150707244873 +the:0.1268538236618042 be:0.04156431555747986 make:0.01894082874059677 a:0.016157999634742737 :0.17557166516780853 +is:0.23127859830856323 was:0.15214404463768005 has:0.0696658045053482 will:0.036508649587631226 :0.06023978814482689 +and:0.09459248185157776 of:0.03432019427418709 The:0.03083120658993721 to:0.02651870623230934 :0.19018112123012543 +of:0.07236577570438385 and:0.04694141075015068 in:0.04623260721564293 to:0.04591871798038483 :0.11795573681592941 +W.:0.03354422375559807 H.:0.03251640871167183 B.:0.025550514459609985 S.:0.02442098595201969 :0.28630873560905457 +the:0.22477923333644867 be:0.03899076208472252 whether:0.023945176973938942 make:0.021186623722314835 :0.08064348250627518 +made:0.054527200758457184 no:0.04442401975393295 done:0.03130321577191353 found:0.024440208449959755 :0.1182146891951561 +wife:0.037885311990976334 friends:0.015915535390377045 wife,:0.012564652599394321 own:0.01101132482290268 :0.1507597267627716 +of:0.23067712783813477 and:0.05997006967663765 that:0.02792303077876568 to:0.021648725494742393 :0.04059283435344696 +of:0.16130849719047546 and:0.07110707461833954 distance:0.04047461226582527 to:0.03626994788646698 :0.11354135721921921 +and:0.056406911462545395 to:0.039349425584077835 of:0.028818706050515175 the:0.021462146192789078 :0.1840038001537323 +same:0.008884008042514324 whole:0.006615095771849155 money:0.006186651531606913 people:0.005478153005242348 :0.18084394931793213 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.05253871902823448 the:0.04232301190495491 branches:0.03539593890309334 Houses:0.0294058658182621 :0.14578236639499664 +the:0.2173576056957245 a:0.03599561005830765 their:0.015524964779615402 such:0.013027001172304153 :0.22537918388843536 +of:0.1891375184059143 and:0.11734926700592041 are:0.04819443076848984 were:0.03470103070139885 :0.03932269662618637 +to:0.3242322504520416 that:0.0298622976988554 and:0.025119908154010773 in:0.020781587809324265 :0.16970118880271912 +most:0.0202044490724802 best:0.017197981476783752 trip:0.011451786383986473 same:0.006482699420303106 :0.14724530279636383 +and:0.01792070083320141 a:0.015436532907187939 the:0.011577985249459743 way:0.0072992476634681225 :0.29671457409858704 +the:0.12882110476493835 be:0.03193597123026848 make:0.021047992631793022 a:0.01696830801665783 :0.09397299587726593 +the:0.23589754104614258 a:0.09127161651849747 this:0.017315752804279327 tho:0.011160916648805141 :0.09855900704860687 +as:0.1118384525179863 by:0.09454990178346634 a:0.05910107493400574 the:0.05636684224009514 :0.10674036294221878 +United:0.012377086095511913 State:0.011859416961669922 city:0.011521648615598679 county:0.010420463979244232 :0.28603595495224 +the:0.20183448493480682 a:0.03752307966351509 this:0.018011849373579025 least:0.016709009185433388 :0.31819209456443787 +the:0.13060784339904785 be:0.10201392322778702 make:0.018453586846590042 have:0.01472452562302351 :0.12342873960733414 +and:0.08059528470039368 The:0.030947944149374962 to:0.030756404623389244 the:0.02026664838194847 :0.16424399614334106 +B.:0.008977164514362812 and:0.008410005830228329 H.:0.007821953855454922 J:0.00659817224368453 :0.5166668891906738 +own:0.03637128323316574 home:0.013981475494801998 wife:0.008942624554038048 friends:0.00709254527464509 :0.1596558839082718 +a:0.16303807497024536 as:0.11833801865577698 an:0.04769015312194824 is:0.012426177971065044 :0.13540145754814148 +the:0.10880205780267715 a:0.029501527547836304 all:0.015369783155620098 that:0.013256760314106941 :0.11364433169364929 +that:0.12697379291057587 in:0.08026385307312012 the:0.057634077966213226 to:0.03746812045574188 :0.04466574639081955 +of:0.0395088791847229 and:0.038885001093149185 to:0.019009320065379143 in:0.011862698942422867 :0.09603086858987808 +the:0.3371431827545166 a:0.03465283662080765 this:0.02308848686516285 said:0.017431994900107384 :0.10709591209888458 +of:0.31134459376335144 to:0.08303413540124893 in:0.037550635635852814 that:0.022373849526047707 :0.0479552187025547 +of:0.4587401747703552 and:0.038298316299915314 is:0.035305675119161606 was:0.02938315086066723 :0.04506228119134903 +had:0.043128594756126404 have:0.027788180857896805 are:0.02690216898918152 been:0.019941147416830063 :0.1344759166240692 +to:0.09577473253011703 been:0.05971404165029526 only:0.053559646010398865 be:0.026448499411344528 :0.1255338042974472 +a:0.027739496901631355 able:0.021260572597384453 made:0.015108373947441578 allowed:0.014467816799879074 :0.19205524027347565 +and:0.06909524649381638 to:0.06780468672513962 that:0.06576833873987198 the:0.04199212044477463 :0.19606535136699677 +the:0.2762817442417145 a:0.01750299707055092 his:0.0159805528819561 their:0.015675922855734825 :0.23039375245571136 +and:0.016355719417333603 of:0.0058739627711474895 ing:0.0036671520210802555 .:0.003306402126327157 :0.45602554082870483 +(8):0.33975714445114136 hundred:0.13835583627223969 of:0.03327221795916557 feet:0.03228554129600525 :0.10081381350755692 +and:0.03924856707453728 a:0.01710961014032364 in:0.013956168666481972 of:0.013344299979507923 :0.18088173866271973 +the:0.013344649225473404 said:0.009064344689249992 a:0.007906137965619564 I:0.00753923412412405 :0.5271266102790833 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +F.:0.028892457485198975 W.:0.02886101044714451 and:0.027047716081142426 H.:0.025303220376372337 :0.3451831638813019 +the:0.24422580003738403 a:0.030946534126996994 be:0.018373776227235794 his:0.015099525451660156 :0.11489231139421463 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.09627541899681091 being:0.05169301480054855 a:0.04740794748067856 which:0.01093769259750843 :0.22356121242046356 +is:0.1648450344800949 was:0.08672749996185303 would:0.06524083018302917 will:0.047316454350948334 :0.0819721594452858 +the:0.32619985938072205 a:0.05414426326751709 his:0.01577306166291237 our:0.014937352389097214 :0.11476626247167587 +and:0.04401320964097977 the:0.028711741790175438 in:0.024664614349603653 that:0.02272425964474678 :0.1705601066350937 +in:0.017560623586177826 and:0.017500029876828194 of:0.012568001635372639 Territory:0.01127975806593895 :0.3213336169719696 +not:0.5103651285171509 be:0.04081377387046814 do:0.026028631255030632 have:0.021915631368756294 :0.039540134370326996 +to:0.0374152846634388 in:0.029095690697431564 of:0.02572065405547619 a:0.01800995133817196 :0.33980774879455566 +the:0.2752836048603058 affairs:0.06492747366428375 a:0.03946959227323532 this:0.02366049215197563 :0.09447364509105682 +the:0.04030926898121834 of:0.027236180379986763 and:0.023920051753520966 to:0.023704316467046738 :0.18256977200508118 +and:0.06569662690162659 the:0.055020853877067566 to:0.05237418785691261 in:0.018097087740898132 :0.1885562539100647 +of:0.08806279301643372 and:0.04261022061109543 sum:0.021506065502762794 feature:0.019702700898051262 :0.09210524708032608 +of:0.08889798820018768 and:0.03125005587935448 the:0.0304520633071661 is:0.0157991424202919 :0.16553156077861786 +the:0.10398587584495544 a:0.08705861121416092 apparel:0.06388087570667267 and:0.025507185608148575 :0.14175687730312347 +of:0.26265597343444824 per:0.11016381531953812 on:0.03047018125653267 in:0.0297223012894392 :0.056477971374988556 +said:0.033528268337249756 same:0.023073356598615646 10th:0.010661558248102665 24th:0.008726409636437893 :0.175297349691391 +to:0.10775059461593628 for:0.10226596891880035 upon:0.055183373391628265 on:0.04902853071689606 :0.04892056807875633 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +was:0.038504090160131454 had:0.029397089034318924 is:0.016756784170866013 has:0.015646107494831085 :0.1837993562221527 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +line:0.05007737874984741 and:0.03404925763607025 to:0.019188888370990753 descendant:0.015367638319730759 :0.1565209925174713 +in:0.09706324338912964 at:0.06025093048810959 on:0.05982164666056633 of:0.051980044692754745 :0.060817256569862366 +own:0.02545827440917492 country:0.018341658636927605 people:0.017173554748296738 State:0.01119675301015377 :0.16266362369060516 +be:0.13139736652374268 not:0.07707629352807999 do:0.036003679037094116 never:0.023995161056518555 :0.08474455773830414 +the:0.06921928375959396 to:0.033067815005779266 a:0.029891252517700195 for:0.01826808787882328 :0.15479455888271332 +most:0.011975027620792389 only:0.009815851226449013 first:0.00906806718558073 same:0.008674492128193378 :0.18011480569839478 +and:0.012838302180171013 the:0.008908887393772602 a:0.005244951229542494 from:0.004715504590421915 :0.47053614258766174 +of:0.1196562796831131 and:0.07751218974590302 to:0.02127055823802948 The:0.017647070810198784 :0.15491139888763428 +be:0.033154334872961044 been:0.02710997499525547 far:0.01975421980023384 the:0.01826917752623558 :0.14807845652103424 +be:0.39679476618766785 not:0.05023167282342911 bo:0.02006223425269127 he:0.018113693222403526 :0.06465313583612442 +the:0.09448143094778061 his:0.03456108272075653 he:0.02751104347407818 a:0.022777840495109558 :0.09275993704795837 +of:0.2542850375175476 and:0.03726715222001076 was:0.012811030261218548 Wilson:0.01241428405046463 :0.3166219890117645 +and:0.029087500646710396 the:0.027854731306433678 of:0.02499772049486637 to:0.023929644376039505 :0.20225685834884644 +are:0.1130317971110344 were:0.09146656095981598 will:0.07139736413955688 have:0.05655486881732941 :0.06575071811676025 +of:0.22026841342449188 the:0.13611336052417755 a:0.04405009001493454 and:0.03625424578785896 :0.045482683926820755 +and:0.05665694549679756 survey:0.024679087102413177 plat:0.019591128453612328 or:0.01655532978475094 :0.0979684367775917 +that:0.1858808994293213 the:0.09315171092748642 a:0.053946852684020996 as:0.04026166349649429 :0.04691556468605995 +to:0.2823638916015625 that:0.18477100133895874 and:0.06554625183343887 in:0.049939341843128204 :0.04711977019906044 +the:0.21672269701957703 in:0.027899974957108498 he:0.025185277685523033 they:0.022792035713791847 :0.09570480138063431 +to:0.09116218239068985 a:0.04574095830321312 the:0.040126193314790726 because:0.02485356479883194 :0.11536281555891037 +ber:0.7237574458122253 bers:0.11707627773284912 ber,:0.01571277715265751 day:0.013513565994799137 :0.030500421300530434 +that:0.06025981158018112 and:0.05527196452021599 as:0.04301927611231804 have:0.029461713507771492 :0.08750300854444504 +the:0.11873424798250198 that:0.04224396497011185 to:0.02939741313457489 it:0.028122860938310623 :0.05755193904042244 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +to:0.18813636898994446 by:0.07507507503032684 in:0.05183016136288643 a:0.0413789227604866 :0.0405413918197155 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +a:0.24140651524066925 an:0.05186525732278824 as:0.04402349144220352 of:0.005876884330064058 :0.12310922145843506 +a:0.06846656650304794 the:0.04825889691710472 not:0.02478213980793953 in:0.015073750168085098 :0.14466936886310577 +majority:0.015026703476905823 and:0.01075978297740221 mass:0.006776453927159309 body:0.006186202168464661 :0.18582914769649506 +time:0.17345190048217773 time,:0.0880587175488472 time.:0.06392364203929901 of:0.05253618583083153 :0.07399015873670578 +who:0.09146567434072495 from:0.06841860711574554 and:0.056378234177827835 of:0.048979178071022034 :0.0865950658917427 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.052347514778375626 in:0.013031940907239914 men:0.0076991477981209755 a:0.007098126225173473 :0.30340248346328735 +the:0.09421545267105103 to:0.04020359739661217 in:0.0367843322455883 of:0.034362584352493286 :0.04298052191734314 +of:0.1386968344449997 and:0.037039902061223984 to:0.030135316774249077 the:0.014032472856342793 :0.157118558883667 +not:0.045228201895952225 the:0.04159923270344734 to:0.017657358199357986 in:0.015898482874035835 :0.1014004647731781 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +Islands:0.0788549855351448 Islands,:0.05868774652481079 Islands.:0.05077363923192024 way:0.008844563737511635 :0.15124408900737762 +the:0.09459828585386276 a:0.0386153906583786 to:0.028535887598991394 in:0.027021154761314392 :0.1605735570192337 +up:0.09816709160804749 in:0.06209776550531387 and:0.05189976841211319 to:0.04808945208787918 :0.04491389915347099 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.39736026525497437 a:0.058723095804452896 his:0.018085943534970284 tho:0.01680406928062439 :0.13427209854125977 +and:0.16579464077949524 to:0.024734174832701683 with:0.023263022303581238 or:0.02207551896572113 :0.13872511684894562 +of:0.09226271510124207 and:0.05975916236639023 who:0.022484460845589638 in:0.014465663582086563 :0.2922251522541046 +and:0.09242488443851471 as:0.049415137618780136 however,:0.04500061646103859 in:0.03919700160622597 :0.037878312170505524 +and:0.09373693913221359 of:0.03570229932665825 the:0.025878019630908966 in:0.02250073291361332 :0.18138748407363892 +the:0.3808615505695343 a:0.03861460089683533 which:0.03310598060488701 tho:0.02097523957490921 :0.08655119687318802 +great:0.026309678331017494 very:0.02252604439854622 member:0.02048908732831478 good:0.019123850390315056 :0.17179067432880402 +and:0.07222183048725128 ing:0.06424010545015335 of:0.01649569906294346 with:0.014462324790656567 :0.18200139701366425 +and:0.07130550593137741 of:0.06663718074560165 for:0.06186167523264885 in:0.054098643362522125 :0.044838231056928635 +not:0.03731159493327141 the:0.03569702059030533 in:0.0171737689524889 to:0.017153358086943626 :0.17907275259494781 +the:0.09267216920852661 a:0.027476560324430466 that:0.022896334528923035 in:0.014942523092031479 :0.16264782845973969 +and:0.035963285714387894 opinion:0.02529597468674183 in:0.021850937977433205 school:0.016285227611660957 :0.17463713884353638 +and:0.069696806371212 of:0.023208346217870712 the:0.02010352723300457 who:0.014971665106713772 :0.22465379536151886 +was:0.0527842752635479 had:0.049972765147686005 would:0.03831649199128151 has:0.028311222791671753 :0.12082038819789886 +the:0.054189831018447876 a:0.02766088768839836 any:0.017933664843440056 in:0.012739195488393307 :0.19094832241535187 +and:0.12374439090490341 the:0.0229624193161726 with:0.02103096805512905 of:0.020726269111037254 :0.129156231880188 +the:0.08444534242153168 a:0.0439535416662693 in:0.043528392910957336 it:0.03607458621263504 :0.08863134682178497 +and:0.11385694146156311 of:0.1057518720626831 that:0.10443780571222305 to:0.0865088701248169 :0.0921388790011406 +the:0.42962646484375 which:0.0734768882393837 a:0.03474010154604912 such:0.02185051143169403 :0.05228177830576897 +policy:0.02700498327612877 and:0.021095018833875656 system:0.012473735958337784 condition:0.011039219796657562 :0.22459299862384796 +and:0.08691982179880142 of:0.05840589478611946 in:0.053863510489463806 to:0.05264243856072426 :0.16490338742733002 +of:0.09871441125869751 who:0.07862115651369095 and:0.050692055374383926 in:0.023919200524687767 :0.10049711167812347 +had:0.1392214447259903 was:0.10603391379117966 has:0.04238805174827576 is:0.0340738445520401 :0.0900367721915245 +and:0.06890647858381271 to:0.020409511402249336 a:0.012895861640572548 in:0.012021778151392937 :0.1360054463148117 +of:0.07242319732904434 and:0.052403319627046585 the:0.017522364854812622 Mrs.:0.014220080338418484 :0.20574526488780975 +the:0.1984429657459259 a:0.02536100335419178 this:0.020716840401291847 his:0.013548949733376503 :0.16184550523757935 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +by:0.13195829093456268 in:0.11535290628671646 to:0.08788762986660004 at:0.044965215027332306 :0.0419418141245842 +and:0.09447912871837616 of:0.05147780478000641 o'clock:0.03840985521674156 to:0.024996114894747734 :0.2916831970214844 +the:0.19463638961315155 he:0.058204665780067444 it:0.036084916442632675 they:0.03218057379126549 :0.05873357877135277 +him:0.23809054493904114 me:0.20861664414405823 the:0.11025712639093399 that:0.0453098863363266 :0.036111652851104736 +of:0.05443717539310455 and:0.04863429442048073 The:0.023475011810660362 the:0.02244817279279232 :0.16967329382896423 +of:0.051046133041381836 and:0.04566078260540962 the:0.01671331748366356 boy.:0.015669768676161766 :0.24390360713005066 +and:0.17198412120342255 of:0.07239694148302078 was:0.035192444920539856 to:0.03445383161306381 :0.06805635243654251 +and:0.07330304384231567 for:0.05046486109495163 to:0.02179492451250553 of:0.019637810066342354 :0.1802309900522232 +the:0.16033896803855896 a:0.033439941704273224 see:0.030906235799193382 take:0.009138825349509716 :0.1490050107240677 +of:0.9053370952606201 ot:0.008701224811375141 that:0.006098481360822916 to:0.00602990435436368 :0.012476254254579544 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +to:0.06289196014404297 the:0.06054127961397171 and:0.02890712581574917 a:0.025617308914661407 :0.13347385823726654 +The:0.09105270355939865 It:0.038810670375823975 He:0.023625191301107407 and:0.022846316918730736 :0.21207426488399506 +the:0.032483477145433426 was:0.02919202856719494 of:0.027414429932832718 and:0.026798516511917114 :0.17232030630111694 +of:0.2324303835630417 hundred:0.03352290019392967 who:0.02018466778099537 and:0.01712670922279358 :0.12172071635723114 +and:0.04194985330104828 to:0.0327562652528286 the:0.029003238305449486 of:0.027260543778538704 :0.12615437805652618 +the:0.04974016919732094 and:0.03611564263701439 to:0.022209545597434044 is:0.018239052966237068 :0.1264476776123047 +and:0.065862275660038 in:0.036712806671857834 as:0.035704661160707474 to:0.03303413838148117 :0.09685692191123962 +to:0.04560105875134468 and:0.04109487682580948 the:0.03757233917713165 that:0.024541111662983894 :0.16763080656528473 +of:0.10369990766048431 for:0.06454042345285416 and:0.0567544549703598 in:0.04875948280096054 :0.04480568319559097 +way:0.022413698956370354 United:0.009954407811164856 same:0.009689349681138992 city:0.0071707796305418015 :0.30586495995521545 +and:0.10295110940933228 river:0.06136523187160492 Pacific:0.04545293003320694 river,:0.02214030921459198 :0.23408791422843933 +of:0.05040854960680008 other:0.05023518577218056 one:0.03212587535381317 kind:0.030995404347777367 :0.12486065179109573 +few:0.07212864607572556 short:0.026284290477633476 very:0.0147770456969738 large:0.011302444152534008 :0.1578875482082367 +be:0.10175322741270065 have:0.0972757339477539 not:0.09156620502471924 make:0.020900435745716095 :0.0878981277346611 +the:0.30586180090904236 a:0.035182707011699677 that:0.028091685846447945 any:0.014565304853022099 :0.10277926176786423 +to:0.27386507391929626 of:0.062319085001945496 in:0.03786912560462952 above:0.032374534755945206 :0.09019016474485397 +the:0.09725670516490936 that:0.02619117498397827 I:0.0140288807451725 in:0.01342462096363306 :0.11430426687002182 +and:0.03793296590447426 the:0.03221740201115608 to:0.021444156765937805 of:0.017515867948532104 :0.17957906424999237 +pany:0.2347274273633957 plaint,:0.14457713067531586 plaint:0.12093497067689896 pany,:0.04603937640786171 :0.15651856362819672 +same:0.007366376928985119 matter:0.0051739951595664024 first:0.004400753416121006 old:0.004256296902894974 :0.17375579476356506 +the:0.14937879145145416 he:0.09180528670549393 it:0.07803062349557877 they:0.06434392929077148 :0.05796871706843376 +to:0.03207772225141525 the:0.031437311321496964 and:0.02601541019976139 I:0.020696697756648064 :0.20808419585227966 +way:0.08672554790973663 case:0.03048395738005638 direction:0.023368939757347107 respect:0.02323143556714058 :0.10476342588663101 +officers:0.04717649146914482 forces:0.02380688302218914 men:0.021474985405802727 and:0.02101762779057026 :0.149159237742424 +made:0.03270377963781357 a:0.02400335483253002 the:0.02344529889523983 taken:0.01833726279437542 :0.1452205777168274 +lief:0.14821897447109222 ginning:0.12932726740837097 cause:0.11497823148965836 ing:0.1026722714304924 :0.11651342362165451 +and:0.21387729048728943 the:0.04307837784290314 but:0.03215297684073448 in:0.017388762906193733 :0.05848443880677223 +and:0.030037550255656242 list:0.018407221883535385 change:0.01608409732580185 the:0.012039863504469395 :0.20409968495368958 +of:0.13365796208381653 from:0.12197589129209518 in:0.05679873004555702 to:0.04170473664999008 :0.08422613143920898 +the:0.07153968513011932 be:0.04409685358405113 make:0.02068547159433365 do:0.019680732861161232 :0.09941229969263077 +institutions.:0.019670238718390465 power:0.017354058101773262 and:0.016879096627235413 party:0.01298025343567133 :0.20844949781894684 +the:0.36200666427612305 a:0.04206531122326851 his:0.02188773825764656 this:0.01837783493101597 :0.09820126742124557 +a:0.043697018176317215 the:0.04019385576248169 made:0.025902029126882553 not:0.02101142704486847 :0.1479225903749466 +and:0.05211265757679939 in:0.04745416343212128 the:0.022164572030305862 for:0.021511761471629143 :0.022191094234585762 +and:0.11220657825469971 the:0.10983818024396896 but:0.09871714562177658 two,:0.025080261752009392 :0.05083398148417473 +is:0.07951465249061584 was:0.06719673424959183 has:0.05088687315583229 the:0.03595827892422676 :0.07688663899898529 +end:0.022894898429512978 is:0.014431974850594997 country:0.013465332798659801 the:0.01325053721666336 :0.1684827208518982 +and:0.09511062502861023 of:0.08167420327663422 in:0.027797982096672058 was:0.01962851732969284 :0.08973240852355957 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +and:0.02480265498161316 the:0.014128392562270164 The:0.012169457040727139 A:0.009796797297894955 :0.36744844913482666 +as:0.05862372741103172 in:0.052929870784282684 whereas,:0.049641791731119156 if:0.034636374562978745 :0.09518866240978241 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +of:0.11848590523004532 and:0.05519397184252739 the:0.05174168571829796 which:0.03820431977510452 :0.04294956102967262 +is:0.2813173830509186 was:0.1429443061351776 Is:0.06031987816095352 has:0.036271724849939346 :0.06841246038675308 +of:0.5746679306030273 and:0.06717316806316376 that:0.032823070883750916 the:0.0213982705026865 :0.026432713493704796 +the:0.10533985495567322 a:0.027117745950818062 was:0.01913047768175602 to:0.01803521439433098 :0.13032780587673187 +the:0.2814771234989166 a:0.04256591945886612 his:0.03509783372282982 all:0.021151578053832054 :0.0630851462483406 +the:0.2979854345321655 a:0.04905088245868683 my:0.04262835532426834 his:0.026227843016386032 :0.1348869651556015 +whole:0.007912267930805683 same:0.006309294607490301 following:0.006267875898629427 old:0.004783201031386852 :0.16966316103935242 +of:0.056063681840896606 and:0.04902578890323639 to:0.017533987760543823 in:0.016235366463661194 :0.21268483996391296 +m:0.0755927711725235 m.:0.010011001490056515 the:0.009803954511880875 a:0.00707726925611496 :0.3010053336620331 +and:0.05660472437739372 The:0.019051993265748024 the:0.018861429765820503 of:0.018259190022945404 :0.1760350912809372 +the:0.4040888845920563 a:0.026903605088591576 be:0.026084864512085915 his:0.022235503420233727 :0.10523978620767593 +in:0.08994657546281815 from:0.07018871605396271 of:0.06843975186347961 after:0.056689489632844925 :0.05100881680846214 +deal:0.11664856225252151 many:0.03725344315171242 thing:0.02426314540207386 and:0.011706194840371609 :0.12777523696422577 +of:0.03028247319161892 possible:0.013409794308245182 and:0.012852725572884083 number:0.012284987606108189 :0.17793123424053192 +a:0.07594700157642365 the:0.0757749080657959 follows::0.05131678655743599 to:0.04756103828549385 :0.07670978456735611 +first:0.0086746821179986 most:0.0059404815547168255 following:0.005196512211114168 men:0.0051437970250844955 :0.16060101985931396 +and:0.01638711243867874 in:0.011456333100795746 to:0.0068734185770154 the:0.006740114651620388 :0.32954299449920654 +ing:0.1878449022769928 cause:0.12129495292901993 fore:0.04216054454445839 lief:0.03160518780350685 :0.1772109717130661 +the:0.12569662928581238 that:0.07026302814483643 how:0.05595426261425018 a:0.04554538428783417 :0.05502878129482269 +ner:0.1449466049671173 agement:0.05474606528878212 hood,:0.04734354093670845 ner,:0.03671003505587578 :0.4229924976825714 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +is:0.21139228343963623 was:0.16682805120944977 Is:0.14437036216259003 has:0.030734457075595856 :0.0390477292239666 +of:0.047116898000240326 and:0.045500367879867554 the:0.03438323363661766 to:0.028183061629533768 :0.16172173619270325 +to:0.06389967352151871 from:0.028185738250613213 and:0.026758478954434395 in:0.019645221531391144 :0.2033570408821106 +a:0.0796530619263649 the:0.03651499003171921 not:0.01911979727447033 at:0.018820663914084435 :0.1735190600156784 +the:0.11996693164110184 said:0.04300326481461525 this:0.014731409028172493 a:0.013509003445506096 :0.19049784541130066 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +country:0.052185241132974625 city:0.046934403479099274 way:0.031117264181375504 city,:0.022620681673288345 :0.1143367663025856 +er:0.013819229789078236 to:0.01331915333867073 man:0.008519340306520462 and:0.008211989887058735 :0.2114841789007187 +the:0.23617541790008545 this:0.033593785017728806 a:0.032935287803411484 which:0.019091803580522537 :0.09850773960351944 +and:0.07149610668420792 the:0.055245909839868546 to:0.05150231719017029 in:0.032420407980680466 :0.10962338745594025 +is:0.07477954030036926 was:0.055856142193078995 has:0.034912243485450745 are:0.033155567944049835 :0.07991375029087067 +be:0.06422780454158783 the:0.06271287053823471 make:0.023901954293251038 have:0.016306182369589806 :0.13337615132331848 +the:0.07028713077306747 a:0.05960715934634209 not:0.04564579948782921 to:0.04165620729327202 :0.10654829442501068 +be:0.19308480620384216 have:0.10745039582252502 not:0.060531411319971085 make:0.015330961905419827 :0.06674665957689285 +the:0.2508307993412018 a:0.03735692799091339 this:0.018644731491804123 their:0.014672582037746906 :0.1817479133605957 +and:0.07000172883272171 to:0.06069951131939888 of:0.017258547246456146 testimony:0.016763826832175255 :0.12164139747619629 +is:0.28605157136917114 are:0.15835659205913544 was:0.1265794336795807 were:0.06030454859137535 :0.04161320626735687 +the:0.21658334136009216 they:0.13265372812747955 he:0.08165168762207031 it:0.07830862700939178 :0.037481434643268585 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +be:0.308470219373703 not:0.05372006446123123 have:0.05326070263981819 bo:0.014134104363620281 :0.06812732666730881 +the:0.11202587932348251 a:0.027106786146759987 at:0.01628783531486988 that:0.012952535413205624 :0.14826664328575134 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.11510566622018814 for:0.08962075412273407 in:0.05896402895450592 the:0.054169800132513046 :0.038444776087999344 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +of:0.6552123427391052 and:0.03118680603802204 will:0.016309797763824463 by:0.014651385135948658 :0.013209650292992592 +of:0.06976504623889923 and:0.06562243402004242 a:0.057513389736413956 the:0.030332233756780624 :0.19408145546913147 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +the:0.4850117564201355 a:0.04935574159026146 this:0.020579105243086815 their:0.02005317248404026 :0.05336764082312584 +the:0.2489510327577591 a:0.06252668052911758 tho:0.014882502146065235 his:0.012036056257784367 :0.1503141075372696 +The:0.11724895238876343 It:0.048348892480134964 He:0.03362970054149628 A:0.03295765817165375 :0.0775676965713501 +the:0.06073349341750145 that:0.015790456905961037 a:0.015555489808321 to:0.011352390050888062 :0.14095258712768555 +have:0.10843525826931 are:0.09612328559160233 were:0.03035389631986618 do:0.026925954967737198 :0.08455862104892731 +and:0.1662852168083191 of:0.10207036137580872 in:0.03150590509176254 which:0.031080210581421852 :0.05764628201723099 +the:0.36200666427612305 a:0.04206531122326851 his:0.02188773825764656 this:0.01837783493101597 :0.09820126742124557 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +large:0.023127786815166473 good:0.020340695977211 few:0.013327406719326973 great:0.012567216530442238 :0.15727698802947998 +of:0.05473342910408974 and:0.03660817816853523 to:0.02786068245768547 in:0.014832833781838417 :0.204084575176239 +the:0.4140225946903229 a:0.0777919813990593 his:0.025295915082097054 tho:0.019948912784457207 :0.035001520067453384 +the:0.08645561337471008 a:0.06838880479335785 more:0.027649829164147377 in:0.026010654866695404 :0.11468919366598129 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +own:0.029020186513662338 name:0.020573286339640617 wife:0.012148590758442879 intention:0.011331482790410519 :0.14062882959842682 +not:0.04899703338742256 to:0.021579548716545105 being:0.01449059322476387 very:0.014004960656166077 :0.12656857073307037 +gan,:0.19373966753482819 ris:0.08912156522274017 gan:0.07887107878923416 and:0.022218981757760048 :0.37435102462768555 +in:0.1892213076353073 between:0.1546991616487503 In:0.0400971844792366 to:0.03849285468459129 :0.036896705627441406 +the:0.14131008088588715 a:0.060828156769275665 in:0.04326659068465233 to:0.02994886413216591 :0.11131293326616287 +has:0.06691569834947586 is:0.05333233252167702 had:0.05014517530798912 was:0.04416352137923241 :0.06613768637180328 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +and:0.11510566622018814 for:0.08962075412273407 in:0.05896402895450592 the:0.054169800132513046 :0.038444776087999344 +to:0.06456584483385086 the:0.0634940043091774 a:0.051693737506866455 well:0.04074542224407196 :0.10609817504882812 +the:0.35516923666000366 a:0.03331255912780762 this:0.026200473308563232 any:0.018493961542844772 :0.11072961986064911 +ing:0.7202727794647217 ing,:0.03778061643242836 and:0.02516896091401577 to:0.023758776485919952 :0.020318692550063133 +the:0.15955160558223724 by:0.07622415572404861 to:0.06425310671329498 a:0.04017284885048866 :0.08702851831912994 +the:0.13087880611419678 a:0.025031980127096176 that:0.018148502334952354 in:0.011199809610843658 :0.13481149077415466 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.07731623202562332 he:0.06705401092767715 is:0.052186887711286545 they:0.041253767907619476 :0.0689150020480156 +the:0.07356064766645432 a:0.01818164624273777 to:0.012296359054744244 parallel:0.010763104073703289 :0.14290761947631836 +the:0.5233625769615173 these:0.0409051850438118 them:0.03918450325727463 his:0.02921440824866295 :0.03497201204299927 +was:0.05636479705572128 have:0.03858500346541405 had:0.02899700216948986 am:0.025802111253142357 :0.10428555309772491 +was:0.0997842401266098 to:0.08006519079208374 and:0.06673214584589005 for:0.041876666247844696 :0.06178934499621391 +to:0.3200380206108093 of:0.16302146017551422 and:0.11621555685997009 for:0.11373235285282135 :0.032359033823013306 +country:0.021445252001285553 city,:0.017442379146814346 act,:0.016137536615133286 city:0.015404942445456982 :0.14275318384170532 +the:0.11163131892681122 and:0.10283757746219635 a:0.0831165686249733 to:0.07472880184650421 :0.0739162340760231 +the:0.10261036455631256 a:0.04844805225729942 I:0.02924777753651142 it:0.026668274775147438 :0.07497012615203857 +the:0.09646032005548477 you:0.09336315840482712 of:0.06990419328212738 us:0.06649404764175415 :0.06497640907764435 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +is:0.10054103285074234 was:0.08823753893375397 has:0.05557229742407799 will:0.0402679517865181 :0.036095019429922104 +were:0.025456702336668968 two:0.02469545602798462 are:0.022397935390472412 things:0.018627308309078217 :0.14136628806591034 +the:0.24204029142856598 a:0.05559439957141876 said:0.0436064749956131 this:0.027246767655014992 :0.08879127353429794 +of:0.02752632461488247 the:0.020770054310560226 a:0.009263822808861732 in:0.00865157786756754 :0.20739050209522247 +to:0.03207772225141525 the:0.031437311321496964 and:0.02601541019976139 I:0.020696697756648064 :0.20808419585227966 +own:0.04180581122636795 respective:0.013980439864099026 homes:0.00987150240689516 home:0.008428719826042652 :0.20429791510105133 +own:0.04180581122636795 respective:0.013980439864099026 homes:0.00987150240689516 home:0.008428719826042652 :0.20429791510105133 +the:0.16132785379886627 which:0.015290668234229088 a:0.014664700254797935 said:0.01174668874591589 :0.35104137659072876 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.3313055634498596 a:0.04962712526321411 which:0.02202194184064865 his:0.014917704276740551 :0.09642808139324188 +the:0.2814730703830719 a:0.024391071870923042 this:0.019581876695156097 tho:0.011763607151806355 :0.1517954170703888 +the:0.18139491975307465 be:0.03488742932677269 a:0.03379930555820465 his:0.016125468537211418 :0.09306611865758896 +the:0.092821404337883 be:0.022288769483566284 a:0.017251338809728622 tho:0.010839619673788548 :0.2898080050945282 +feet:0.25396037101745605 ft.:0.2225775271654129 feet;:0.05528316646814346 .:0.022247716784477234 :0.26406043767929077 +The:0.14525634050369263 It:0.05851372331380844 He:0.036030113697052 We:0.030430328100919724 :0.12850560247898102 +to:0.14178720116615295 the:0.056525759398937225 of:0.049925945699214935 in:0.04963821917772293 :0.10309047996997833 +order:0.026772916316986084 old:0.02201293222606182 extent:0.018208205699920654 amount:0.013785644434392452 :0.1692938208580017 +and:0.06353242695331573 the:0.051073819398880005 to:0.024763476103544235 a:0.017585143446922302 :0.14218777418136597 +the:0.0711752325296402 and:0.04677018150687218 as:0.0316043384373188 that:0.024781839922070503 :0.10132953524589539 +of:0.4521062970161438 to:0.02413039281964302 and:0.02141469344496727 was:0.018936268985271454 :0.03379346430301666 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +feet:0.07602953165769577 inches:0.06799152493476868 years:0.05878472700715065 miles:0.04675891622900963 :0.10917770862579346 +of:0.24009644985198975 the:0.044959135353565216 and:0.03966572508215904 in:0.03254120051860809 :0.04652855545282364 +of:0.593206524848938 and:0.039830684661865234 to:0.03381703794002533 in:0.029915863648056984 :0.03060239367187023 +and:0.10367926210165024 to:0.06027304753661156 thence:0.04536651819944382 at:0.029668649658560753 :0.17974364757537842 +as:0.17762024700641632 the:0.1292467564344406 by:0.06414129585027695 a:0.0640324130654335 :0.05015210062265396 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +and:0.06363920867443085 of:0.04768160730600357 in:0.03222724050283432 was:0.026823580265045166 :0.1687738299369812 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +be:0.4612000286579132 not:0.06543458253145218 have:0.03913837671279907 bo:0.035254817456007004 :0.05280011147260666 +of:0.24380537867546082 for:0.10530639439821243 to:0.06626252830028534 where:0.0644935667514801 :0.05797477811574936 +the:0.20801608264446259 and:0.08465222269296646 of:0.08399025350809097 from:0.0632849633693695 :0.05439096689224243 +fere:0.2061467170715332 est:0.12371278554201126 ests:0.02707439474761486 nal:0.024375800043344498 :0.22774457931518555 +wife:0.0264938622713089 own:0.01888458989560604 father:0.012550268322229385 friends:0.011378052644431591 :0.2097630500793457 +and:0.2890872061252594 the:0.02833872102200985 at:0.021559610962867737 or:0.02132195048034191 :0.04080960154533386 +to:0.026271343231201172 husband,:0.018083052709698677 in:0.014517085626721382 own:0.01379569061100483 :0.2160612940788269 +the:0.096289724111557 a:0.04552026093006134 this:0.009252160787582397 his:0.008086837828159332 :0.17305642366409302 +the:0.08282843977212906 by:0.06762583553791046 a:0.04348452761769295 through:0.04275522008538246 :0.07902016490697861 +the:0.12665599584579468 to:0.1150895282626152 a:0.06938226521015167 it:0.022738367319107056 :0.06651833653450012 +of:0.4907166659832001 to:0.03178621828556061 which:0.027498960494995117 that:0.022919191047549248 :0.03335932642221451 +of:0.0698406994342804 and:0.06585811078548431 The:0.027695873752236366 to:0.02352326363325119 :0.16567470133304596 +property:0.011620713397860527 subject:0.010696952231228352 said:0.009446420706808567 following:0.008107030764222145 :0.180214062333107 +same:0.05667797103524208 size:0.0116123016923666 middle:0.011247881688177586 time:0.010165534913539886 :0.15743552148342133 +the:0.1738296002149582 of:0.13148686289787292 in:0.02807433344423771 a:0.023991845548152924 :0.06313158571720123 +view:0.021477578207850456 large:0.014422591775655746 little:0.012711316347122192 few:0.011675581336021423 :0.20949006080627441 +the:0.10286033153533936 out:0.07169783860445023 on:0.06638556718826294 a:0.05649268999695778 :0.052511345595121384 +a:0.05670437216758728 the:0.04005402699112892 not:0.026448117569088936 in:0.0245813000947237 :0.11551221460103989 +and:0.041551459580659866 F,:0.018173353746533394 M.:0.017729392275214195 H.:0.011440816335380077 :0.4065346419811249 +and:0.09012135118246078 the:0.06105192005634308 in:0.057141419500112534 at:0.03964899107813835 :0.06473007798194885 +The:0.159307599067688 A:0.04379986226558685 It:0.04099477455019951 He:0.03746839612722397 :0.16150613129138947 +amount:0.10136354714632034 number:0.019862491637468338 demand:0.017660077661275864 quantity:0.012397311627864838 :0.1640317738056183 +not:0.05692387372255325 in:0.029933225363492966 now:0.027108801528811455 the:0.021230507642030716 :0.10884405672550201 +to:0.07448805868625641 and:0.06611279398202896 In:0.031956084072589874 in:0.02799849957227707 :0.19666704535484314 +the:0.11844921857118607 and:0.1008758619427681 in:0.09648015350103378 a:0.03931510075926781 :0.031349632889032364 +to:0.02209693379700184 the:0.021548263728618622 in:0.019532136619091034 of:0.016503943130373955 :0.16395597159862518 +the:0.3470916748046875 his:0.03961615264415741 a:0.030005209147930145 their:0.027096735313534737 :0.09656792879104614 +and:0.0663595125079155 of:0.05862845480442047 to:0.0336080938577652 was:0.03353266790509224 :0.1461203396320343 +the:0.39310744404792786 his:0.02559230476617813 tho:0.024515051394701004 which:0.0213715061545372 :0.042675018310546875 +the:0.1485345959663391 a:0.0947447344660759 to:0.02549157664179802 this:0.02199345827102661 :0.07803108543157578 +been:0.36874920129776 not:0.03242325037717819 a:0.0199578944593668 already:0.012516642920672894 :0.060284100472927094 +and:0.20747658610343933 but:0.058268629014492035 the:0.0413387157022953 or:0.028659921139478683 :0.06766370683908463 +The:0.08306567370891571 He:0.07553664594888687 I:0.04726465418934822 It:0.035969581454992294 :0.12096814811229706 +the:0.05891899764537811 be:0.04701368510723114 make:0.024009909480810165 have:0.016726618632674217 :0.11664986610412598 +the:0.5233625769615173 these:0.0409051850438118 them:0.03918450325727463 his:0.02921440824866295 :0.03497201204299927 +of:0.0646146908402443 and:0.0642479956150055 to:0.05281328782439232 in:0.025967707857489586 :0.033778756856918335 +and:0.0628194659948349 the:0.028831815347075462 of:0.02844935655593872 ing:0.021624157205224037 :0.22745244204998016 +banks:0.0871109589934349 in:0.08012653142213821 of:0.05708807706832886 and:0.04670488461852074 :0.10925271362066269 +and:0.13449092209339142 to:0.07538998126983643 in:0.02944950759410858 the:0.023165928199887276 :0.04320312663912773 +the:0.09568655490875244 that:0.025593440979719162 a:0.021698730066418648 to:0.0154307521879673 :0.09395105391740799 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.16017435491085052 for:0.027518177404999733 the:0.022483255714178085 in:0.021542280912399292 :0.13797441124916077 +and:0.04178161919116974 of:0.030784254893660545 the:0.026622101664543152 to:0.026357967406511307 :0.20012472569942474 +the:0.2624276876449585 a:0.02781907469034195 this:0.01881244406104088 said:0.01433547306805849 :0.1579376459121704 +a:0.04525397717952728 the:0.03726473078131676 not:0.031679779291152954 made:0.02550150826573372 :0.09629635512828827 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.18677358329296112 he:0.08626876771450043 they:0.0597781203687191 it:0.03696468472480774 :0.06123059242963791 +the:0.10183592885732651 to:0.04199530556797981 a:0.025419605895876884 he:0.020908091217279434 :0.1070798859000206 +who:0.03397693485021591 was:0.0327431783080101 and:0.026972435414791107 had:0.019981954246759415 :0.27504512667655945 +the:0.14945930242538452 any:0.04368939250707626 in:0.04108002036809921 a:0.03733302652835846 :0.07899031043052673 +of:0.03847629204392433 and:0.032418131828308105 the:0.012455444782972336 to:0.012039982713758945 :0.23681169748306274 +and:0.04206988215446472 arm:0.02725004032254219 men:0.00861345510929823 people:0.006159590557217598 :0.14747898280620575 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +or:0.03432227298617363 suffrage,:0.029535068199038506 of:0.029126808047294617 and:0.028426429256796837 :0.2307390570640564 +far:0.046372510492801666 that:0.03785600885748863 much:0.03704831376671791 many:0.03295115381479263 :0.12763738632202148 +been:0.23845964670181274 to:0.08042223006486893 not:0.05009446665644646 a:0.028338661417365074 :0.0969124287366867 +and:0.18187259137630463 the:0.09197165817022324 but:0.02793036960065365 for:0.025192011147737503 :0.06733158975839615 +the:0.2624717354774475 a:0.09656932950019836 this:0.01528792455792427 an:0.013046273961663246 :0.1465844362974167 +of:0.5288357138633728 and:0.03240898624062538 Council:0.026900120079517365 Clerk:0.018188560381531715 :0.06645046174526215 +the:0.1109279915690422 a:0.027072541415691376 this:0.014483985491096973 said:0.008785438723862171 :0.252840131521225 +course:0.23106592893600464 course,:0.19948936998844147 the:0.1131514236330986 this:0.024034272879362106 :0.10100118070840836 +a:0.1691417247056961 case:0.098249152302742 cases:0.040854938328266144 an:0.031451061367988586 :0.11932310461997986 +few:0.07212864607572556 short:0.026284290477633476 very:0.0147770456969738 large:0.011302444152534008 :0.1578875482082367 +one:0.025390446186065674 kind:0.024015096947550774 man:0.019984222948551178 other:0.013143835589289665 :0.1586151123046875 +and:0.12354134023189545 of:0.07955419272184372 in:0.06756693869829178 to:0.04769790545105934 :0.08204885572195053 +to:0.5948418378829956 of:0.09727086126804352 in:0.02458346262574196 from:0.019534099847078323 :0.021324817091226578 +large:0.0652257651090622 small:0.029297754168510437 good:0.025559594854712486 few:0.02195774018764496 :0.12147501856088638 +and:0.07434063404798508 to:0.027249110862612724 The:0.021744346246123314 of:0.015541549772024155 :0.1585753709077835 +the:0.4841180741786957 tho:0.029814768582582474 a:0.02452998049557209 this:0.022800495848059654 :0.057400964200496674 +first:0.009967680089175701 following:0.007594000082463026 most:0.00659837294369936 people:0.005812778137624264 :0.14828196167945862 +as:0.09162788838148117 in:0.05446469038724899 the:0.04045434296131134 and:0.027407309040427208 :0.10783828049898148 +of:0.08890337496995926 who:0.07027617841959 in:0.05435505136847496 are:0.05290622636675835 :0.05960770323872566 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +was:0.1448844075202942 had:0.05198373273015022 has:0.0405881293118 is:0.039511822164058685 :0.06692048907279968 +and:0.041968800127506256 of:0.04119792580604553 day:0.0324714221060276 to:0.024152075871825218 :0.3664713203907013 +and:0.0737919807434082 the:0.02800154499709606 to:0.023161759600043297 in:0.021026751026511192 :0.21949796378612518 +the:0.23633098602294922 he:0.06693828850984573 I:0.046731214970350266 they:0.034658484160900116 :0.076744943857193 +and:0.03638380393385887 the:0.024531792849302292 of:0.0221032053232193 The:0.014801865443587303 :0.16406898200511932 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +The:0.13216999173164368 He:0.04649358242750168 In:0.03616608306765556 It:0.0334244966506958 :0.0722176805138588 +is:0.21692705154418945 was:0.19023902714252472 would:0.07719545811414719 will:0.06181121990084648 :0.04437723755836487 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.3144139051437378 a:0.04457987844944 tho:0.01371349673718214 be:0.01151925791054964 :0.108917236328125 +of:0.4866533875465393 and:0.040357641875743866 the:0.019838232547044754 to:0.016999028623104095 :0.033707164227962494 +to:0.33725467324256897 into:0.058916736394166946 in:0.058803293853998184 by:0.03848504275083542 :0.03823481500148773 +a:0.024264855310320854 to:0.023704523220658302 in:0.018763968721032143 the:0.017689907923340797 :0.26778438687324524 +in:0.21234935522079468 to:0.05356113985180855 at:0.02830635942518711 the:0.027021892368793488 :0.12484082579612732 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +and:0.061962537467479706 to:0.0600573793053627 is:0.036938440054655075 the:0.03528492525219917 :0.07077407091856003 +United:0.014176495373249054 State:0.007067130412906408 most:0.005005334969609976 great:0.004560498520731926 :0.2762128412723541 +and:0.07206585258245468 to:0.046209271997213364 the:0.03517833724617958 by:0.029485194012522697 :0.19482716917991638 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +a:0.06386438757181168 not:0.04107453674077988 the:0.02797769568860531 in:0.022437702864408493 :0.12470000237226486 +result:0.030811160802841187 matter:0.01572415605187416 man:0.013221099972724915 rule,:0.011220080778002739 :0.19510146975517273 +and:0.0650825947523117 of:0.04440483823418617 the:0.022636834532022476 to:0.022328365594148636 :0.20588386058807373 +are:0.10158289968967438 were:0.07548731565475464 have:0.06515594571828842 had:0.03381297364830971 :0.06503007560968399 +the:0.2847568690776825 a:0.04088176414370537 his:0.016054410487413406 this:0.015581994317471981 :0.1427077054977417 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +to:0.09220372885465622 in:0.051159825176000595 for:0.04196331650018692 on:0.04021388292312622 :0.07255172729492188 +and:0.06943591684103012 of:0.03865334391593933 the:0.03041294775903225 The:0.02552390657365322 :0.14872503280639648 +names:0.0749475434422493 name:0.04198489338159561 duty:0.01620139740407467 term:0.011194021441042423 :0.12898914515972137 +That:0.7281134724617004 The:0.018960285931825638 In:0.014143029227852821 A:0.009656254202127457 :0.06404057145118713 +the:0.039904188364744186 New:0.03844168037176132 St.:0.020939817652106285 Los:0.01835988089442253 :0.2622256875038147 +the:0.15070118010044098 in:0.09804440289735794 on:0.08502532541751862 upon:0.059825196862220764 :0.043059807270765305 +made:0.03791516646742821 done:0.026815427467226982 found:0.023510107770562172 seen:0.02297915704548359 :0.12980392575263977 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +large:0.01737716980278492 man:0.013367402367293835 few:0.012337547726929188 great:0.010036320425570011 :0.1888696402311325 +and:0.04613523185253143 pendent:0.016806986182928085 the:0.009474733844399452 I:0.008988045156002045 :0.5014850497245789 +requirements:0.020124902948737144 said:0.012198486365377903 demands:0.009834116324782372 expenses:0.006110366899520159 :0.14176705479621887 +the:0.1764301210641861 a:0.04723832756280899 tho:0.013027283363044262 his:0.011990640312433243 :0.22138643264770508 +more:0.053506772965192795 of:0.01770097017288208 over:0.015949739143252373 girl:0.010774583555758 :0.18088683485984802 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +the:0.06547290831804276 to:0.021405469626188278 and:0.015803638845682144 a:0.015205594711005688 :0.17950701713562012 +thence:0.08832147717475891 and:0.04427732154726982 the:0.0244553592056036 at:0.013798658736050129 :0.2511647939682007 +the:0.1933625340461731 a:0.08694127947092056 and:0.024596605449914932 this:0.013838686048984528 :0.11197201162576675 +speak,:0.18270649015903473 be:0.05866200849413872 do,:0.05626235902309418 the:0.04982323199510574 :0.06376022845506668 +of:0.1788916438817978 was:0.06300394982099533 is:0.04895859211683273 and:0.0408705398440361 :0.09970621764659882 +the:0.23256199061870575 a:0.04588703066110611 this:0.015103301964700222 tho:0.01405534241348505 :0.22837327420711517 +much:0.15026035904884338 late:0.03051561489701271 late.:0.02745000459253788 great:0.02255234122276306 :0.13678136467933655 +of:0.14229322969913483 and:0.06250465661287308 in:0.023446790874004364 to:0.018289927393198013 :0.13166172802448273 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +to:0.24876707792282104 in:0.05331072211265564 the:0.04627618566155434 for:0.027844546362757683 :0.04553350433707237 +of:0.2572627365589142 and:0.13292363286018372 in:0.04885835945606232 that:0.027924390509724617 :0.029664190486073494 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.09936832636594772 to:0.04357811436057091 but:0.03670147433876991 not:0.0185074545443058 :0.11399546265602112 +and:0.2672441303730011 to:0.035060904920101166 for:0.03166532516479492 in:0.027586346492171288 :0.03753398731350899 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +The:0.07785080373287201 It:0.03129444643855095 A:0.025925159454345703 I:0.02104395627975464 :0.18663156032562256 +and:0.032417282462120056 in:0.014061639085412025 of:0.01399299781769514 body:0.010982916690409184 :0.1231984794139862 +the:0.14076371490955353 he:0.07337077707052231 they:0.044920098036527634 it:0.03989227116107941 :0.08710482716560364 +have:0.05602850392460823 was:0.055063363164663315 am:0.04743369296193123 had:0.042606692761182785 :0.05853479355573654 +in:0.0755331739783287 more:0.038444291800260544 to:0.035022057592868805 and:0.034389227628707886 :0.10512658953666687 +and:0.05556876212358475 the:0.034449752420186996 of:0.030049214139580727 to:0.019115416333079338 :0.18336878716945648 +of:0.17949828505516052 and:0.13192062079906464 with:0.0694621130824089 in:0.03597260266542435 :0.05696283280849457 +by:0.23788000643253326 to:0.07872071117162704 and:0.04936518147587776 in:0.04723551496863365 :0.056651655584573746 +the:0.3971569240093231 a:0.03135256841778755 this:0.023349398747086525 tho:0.01803652197122574 :0.09385516494512558 +to:0.07221972197294235 and:0.0668666809797287 of:0.051387861371040344 the:0.03573933243751526 :0.14449021220207214 +the:0.12569662928581238 that:0.07026302814483643 how:0.05595426261425018 a:0.04554538428783417 :0.05502878129482269 +of:0.04786454886198044 and:0.04491841793060303 or:0.028567243367433548 the:0.028341613709926605 :0.16377893090248108 +of:0.06454966962337494 to:0.03590881824493408 in:0.032968759536743164 and:0.012603828683495522 :0.12872080504894257 +and:0.045857664197683334 E.:0.02612198330461979 Ann:0.018609417602419853 A.:0.013136681169271469 :0.30028215050697327 +amendment:0.04204678162932396 power:0.0319928415119648 right:0.02389257401227951 and:0.011649325489997864 :0.1709899604320526 +of:0.6574552059173584 and:0.027244392782449722 ot:0.01777287945151329 the:0.015078368596732616 :0.020192651078104973 +to:0.12308813631534576 the:0.12194221466779709 and:0.0735481008887291 in:0.0494685098528862 :0.08346788585186005 +old:0.016600416973233223 act:0.016235677525401115 officer:0.012063834816217422 amendment:0.010504410602152348 :0.25938013195991516 +and:0.1965971440076828 to:0.04552748054265976 the:0.02886083722114563 we:0.025936780497431755 :0.04165177419781685 +sum:0.013422494754195213 same:0.013129368424415588 amount:0.012115191668272018 said:0.006756741087883711 :0.2464311271905899 +own:0.0498628169298172 respective:0.011498261243104935 own.:0.005039859097450972 own,:0.00395617401227355 :0.23608587682247162 +of:0.06234421581029892 are:0.06002651900053024 were:0.053750574588775635 and:0.0411563478410244 :0.05033806711435318 +and:0.03410458192229271 of:0.01380931492894888 to:0.010182767175137997 acres:0.0073140147142112255 :0.18616192042827606 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +of:0.7745877504348755 in:0.020138058811426163 were:0.014076946303248405 from:0.012292436324059963 :0.02071624994277954 +of:0.7596424221992493 ot:0.01191573217511177 in:0.010086811147630215 and:0.009750216268002987 :0.015613569878041744 +same:0.009115051478147507 said:0.008543500676751137 whole:0.005640198942273855 city:0.004802235402166843 :0.1775299459695816 +hour:0.08421776443719864 old:0.013468166813254356 hour.:0.010368474759161472 hour,:0.010004797950387001 :0.1652587205171585 +own:0.04216810315847397 way:0.012075812555849552 heads:0.007811171934008598 places:0.007281170692294836 :0.21311113238334656 +The:0.01747046411037445 and:0.015902230516076088 the:0.013112624175846577 of:0.01249554194509983 :0.25462210178375244 +the:0.0854012668132782 be:0.06340283155441284 pay:0.015733344480395317 have:0.015620467253029346 :0.1356421411037445 +is:0.11100365966558456 was:0.07792023569345474 has:0.07409826666116714 he:0.04388376325368881 :0.035405248403549194 +was:0.1545407474040985 is:0.05749252438545227 of:0.047703538089990616 will:0.040579669177532196 :0.043289296329021454 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.05555035546422005 and:0.04951249063014984 The:0.0268191397190094 to:0.02515183389186859 :0.14264057576656342 +last:0.03178427740931511 next:0.01804082840681076 first:0.012320195324718952 present:0.010247602127492428 :0.26518523693084717 +years:0.10462835431098938 or:0.07086736708879471 miles:0.05680946633219719 feet:0.05500441789627075 :0.1503644585609436 +said:0.02550502121448517 United:0.012548556551337242 property:0.006402362138032913 law:0.005686017218977213 :0.2339009791612625 +people:0.0339023619890213 country:0.015605274587869644 government:0.01496571209281683 readers:0.011410330422222614 :0.12495148926973343 +vided:0.04793679341673851 posed:0.046777017414569855 duced:0.03371507301926613 nounced:0.029385898262262344 :0.3723478317260742 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +language:0.02338169887661934 and:0.022797182202339172 cases:0.009626985527575016 language,:0.006515562999993563 :0.26484882831573486 +same:0.007970510981976986 following:0.005671337246894836 old:0.005349251441657543 whole:0.005338768009096384 :0.26230916380882263 +of:0.10443004965782166 to:0.07579706609249115 and:0.06031188368797302 in:0.054134342819452286 :0.06665318459272385 +than:0.0855279415845871 or:0.034865573048591614 of:0.02369929850101471 and:0.02079862728714943 :0.2028602510690689 +the:0.19479955732822418 a:0.10438640415668488 his:0.02895219810307026 an:0.018355226144194603 :0.09428180754184723 +the:0.3285636305809021 a:0.05058082193136215 this:0.027185173705220222 least:0.019006121903657913 :0.14271467924118042 +the:0.19332049787044525 he:0.03229130432009697 of:0.03099711425602436 they:0.030454223975539207 :0.07289016246795654 +and:0.04066924378275871 of:0.03613097593188286 who:0.020293528214097023 Mrs.:0.017038660123944283 :0.19796404242515564 +of:0.0696750059723854 and:0.059250473976135254 in:0.054638832807540894 for:0.03203083947300911 :0.08886083960533142 +man:0.1100434958934784 men:0.062430188059806824 lady:0.034276776015758514 man,:0.029897181317210197 :0.16635963320732117 +and:0.04636354744434357 the:0.03301448002457619 to:0.024708082899451256 of:0.023810913786292076 :0.20399264991283417 +the:0.04962246119976044 make:0.03833924978971481 be:0.029897566884756088 do:0.016235318034887314 :0.11365780234336853 +of:0.24713915586471558 and:0.08731529861688614 for:0.03727632761001587 to:0.033842455595731735 :0.04878153279423714 +and:0.02379477210342884 .:0.0213929433375597 ,:0.008342606946825981 in:0.005428527016192675 :0.2823791801929474 +the:0.0363495871424675 in:0.029688294976949692 a:0.02917957678437233 to:0.017243416979908943 :0.10865472257137299 +the:0.032483477145433426 was:0.02919202856719494 of:0.027414429932832718 and:0.026798516511917114 :0.17232030630111694 +was:0.14662183821201324 had:0.07611243426799774 said:0.07562700659036636 has:0.059429701417684555 :0.05453716591000557 +f:0.010151754133403301 of:0.00961916334927082 the:0.009189384989440441 a:0.007468413095921278 :0.2858036756515503 +a:0.07195116579532623 the:0.039955731481313705 to:0.023456836119294167 no:0.0218899454921484 :0.14216944575309753 +average:0.017799871042370796 old:0.01625654101371765 order:0.009713396430015564 additional:0.008547394536435604 :0.26737838983535767 +been:0.07013390958309174 had:0.01630379818379879 to:0.012330994941294193 taken:0.012264900840818882 :0.13488474488258362 +and:0.0657803863286972 is:0.043225303292274475 in:0.03292427584528923 to:0.030935470014810562 :0.07635630667209625 +and:0.10751355439424515 to:0.05012936145067215 for:0.041687652468681335 of:0.03934938833117485 :0.14801664650440216 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.3672933578491211 a:0.08273859322071075 his:0.023048035800457 tho:0.020382363349199295 :0.05760972201824188 +and:0.04013683274388313 of:0.02290521003305912 the:0.02118689939379692 a:0.01657354086637497 :0.25249314308166504 +of:0.24478375911712646 to:0.06618042290210724 in:0.05567576736211777 who:0.04204896464943886 :0.058482155203819275 +of:0.09194842725992203 and:0.06425664573907852 to:0.05741482600569725 are:0.03198680281639099 :0.03188207745552063 +the:0.1263037770986557 I:0.04688999801874161 that:0.031723108142614365 it:0.028455888852477074 :0.052104558795690536 +and:0.13047701120376587 the:0.053568411618471146 in:0.033964741975069046 a:0.025492116808891296 :0.08923501521348953 +in:0.08319799602031708 up:0.06876024603843689 on:0.06290657818317413 the:0.05179133266210556 :0.0462813600897789 +jority:0.657042920589447 chine:0.044278584420681 terial:0.031922899186611176 chinery:0.009365914389491081 :0.17279312014579773 +and:0.06758099049329758 in:0.04109117388725281 was:0.031154464930295944 for:0.028117824345827103 :0.046180982142686844 +the:0.09729675948619843 it:0.04769623652100563 he:0.027081863954663277 they:0.02597961015999317 :0.0797344520688057 +is:0.33399757742881775 was:0.1679321527481079 has:0.043254680931568146 would:0.027958296239376068 :0.03231305629014969 +and:0.059143710881471634 H.:0.03537742421030998 A.:0.024760199710726738 E.:0.018474945798516273 :0.39465245604515076 +one:0.05224136263132095 matter:0.03357695788145065 more:0.026644358411431313 other:0.019276602193713188 :0.24228109419345856 +in:0.08847741037607193 to:0.0607987642288208 with:0.03375319018959999 as:0.03224899619817734 :0.052714720368385315 +the:0.13837957382202148 a:0.04101904481649399 two:0.025613224133849144 three:0.019116640090942383 :0.15864436328411102 +than:0.24392908811569214 to:0.03760934993624687 or:0.03759463131427765 and:0.014764329418540001 :0.08927259594202042 +to:0.04077315703034401 of:0.04053141549229622 more:0.01174840983003378 girl:0.011269479058682919 :0.3045450747013092 +the:0.06978897005319595 a:0.02688571810722351 any:0.020592303946614265 in:0.013482808135449886 :0.12653949856758118 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +most:0.010797453112900257 best:0.007576672825962305 said:0.006718060001730919 same:0.00547828059643507 :0.2819901406764984 +and:0.12192805111408234 as:0.056059855967760086 the:0.05419948324561119 but:0.04900600388646126 :0.04559720680117607 +and:0.23871588706970215 of:0.040640607476234436 the:0.022943396121263504 The:0.019779358059167862 :0.14531034231185913 +and:0.06779691576957703 the:0.061735257506370544 of:0.046118319034576416 to:0.03333854302763939 :0.1737220734357834 +the:0.2500106990337372 a:0.029127057641744614 their:0.022266989573836327 this:0.02206042967736721 :0.08295466750860214 +the:0.36200666427612305 a:0.04206531122326851 his:0.02188773825764656 this:0.01837783493101597 :0.09820126742124557 +the:0.1476542055606842 a:0.04375085234642029 and:0.043581802397966385 it:0.035198409110307693 :0.06999211013317108 +the:0.16473035514354706 they:0.033137332648038864 he:0.027877772226929665 it:0.02654442936182022 :0.0782075822353363 +and:0.0467723123729229 the:0.03593370318412781 a:0.018887849524617195 in:0.0172602329403162 :0.13682928681373596 +of:0.05473342910408974 and:0.03660817816853523 to:0.02786068245768547 in:0.014832833781838417 :0.204084575176239 +the:0.10106232762336731 he:0.04759269580245018 they:0.029259448871016502 it:0.026217252016067505 :0.06668101251125336 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.022753534838557243 of:0.018810667097568512 .:0.01108309905976057 and:0.010712090879678726 :0.3130190968513489 +make:0.039125360548496246 be:0.03417706489562988 do:0.029329316690564156 the:0.0227748341858387 :0.07365094870328903 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +been:0.1449889987707138 a:0.0883946642279625 no:0.0314202643930912 not:0.03109002113342285 :0.057226140052080154 +of:0.446135014295578 and:0.07957486063241959 to:0.02886798605322838 in:0.027856603264808655 :0.027503259479999542 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +to:0.29302218556404114 by:0.11036590486764908 for:0.07010871171951294 in:0.05346301570534706 :0.044229667633771896 +to:0.027507608756422997 in:0.02064998634159565 the:0.019858689978718758 or:0.018540315330028534 :0.23639364540576935 +and:0.13551856577396393 of:0.0736844539642334 in:0.04634835943579674 are:0.043492257595062256 :0.06740514934062958 +of:0.10880526900291443 and:0.05867572873830795 to:0.03941354528069496 The:0.024680042639374733 :0.15507160127162933 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +mittee:0.06467733532190323 merce:0.05839480832219124 panies:0.056731052696704865 pany:0.055458538234233856 :0.23804982006549835 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +been:0.24142858386039734 not:0.030056430026888847 a:0.02504986897110939 to:0.02030542492866516 :0.07102715224027634 +the:0.2715112566947937 them:0.1308136135339737 us:0.09810090810060501 him:0.08177820593118668 :0.035639118403196335 +own:0.029599400237202644 people:0.02059570886194706 readers:0.009118161164224148 troops:0.008849715813994408 :0.24398992955684662 +men:0.01248218771070242 two:0.011456560343503952 little:0.008491785265505314 words::0.007741391193121672 :0.25000762939453125 +and:0.12572824954986572 the:0.0459836907684803 for:0.0426797941327095 in:0.03884907811880112 :0.11974015086889267 +the:0.10941490530967712 and:0.107103131711483 of:0.0856563150882721 on:0.05328850820660591 :0.05159090831875801 +of:0.17851731181144714 and:0.12185610830783844 which:0.035015564411878586 that:0.03336069732904434 :0.056389108300209045 +up:0.10410533845424652 over:0.05945095792412758 the:0.05309757962822914 to:0.050744038075208664 :0.035291481763124466 +the:0.04222853481769562 a:0.040925923734903336 made:0.040863581001758575 in:0.02344057895243168 :0.12709344923496246 +be:0.06754599511623383 the:0.06198681890964508 make:0.030936134979128838 do:0.024680348113179207 :0.07546891272068024 +the:0.045976120978593826 of:0.0209276732057333 and:0.02088066190481186 was:0.012857556343078613 :0.12872399389743805 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.1119268536567688 is:0.038954753428697586 to:0.03642740100622177 of:0.029491988942027092 :0.06482285261154175 +the:0.26336124539375305 a:0.049401458352804184 his:0.02450677379965782 their:0.020040713250637054 :0.0822642594575882 +the:0.2420325130224228 a:0.07586559653282166 their:0.04258757829666138 this:0.023788444697856903 :0.07983004301786423 +of:0.07589372992515564 and:0.043122775852680206 to:0.032320261001586914 in:0.02825782634317875 :0.15641026198863983 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +sale:0.019249269738793373 large:0.018949978053569794 vote:0.018371470272541046 majority:0.016691694036126137 :0.1822020411491394 +The:0.057995617389678955 I:0.03340297192335129 It:0.028685104101896286 He:0.021483350545167923 :0.14483806490898132 +the:0.08750028163194656 to:0.08745035529136658 a:0.05960569903254509 you:0.039595652371644974 :0.09217226505279541 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.011888744309544563 work:0.004411852452903986 use:0.0034128911793231964 for:0.0033430326730012894 :0.31624558568000793 +a:0.05119798332452774 well:0.048938628286123276 much:0.0377415232360363 to:0.03381568565964699 :0.07794912904500961 +is:0.2458275407552719 was:0.1237618699669838 would:0.037094030529260635 will:0.03393251448869705 :0.04183221235871315 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.6964602470397949 or:0.04974045976996422 and:0.022524287924170494 ot:0.014952536672353745 :0.02000594697892666 +be:0.4049481451511383 have:0.031107541173696518 bo:0.022690076380968094 do:0.012638826854526997 :0.06796819716691971 +and:0.18408368527889252 of:0.0785398930311203 in:0.05651009455323219 are:0.05155516788363457 :0.0370587594807148 +of:0.2788175940513611 and:0.05572928488254547 was:0.030241329222917557 the:0.026026830077171326 :0.0515608973801136 +The:0.10144516825675964 It:0.0342131033539772 I:0.030881358310580254 He:0.029855376109480858 :0.12085461616516113 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +was:0.05940666049718857 and:0.053591031581163406 of:0.052565015852451324 department:0.04855869710445404 :0.08440063148736954 +the:0.3136957883834839 a:0.0888240784406662 this:0.04672016203403473 that:0.03230352699756622 :0.07489462196826935 +a:0.11472536623477936 to:0.060040321201086044 the:0.05640900880098343 one:0.01946324296295643 :0.13690948486328125 +to:0.14635862410068512 in:0.08276800066232681 on:0.04895351827144623 by:0.03943955525755882 :0.054478030651807785 +are:0.11928252130746841 were:0.07906246185302734 have:0.07799320667982101 will:0.0769071877002716 :0.05792372301220894 +of:0.12925444543361664 and:0.1136099249124527 in:0.03260526806116104 to:0.028979776427149773 :0.06468168646097183 +the:0.05329990014433861 to:0.0400429405272007 of:0.03584877774119377 and:0.03233654797077179 :0.028562458232045174 +have:0.06919720023870468 was:0.04142190143465996 would:0.03925180807709694 had:0.03722555935382843 :0.08491166681051254 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.09776431322097778 us:0.06326692551374435 it:0.04423500970005989 me:0.024992065504193306 :0.10770244896411896 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.07866080850362778 a:0.040318384766578674 to:0.021479586139321327 of:0.021301550790667534 :0.22331388294696808 +of:0.05473342910408974 and:0.03660817816853523 to:0.02786068245768547 in:0.014832833781838417 :0.204084575176239 +the:0.35981640219688416 he:0.05801771581172943 it:0.045373450964689255 they:0.03238287568092346 :0.046577513217926025 +of:0.2411920726299286 and:0.10120262205600739 was:0.046729184687137604 in:0.03523224964737892 :0.045704420655965805 +and:0.05480072274804115 of:0.035245612263679504 The:0.022299589589238167 to:0.017220141366124153 :0.17170989513397217 +ficient:0.7057427167892456 fered:0.07126493752002716 fering:0.038925278931856155 to:0.010397159494459629 :0.08893570303916931 +and:0.05692258104681969 as:0.04215701296925545 to:0.026766281574964523 of:0.02533460594713688 :0.18525700271129608 +the:0.31955790519714355 into:0.0958949476480484 a:0.07650050520896912 their:0.021662700921297073 :0.054499536752700806 +May,:0.08095688372850418 April,:0.04585292935371399 the:0.044244881719350815 March,:0.043213747441768646 :0.09576082974672318 +the:0.04828064143657684 and:0.03420832008123398 to:0.02433856576681137 a:0.018546001985669136 :0.13122829794883728 +and:0.04717637225985527 mysteries:0.040537212044000626 of:0.026919201016426086 for:0.012779238633811474 :0.12949132919311523 +the:0.15845449268817902 that:0.08806413412094116 in:0.049757376313209534 a:0.04020065441727638 :0.04789521172642708 +The:0.14476296305656433 We:0.056773073971271515 It:0.05397704988718033 He:0.045606616884469986 :0.0951291173696518 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.04775598645210266 the:0.023661363869905472 of:0.018852587789297104 was:0.017403781414031982 :0.20776008069515228 +and:0.03593898192048073 the:0.023734187707304955 was:0.01719687506556511 of:0.015675466507673264 :0.19643662869930267 +and:0.1406007707118988 of:0.042107511311769485 or:0.020668527111411095 in:0.018521608784794807 :0.09847036749124527 +of:0.09877844899892807 the:0.09420890361070633 was:0.06347370892763138 that:0.04122734069824219 :0.0860990509390831 +of:0.25937482714653015 in:0.13849300146102905 on:0.047373414039611816 at:0.04412698745727539 :0.06685984134674072 +.:0.019995704293251038 d:0.018003392964601517 e:0.01771313138306141 s:0.01531571988016367 :0.3057878017425537 +point:0.09275677800178528 time:0.03719547018408775 cost:0.028422515839338303 distance:0.02712910622358322 :0.13149255514144897 +the:0.4668443202972412 a:0.026172636076807976 be:0.02315710298717022 tho:0.018834112212061882 :0.07094032317399979 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +a:0.08059234172105789 the:0.053384438157081604 now:0.04038158431649208 not:0.036100976169109344 :0.08600539714097977 +to:0.6576294898986816 by:0.047093868255615234 the:0.024684371426701546 in:0.01855410821735859 :0.01861785538494587 +tem:0.7015387415885925 and:0.018165012821555138 the:0.009838559664785862 tern:0.0021797935478389263 :0.11075055599212646 +only:0.09157352149486542 to:0.08957784622907639 less:0.036623209714889526 a:0.030202582478523254 :0.10953262448310852 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +and:0.013208935037255287 men:0.006948111578822136 way:0.006403873674571514 rate:0.0052673486061394215 :0.18191149830818176 +the:0.1769973784685135 be:0.03636062517762184 a:0.01705896109342575 have:0.013876525685191154 :0.14042578637599945 +the:0.32664230465888977 this:0.02881687320768833 a:0.022048713639378548 that:0.018022941425442696 :0.10980681329965591 +the:0.1812775880098343 he:0.08779546618461609 they:0.056150373071432114 it:0.04489459469914436 :0.09481287747621536 +and:0.015317014418542385 other:0.00807744450867176 parties:0.007781282067298889 States:0.007748861331492662 :0.1810488998889923 +the:0.2937268614768982 a:0.055136121809482574 this:0.024372592568397522 their:0.016415594145655632 :0.08434578776359558 +been:0.35681745409965515 not:0.03365053981542587 a:0.02497457154095173 had:0.018189741298556328 :0.04981596767902374 +the:0.2827298641204834 a:0.028437387198209763 this:0.018748290836811066 his:0.018016070127487183 :0.10044188797473907 +is:0.026245543733239174 the:0.02442086860537529 of:0.02273762784898281 and:0.017392393201589584 :0.14825035631656647 +own:0.03637128323316574 home:0.013981475494801998 wife:0.008942624554038048 friends:0.00709254527464509 :0.1596558839082718 +that:0.09567549079656601 to:0.08844166994094849 and:0.07250043004751205 is:0.03851882740855217 :0.04871959984302521 +is:0.17709073424339294 was:0.09796224534511566 has:0.04963606223464012 would:0.046172354370355606 :0.0536075159907341 +same:0.009403667412698269 first:0.009327743202447891 most:0.006828591227531433 last:0.006156840827316046 :0.13980033993721008 +have:0.1536019891500473 are:0.11202611029148102 were:0.06544233113527298 had:0.029928559437394142 :0.05467347055673599 +to:0.31223294138908386 that:0.2593189775943756 by:0.06548959761857986 the:0.0389450304210186 :0.03182879462838173 +the:0.06851883232593536 and:0.05045848712325096 to:0.048982638865709305 in:0.0401642844080925 :0.06911197304725647 +the:0.21230770647525787 a:0.11131212115287781 his:0.029415015131235123 her:0.016686318442225456 :0.10354024916887283 +and:0.21691063046455383 of:0.07009138911962509 to:0.03308367356657982 at:0.025036929175257683 :0.10212467610836029 +the:0.26623034477233887 a:0.09789615124464035 in:0.01979832723736763 his:0.01741035282611847 :0.07887421548366547 +of:0.415822297334671 to:0.10943137854337692 in:0.0566834956407547 and:0.03305612877011299 :0.025140687823295593 +the:0.25472143292427063 a:0.04519839212298393 this:0.027172746136784554 which:0.022995732724666595 :0.0975024476647377 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +The:0.12378595769405365 It:0.06860247999429703 He:0.045184314250946045 I:0.040443286299705505 :0.10789675265550613 +the:0.08704448491334915 a:0.02217603661119938 his:0.012895599007606506 was:0.011976474896073341 :0.08834656327962875 +that:0.10693127661943436 and:0.07184313982725143 the:0.06452682614326477 but:0.031537845730781555 :0.05758548900485039 +was:0.11000830680131912 had:0.06559371203184128 is:0.02918422780930996 has:0.028232719749212265 :0.14558060467243195 +the:0.2129315286874771 a:0.06809636205434799 which:0.03687663748860359 his:0.021878886967897415 :0.07302527874708176 +to:0.1293494701385498 a:0.09936601668596268 the:0.08294900506734848 well:0.03415509685873985 :0.06467597186565399 +and:0.09518934041261673 the:0.06306373327970505 but:0.02942197397351265 with:0.02184101566672325 :0.05000707134604454 +the:0.07318828254938126 a:0.013420740142464638 other:0.01188011933118105 that:0.010883777402341366 :0.16929921507835388 +the:0.09811367094516754 to:0.04694012179970741 of:0.03130919113755226 a:0.028031477704644203 :0.08597446978092194 +are:0.09708436578512192 were:0.07343904674053192 will:0.06335995346307755 have:0.05376990884542465 :0.11596156656742096 +ing:0.25982022285461426 and:0.04327908530831337 ed:0.024164631962776184 I:0.009734966792166233 :0.12812675535678864 +of:0.060990579426288605 and:0.036278292536735535 in:0.02918010577559471 to:0.018551815301179886 :0.2218598574399948 +the:0.20475301146507263 of:0.05124387517571449 and:0.030740460380911827 a:0.029300112277269363 :0.05348322167992592 +few:0.025498947128653526 long:0.01344225276261568 large:0.012599796988070011 great:0.01166859082877636 :0.16199903190135956 +were:0.13149167597293854 are:0.08427795767784119 had:0.06715016067028046 have:0.04877684265375137 :0.05101083591580391 +most:0.00553146144375205 same:0.005154811777174473 matter:0.005136925261467695 people:0.004535852465778589 :0.1718953251838684 +and:0.0635647103190422 in:0.03386475890874863 with:0.032559964805841446 to:0.024627987295389175 :0.11649899184703827 +been:0.25891584157943726 a:0.028343502432107925 the:0.02306274138391018 to:0.02238249033689499 :0.11074206233024597 +and:0.1430129110813141 but:0.05161506310105324 the:0.04905516281723976 thence:0.020881187170743942 :0.13841383159160614 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.015718918293714523 condition:0.012585432268679142 thing:0.01087341457605362 laxative:0.006510788109153509 :0.1748543381690979 +the:0.34118908643722534 tho:0.020137812942266464 a:0.017867522314190865 this:0.014800764620304108 :0.11056298017501831 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.21279595792293549 a:0.04367508366703987 tho:0.017906267195940018 his:0.015993263572454453 :0.1797020137310028 +The:0.07362089306116104 It:0.049911368638277054 I:0.032445505261421204 In:0.023484714329242706 :0.20389911532402039 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +and:0.23991020023822784 of:0.08977160602807999 in:0.037880055606365204 at:0.03277496621012688 :0.058296624571084976 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +to:0.11384653300046921 dated:0.10502176731824875 by:0.07342859357595444 and:0.06479085981845856 :0.04645972698926926 +every:0.16331391036510468 the:0.0888933539390564 all:0.04450540244579315 a:0.02749967947602272 :0.1063116192817688 +the:0.3199171721935272 a:0.024724237620830536 his:0.01923230104148388 their:0.013407439924776554 :0.12012206763029099 +to:0.09135384857654572 from:0.053617168217897415 into:0.04657647758722305 out:0.044512130320072174 :0.036056239157915115 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.10331768542528152 to:0.06991488486528397 or:0.04623055458068848 for:0.03715049847960472 :0.13667941093444824 +to:0.033165302127599716 the:0.03233732655644417 not:0.021032877266407013 a:0.017125580459833145 :0.1519431322813034 +the:0.032058294862508774 a:0.012594644911587238 more:0.011424219235777855 in:0.008127217181026936 :0.20848453044891357 +turned:0.032268691807985306 quired:0.029725821688771248 ceived:0.02305729314684868 mained:0.02271425724029541 :0.34098342061042786 +and:0.14708217978477478 that:0.06712460517883301 in:0.06288479268550873 with:0.0401209332048893 :0.05680478364229202 +and:0.08059528470039368 The:0.030947944149374962 to:0.030756404623389244 the:0.02026664838194847 :0.16424399614334106 +of:0.031809788197278976 in:0.016063595190644264 hour:0.01600593701004982 years:0.01391393318772316 :0.16855427622795105 +the:0.25346940755844116 a:0.07535343617200851 ten:0.036206625401973724 thirty:0.03453386202454567 :0.054340511560440063 +United:0.00981015432626009 State:0.005179263651371002 city:0.0050252508372068405 state:0.0037506066728383303 :0.37216782569885254 +the:0.08107395470142365 a:0.03028448112308979 any:0.010064786300063133 their:0.008227253332734108 :0.2246452122926712 +the:0.21975035965442657 he:0.04893699288368225 a:0.026238249614834785 it:0.026164161041378975 :0.061303865164518356 +and:0.1942322701215744 but:0.02930847741663456 the:0.02898314595222473 of:0.028827302157878876 :0.06086155027151108 +the:0.13921570777893066 of:0.039191290736198425 that:0.016518011689186096 and:0.014215685427188873 :0.1863418072462082 +wife,:0.03510062023997307 own:0.020067038014531136 wife:0.01520314160734415 head:0.011249985545873642 :0.2084280103445053 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +was:0.09473147243261337 had:0.060098160058259964 has:0.0312807522714138 is:0.03061031736433506 :0.08015788346529007 +the:0.023705702275037766 other:0.009168101474642754 a:0.008901345543563366 equitable:0.00786933396011591 :0.2249920666217804 +man:0.11805124580860138 men:0.06800210475921631 lady:0.04202333837747574 people:0.03622622787952423 :0.1664341390132904 +and:0.16553543508052826 in:0.09641905128955841 to:0.08324120938777924 that:0.04616806283593178 :0.04210368171334267 +been:0.7645025253295898 no:0.02342362329363823 not:0.02088288404047489 a:0.014249192550778389 :0.018944667652249336 +the:0.08107821643352509 a:0.023870721459388733 course,:0.023829711601138115 course:0.02158118039369583 :0.34679660201072693 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +to:0.1930616796016693 on:0.05187000706791878 out:0.050868693739175797 down:0.039683617651462555 :0.21190710365772247 +and:0.03456975147128105 the:0.03295321762561798 to:0.027656177058815956 a:0.01320398598909378 :0.2731572687625885 +be:0.08930595964193344 the:0.04789407551288605 have:0.028384704142808914 make:0.02133757621049881 :0.11218426376581192 +the:0.15932875871658325 he:0.09935276210308075 they:0.07950282096862793 it:0.04544030874967575 :0.05215403065085411 +the:0.22477923333644867 be:0.03899076208472252 whether:0.023945176973938942 make:0.021186623722314835 :0.08064348250627518 +in:0.05253031104803085 and:0.028201879933476448 being:0.01811828278005123 that:0.01756887324154377 :0.13824871182441711 +street:0.09590236097574234 Square:0.06515905261039734 and:0.06065480038523674 avenue:0.04280809313058853 :0.2591424286365509 +is:0.0677429735660553 the:0.06661868095397949 was:0.06310112774372101 he:0.04053397476673126 :0.06512480229139328 +the:0.18444699048995972 in:0.11822796612977982 him:0.049497395753860474 In:0.03377591446042061 :0.045840341597795486 +was:0.09031578153371811 had:0.04470191150903702 is:0.031551867723464966 has:0.027047226205468178 :0.06557593494653702 +and:0.27768993377685547 but:0.04956268519163132 as:0.04802961274981499 the:0.026650795713067055 :0.03541216999292374 +to:0.06103655695915222 the:0.044116873294115067 and:0.03541865199804306 in:0.019758787006139755 :0.14264719188213348 +the:0.1701170653104782 he:0.0894344300031662 you:0.05537915974855423 it:0.054790936410427094 :0.0560588501393795 +wife:0.02616979368031025 wife,:0.023029550909996033 own:0.02225836180150509 wife.:0.015132210217416286 :0.16550232470035553 +the:0.4399586021900177 this:0.03902647644281387 a:0.028787760064005852 all:0.016459528356790543 :0.0814724862575531 +to:0.5467086434364319 that:0.10006123781204224 for:0.023972423747181892 the:0.018054790794849396 :0.014963582158088684 +is:0.1478615254163742 was:0.08355598896741867 that:0.03823216259479523 be:0.036726560443639755 :0.07199244201183319 +and:0.05385274440050125 of:0.03176647052168846 the:0.02379402332007885 The:0.02015802264213562 :0.265396386384964 +the:0.3279057443141937 a:0.05003968998789787 said:0.015094571746885777 his:0.015084858052432537 :0.16543631255626678 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +and:0.20031142234802246 the:0.0694800317287445 but:0.04856104776263237 of:0.020336434245109558 :0.08082213997840881 +not:0.06150586158037186 to:0.02884296141564846 now:0.021289000287652016 in:0.018715757876634598 :0.12344684451818466 +be:0.3684854209423065 have:0.12043312937021255 bo:0.019949747249484062 the:0.01950828917324543 :0.05084067955613136 +to:0.4393259286880493 that:0.13780520856380463 in:0.023920392617583275 as:0.014836885966360569 :0.08491404354572296 +and:0.09124361723661423 the:0.03461272642016411 of:0.03153792768716812 in:0.028544940054416656 :0.2014307975769043 +man:0.04505860060453415 and:0.04350661858916283 fellow:0.02780420146882534 of:0.01615692302584648 :0.19676654040813446 +the:0.18972250819206238 cases:0.04129449278116226 parts:0.032590627670288086 its:0.031904857605695724 :0.10611911863088608 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +scribed:0.20724593102931976 and:0.17891590297222137 which:0.017610490322113037 the:0.017501886934041977 :0.0961964949965477 +The:0.13528771698474884 It:0.06705443561077118 He:0.0375480018556118 In:0.03681838884949684 :0.06461618840694427 +of:0.04603186994791031 and:0.037986431270837784 to:0.015055264346301556 in:0.006472666282206774 :0.31537309288978577 +is:0.2018539160490036 was:0.13257378339767456 are:0.10743173956871033 were:0.05387154966592789 :0.03529476746916771 +and:0.09023593366146088 of:0.05489804223179817 to:0.025930874049663544 the:0.02362997457385063 :0.17686127126216888 +ning:0.8535227179527283 the:0.011648500338196754 and:0.00512324133887887 ning.:0.0023463189136236906 :0.02599325217306614 +a:0.09252816438674927 the:0.09123092889785767 to:0.06231997162103653 well:0.057684335857629776 :0.06287966668605804 +most:0.04713147133588791 best:0.023611828684806824 only:0.02107817679643631 same:0.015984224155545235 :0.18346810340881348 +the:0.4527554512023926 a:0.034156061708927155 tho:0.02411692962050438 this:0.02030176855623722 :0.050336409360170364 +the:0.24038702249526978 this:0.03324378281831741 a:0.028089893981814384 his:0.02125323750078678 :0.11417966336011887 +and:0.047479718923568726 of:0.04014528542757034 the:0.019002782180905342 to:0.011701744049787521 :0.23866014182567596 +the:0.058316078037023544 be:0.05013469234108925 make:0.026151057332754135 whom:0.022789979353547096 :0.11792706698179245 +and:0.044869985431432724 the:0.027170812711119652 of:0.026922250166535378 The:0.012424669228494167 :0.21608924865722656 +of:0.7706441283226013 or:0.024416107684373856 ot:0.020179321989417076 ol:0.009586824104189873 :0.02660573087632656 +good:0.01999701000750065 member:0.018181726336479187 great:0.0173494890332222 part:0.011428680270910263 :0.19384318590164185 +the:0.16854198276996613 a:0.11164914816617966 his:0.03565441444516182 an:0.017530079931020737 :0.11247359216213226 +is:0.05877846106886864 the:0.043724995106458664 was:0.03350821137428284 he:0.027279146015644073 :0.10584041476249695 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +from:0.09360699355602264 to:0.09146030247211456 up:0.05025505647063255 the:0.04383091628551483 :0.07214882969856262 +and:0.05977395921945572 the:0.01743800938129425 to:0.01739553175866604 in:0.01125572994351387 :0.3266364336013794 +most:0.015559066087007523 same:0.01342570036649704 people:0.010263863019645214 best:0.01011191587895155 :0.19238555431365967 +A.:0.03077835403382778 and:0.015276242047548294 W.:0.014893366023898125 E.:0.012990348041057587 :0.544046938419342 +to:0.4842623770236969 a:0.04005222022533417 as:0.018502745777368546 more:0.01626470685005188 :0.0872337594628334 +in:0.115759938955307 to:0.10687075555324554 the:0.04745448753237724 on:0.03264850750565529 :0.05101385712623596 +The:0.15307533740997314 A:0.04366829991340637 It:0.027996420860290527 In:0.022887766361236572 :0.1395650953054428 +the:0.23903463780879974 a:0.04503455013036728 this:0.023342296481132507 least:0.019978078082203865 :0.1445382982492447 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.18219873309135437 it:0.06475894153118134 he:0.059891633689403534 there:0.031065989285707474 :0.10265660285949707 +the:0.44854986667633057 a:0.04367095232009888 his:0.02165980450809002 tho:0.016228938475251198 :0.08137235045433044 +of:0.5246054530143738 and:0.03408192843198776 day:0.009015495888888836 ot:0.006752841640263796 :0.12476719170808792 +the:0.12361720949411392 to:0.06230451911687851 in:0.024734843522310257 for:0.023657668381929398 :0.12371651083230972 +the:0.25313615798950195 a:0.03802177309989929 his:0.018857941031455994 this:0.018624283373355865 :0.12480076402425766 +is:0.07484179735183716 was:0.03279593214392662 will:0.012481746263802052 Is:0.010048060677945614 :0.14144301414489746 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +to:0.6131113767623901 a:0.03183172270655632 that:0.029567956924438477 as:0.02431398630142212 :0.06282562017440796 +necessary:0.02500094100832939 made:0.023936236277222633 the:0.023093899711966515 said:0.022568104788661003 :0.14483880996704102 +the:0.2899618148803711 a:0.03158068284392357 his:0.021811606362462044 this:0.020952286198735237 :0.12751424312591553 +than:0.3233991861343384 of:0.18179969489574432 and:0.07439956814050674 to:0.06724350899457932 :0.05586092919111252 +to:0.14815081655979156 out:0.10385284572839737 into:0.068999283015728 over:0.06861305981874466 :0.04921218007802963 +be:0.05439907684922218 make:0.030543632805347443 secure:0.028680024668574333 the:0.025652075186371803 :0.09562598913908005 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +been:0.4511910378932953 to:0.05094362795352936 not:0.04694107174873352 a:0.020192110911011696 :0.047456059604883194 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +the:0.10129914432764053 to:0.06169535219669342 a:0.0370931513607502 well:0.03391152620315552 :0.08044353872537613 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.1145552396774292 of:0.10579884797334671 in:0.06954871863126755 to:0.03234000504016876 :0.039835505187511444 +o'clock:0.5402497053146362 o’clock:0.11491239070892334 per:0.03238309919834137 cents:0.024143455550074577 :0.047868769615888596 +of:0.09169799089431763 who:0.08964931219816208 and:0.07915584743022919 in:0.03931410238146782 :0.04208536446094513 +the:0.2022063136100769 a:0.03734172135591507 be:0.030301759019494057 tho:0.010090157389640808 :0.08858661353588104 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +is:0.20282167196273804 was:0.1709650605916977 will:0.05391675978899002 would:0.05318502336740494 :0.03403974324464798 +and:0.11510566622018814 for:0.08962075412273407 in:0.05896402895450592 the:0.054169800132513046 :0.038444776087999344 +have:0.1128346249461174 was:0.06361363083124161 had:0.06028153747320175 am:0.04354093596339226 :0.07309651374816895 +that:0.35621178150177 the:0.08000803738832474 it:0.028053170070052147 to:0.025137947872281075 :0.023195406422019005 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +sum:0.010737186297774315 line:0.0077740843407809734 amount:0.006927809212356806 said:0.0064490423537790775 :0.1843367964029312 +be:0.16572146117687225 have:0.14299900829792023 not:0.035973139107227325 bo:0.011142928153276443 :0.07463561743497849 +of:0.22605814039707184 and:0.13408339023590088 to:0.042468536645174026 is:0.04021583870053291 :0.05167550593614578 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +creased:0.04119090735912323 terest:0.028852375224232674 stead:0.027768975123763084 terested:0.02275593765079975 :0.36065950989723206 +the:0.11960668861865997 a:0.030635301023721695 his:0.015018909238278866 in:0.013670647516846657 :0.13104327023029327 +the:0.18300242722034454 a:0.1130601093173027 their:0.047173164784908295 his:0.034480515867471695 :0.03276918828487396 +of:0.27710142731666565 the:0.0639771968126297 to:0.05763652175664902 and:0.05135475471615791 :0.04515601694583893 +I:0.06492093950510025 the:0.05919855087995529 that:0.05700506642460823 it:0.04381538927555084 :0.09204337000846863 +and:0.05509757623076439 of:0.05132346972823143 to:0.04044642671942711 in:0.016108853742480278 :0.15316887199878693 +after:0.17807583510875702 before:0.08070608228445053 (exclusive:0.06763765215873718 from:0.06076774001121521 :0.042893242090940475 +the:0.0939759761095047 be:0.038534462451934814 see:0.020593993365764618 make:0.018535735085606575 :0.10177890211343765 +the:0.214591845870018 that:0.08237815648317337 of:0.03667621314525604 other:0.0170594472438097 :0.08738520741462708 +is:0.06040919944643974 to:0.04867154359817505 was:0.037838999181985855 in:0.03057917021214962 :0.05542072281241417 +and:0.058453354984521866 cabin:0.027395766228437424 in:0.025454247370362282 at:0.024961013346910477 :0.10393208265304565 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.29519590735435486 this:0.04716978594660759 a:0.03495587781071663 which:0.02505984529852867 :0.09463901817798615 +point:0.04054637998342514 stake:0.01858576014637947 great:0.01733686961233616 large:0.015888528898358345 :0.1647801548242569 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.21321070194244385 a:0.027325449511408806 be:0.021911276504397392 make:0.011391821317374706 :0.14675365388393402 +of:0.07702580094337463 and:0.06552059203386307 in:0.04166631028056145 or:0.03484702110290527 :0.10554792732000351 +of:0.03660431504249573 and:0.024252906441688538 roads:0.020238714292645454 people:0.013768350705504417 :0.15314267575740814 +day:0.030079804360866547 year:0.020098654553294182 matter:0.015130074694752693 morning:0.014625241048634052 :0.15769612789154053 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +and:0.15828867256641388 the:0.05341292545199394 but:0.039146002382040024 that:0.038701292127370834 :0.08727332204580307 +the:0.02705482579767704 unlimited:0.024419138208031654 a:0.01449470967054367 State:0.007406167220324278 :0.2385656088590622 +are:0.056041423231363297 were:0.03210178390145302 men:0.023040788248181343 two:0.02302761934697628 :0.15369102358818054 +D:0.02718532271683216 C:0.026228491216897964 E.:0.01856163516640663 C.:0.018287481740117073 :0.284609854221344 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +said:0.0134349400177598 same:0.01177753135561943 first:0.009711806662380695 whole:0.0088340537622571 :0.2611219584941864 +first:0.01066309493035078 only:0.010069168172776699 said:0.009731520898640156 same:0.009634640999138355 :0.210723876953125 +not:0.043486714363098145 the:0.037996433675289154 to:0.02461150661110878 a:0.013623465783894062 :0.12921972572803497 +the:0.2757645845413208 a:0.055394552648067474 such:0.017973849549889565 their:0.016036562621593475 :0.07758619636297226 +and:0.046372801065444946 of:0.00799636635929346 or:0.006794180255383253 in:0.006689765024930239 :0.3422483503818512 +for:0.20323197543621063 of:0.13099004328250885 and:0.0494459867477417 are:0.04269597679376602 :0.038423098623752594 +are:0.0729588121175766 were:0.06727457791566849 have:0.060776401311159134 will:0.05681668967008591 :0.09261475503444672 +and:0.1156885102391243 of:0.10510805249214172 in:0.0526246652007103 that:0.04531557112932205 :0.02886793576180935 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +of:0.6907161474227905 and:0.020116105675697327 ot:0.014934051781892776 ol:0.006909915246069431 :0.015927087515592575 +to:0.8309250473976135 and:0.03441726043820381 or:0.02384890429675579 in:0.012921645306050777 :0.009333236142992973 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.1166791170835495 and:0.01995491422712803 r:0.011898295022547245 a:0.011725335381925106 :0.27520042657852173 +ceive:0.07128868997097015 main:0.039442066103219986 quire:0.031565625220537186 turn:0.02952420711517334 :0.29803311824798584 +the:0.3115377128124237 a:0.04736020043492317 this:0.040208976715803146 his:0.021451277658343315 :0.08047834038734436 +the:0.07230911403894424 of:0.02576346881687641 and:0.022296948358416557 it:0.020196815952658653 :0.18267858028411865 +been:0.2351735383272171 a:0.0456407368183136 not:0.025228317826986313 the:0.020197948440909386 :0.09860303997993469 +of:0.27674421668052673 who:0.0526159293949604 to:0.04227253422141075 are:0.03817153722047806 :0.036899711936712265 +to:0.03207772225141525 the:0.031437311321496964 and:0.02601541019976139 I:0.020696697756648064 :0.20808419585227966 +be:0.1681027114391327 not:0.04213472455739975 have:0.023545026779174805 bo:0.016062552109360695 :0.07866574078798294 +of:0.4127485454082489 for:0.08223160356283188 in:0.042451128363609314 on:0.03207242488861084 :0.03439643234014511 +first:0.026201236993074417 same:0.022164901718497276 whole:0.011838177219033241 night:0.008976142853498459 :0.1736566126346588 +of:0.11731825023889542 was:0.03166795149445534 is:0.02645224891602993 and:0.01920516975224018 :0.15780214965343475 +and:0.08059528470039368 The:0.030947944149374962 to:0.030756404623389244 the:0.02026664838194847 :0.16424399614334106 +to:0.06962890923023224 and:0.03918535262346268 a:0.0372002087533474 in:0.01958305574953556 :0.10581551492214203 +of:0.07329343259334564 who:0.03200149908661842 and:0.03064670041203499 that:0.022684356197714806 :0.08762957900762558 +was:0.07589242607355118 had:0.06941252946853638 are:0.04950590804219246 has:0.04946213215589523 :0.08267950266599655 +few:0.04274725541472435 .:0.034640975296497345 large:0.03458363935351372 great:0.030482716858386993 :0.13920585811138153 +a:0.052848149091005325 of:0.039205338805913925 in:0.02888093702495098 the:0.023565931245684624 :0.20212988555431366 +be:0.22145269811153412 have:0.06905829906463623 deem:0.05812820419669151 not:0.033185362815856934 :0.07737115770578384 +the:0.053737279027700424 see:0.027594422921538353 do:0.02462848089635372 be:0.022371072322130203 :0.11844807118177414 +be:0.07305770367383957 the:0.06976292282342911 have:0.020696213468909264 a:0.014456100761890411 :0.13240480422973633 +the:0.5747861862182617 a:0.03331003338098526 said:0.02744457498192787 this:0.027230985462665558 :0.05309579521417618 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +and:0.16230405867099762 in:0.10759109258651733 of:0.10641084611415863 for:0.06522751599550247 :0.05285172536969185 +a:0.05527767911553383 to:0.04928543418645859 not:0.037185296416282654 now:0.025748692452907562 :0.1407129317522049 +of:0.17231594026088715 and:0.07278573513031006 at:0.026156796142458916 was:0.02552991732954979 :0.2596184015274048 +have:0.11194479465484619 are:0.09625653922557831 do:0.05243220180273056 believe:0.03202785179018974 :0.04855339974164963 +to:0.09324847161769867 the:0.07359599322080612 a:0.06997666507959366 them:0.03614355996251106 :0.053282298147678375 +of:0.36926504969596863 that:0.07204417139291763 to:0.043634142726659775 in:0.034703657031059265 :0.0305966604501009 +be:0.45624786615371704 he:0.03414788842201233 have:0.03356752172112465 bo:0.026874065399169922 :0.05098074674606323 +that:0.07805335521697998 the:0.047130852937698364 he:0.04343723878264427 to:0.026159755885601044 :0.16495873034000397 +to:0.04874071106314659 that:0.026167666539549828 husband:0.019956836476922035 a:0.01678652875125408 :0.1750991940498352 +that:0.23652175068855286 the:0.09634511172771454 as:0.049205709248781204 and:0.0295256394892931 :0.026286328211426735 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +result:0.030811160802841187 matter:0.01572415605187416 man:0.013221099972724915 rule,:0.011220080778002739 :0.19510146975517273 +of:0.08813721686601639 and:0.06445551663637161 that:0.04923345148563385 to:0.04828164726495743 :0.046775948256254196 +most:0.011297667399048805 same:0.007972759194672108 only:0.007245216052979231 people:0.006875996943563223 :0.14336536824703217 +a:0.0826164186000824 not:0.06674446910619736 the:0.049485839903354645 to:0.019894205033779144 :0.08433448523283005 +the:0.17722275853157043 be:0.03299955651164055 a:0.02701859548687935 have:0.019510962069034576 :0.112514927983284 +be:0.05273900926113129 see:0.051299087703228 know:0.03788314387202263 have:0.03617488592863083 :0.08115662634372711 +the:0.050321828573942184 to:0.0492648184299469 and:0.03652714937925339 in:0.01677808165550232 :0.10755570232868195 +of:0.0762825608253479 year:0.03915543109178543 other:0.032960399985313416 and:0.032540272921323776 :0.13123157620429993 +the:0.2663734555244446 a:0.04218348115682602 this:0.026520201936364174 his:0.02466508001089096 :0.08629865944385529 +a:0.09890469163656235 the:0.07601070404052734 not:0.037550583481788635 to:0.026297928765416145 :0.14803792536258698 +to:0.5957267880439758 of:0.04204405099153519 for:0.03462120145559311 in:0.02160891704261303 :0.03475864604115486 +The:0.15054936707019806 He:0.09619510173797607 This:0.03800249099731445 A:0.03717188537120819 :0.08075202256441116 +not:0.4839629828929901 the:0.0366952121257782 so:0.0142063545063138 you:0.012784097343683243 :0.07019532471895218 +the:0.05517153441905975 a:0.01317871455103159 that:0.012641241773962975 he:0.008808504790067673 :0.2797805368900299 +the:0.1660737693309784 a:0.03774305805563927 be:0.03394964337348938 tho:0.01453853864222765 :0.16333484649658203 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.37635719776153564 in:0.07962848991155624 to:0.07419958710670471 and:0.07001997530460358 :0.03469911217689514 +wife:0.025075390934944153 name:0.018806012347340584 father:0.0134917963296175 own:0.012890354730188847 :0.13595861196517944 +been:0.24659982323646545 to:0.06635986268520355 the:0.026158057153224945 a:0.021573945879936218 :0.046363431960344315 +the:0.06578933447599411 to:0.01747402548789978 in:0.014795190654695034 a:0.012933949008584023 :0.13966037333011627 +of:0.12763988971710205 and:0.08260189741849899 to:0.021486539393663406 The:0.019258534535765648 :0.19825825095176697 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +the:0.32121798396110535 a:0.05078430473804474 this:0.03520134463906288 said:0.014013011008501053 :0.09478147327899933 +that:0.0938093438744545 to:0.05722513049840927 for:0.01527613215148449 in:0.012726923450827599 :0.15647689998149872 +the:0.3432106077671051 least:0.03563801199197769 this:0.033699650317430496 once:0.024001818150281906 :0.11795524507761002 +guaranteed:0.05822886526584625 the:0.023824715986847878 that:0.022895164787769318 a:0.020680448040366173 :0.16882656514644623 +far:0.11517969518899918 he:0.05895163118839264 I:0.04048285633325577 long:0.0388217531144619 :0.060385093092918396 +of:0.07561134546995163 or:0.059316668659448624 and:0.026813160628080368 to:0.024308238178491592 :0.16759726405143738 +the:0.3641014099121094 a:0.05050947889685631 any:0.028393372893333435 his:0.02684970200061798 :0.06449632346630096 +the:0.3005742132663727 a:0.04829482361674309 all:0.019821511581540108 his:0.017807183787226677 :0.10631051659584045 +of:0.2324303835630417 hundred:0.03352290019392967 who:0.02018466778099537 and:0.01712670922279358 :0.12172071635723114 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +seem:0.02875528112053871 know:0.02843831479549408 appear:0.017823711037635803 have:0.017573153600096703 :0.08063414692878723 +and:0.10379575192928314 to:0.06427935510873795 who:0.023757271468639374 from:0.022691961377859116 :0.06854159384965897 +of:0.08402511477470398 is:0.07053881883621216 and:0.059128016233444214 to:0.057054005563259125 :0.078521229326725 +years:0.036915041506290436 (20):0.016140971332788467 and:0.008119562640786171 miles:0.007947169244289398 :0.23767182230949402 +the:0.1422320008277893 a:0.062233418226242065 to:0.02573319710791111 one:0.022842897102236748 :0.13247062265872955 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +said:0.01138309296220541 same:0.010398422367870808 right:0.007351033389568329 whole:0.005444240290671587 :0.173321932554245 +are:0.06009737029671669 and:0.05200720950961113 in:0.0409521721303463 is:0.03689643368124962 :0.053159017115831375 +neck:0.015263374894857407 house:0.007280244957655668 city:0.006825633812695742 neck,:0.00606971699744463 :0.18158544600009918 +to:0.5152584314346313 in:0.04698001593351364 the:0.04581242799758911 by:0.026040736585855484 :0.02559255063533783 +people:0.014286915771663189 said:0.009541111066937447 same:0.007768310606479645 United:0.007545930799096823 :0.16696782410144806 +city:0.013684514909982681 same:0.012299713678658009 first:0.012064541690051556 case:0.0097059216350317 :0.1689721941947937 +turn:0.025771083310246468 moval:0.021811645478010178 quest:0.02173670381307602 port:0.02095971629023552 :0.3892422914505005 +the:0.4067331552505493 a:0.05008890852332115 this:0.022882750257849693 tho:0.017890095710754395 :0.044603247195482254 +and:0.021044496446847916 J.:0.00983061920851469 Mrs.:0.009172466583549976 New:0.009168513119220734 :0.30939993262290955 +the:0.06937068700790405 a:0.010159547440707684 to:0.009046560153365135 in:0.008753922767937183 :0.11652328073978424 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +the:0.03866104409098625 a:0.02037397213280201 to:0.015896141529083252 in:0.014966755174100399 :0.20824702084064484 +The:0.1552482545375824 He:0.045036330819129944 It:0.03889426961541176 A:0.030968857929110527 :0.09908272325992584 +be:0.21689382195472717 not:0.06737077981233597 have:0.031202761456370354 bo:0.0157318077981472 :0.0500982329249382 +a:0.08041725307703018 the:0.042579974979162216 to:0.03549952805042267 in:0.035064369440078735 :0.14540231227874756 +to:0.6081690192222595 for:0.08040186017751694 evidence:0.02510026842355728 of:0.015147361904382706 :0.04028903320431709 +most:0.009530648589134216 first:0.009315899573266506 result:0.007755502127110958 only:0.006278189364820719 :0.16599462926387787 +than:0.0954120084643364 and:0.0729638934135437 to:0.033711157739162445 the:0.026513701304793358 :0.13216593861579895 +and:0.20512188971042633 in:0.06896423548460007 the:0.027068570256233215 at:0.02360478602349758 :0.0932166576385498 +of:0.20530417561531067 and:0.09474576264619827 to:0.03043043613433838 in:0.022077446803450584 :0.03414009511470795 +and:0.06962862610816956 to:0.04014601558446884 in:0.03175710141658783 of:0.018750818446278572 :0.07246539741754532 +the:0.09463140368461609 and:0.074957475066185 to:0.051912810653448105 a:0.026722105219960213 :0.10247533768415451 +of:0.08726045489311218 and:0.05128277838230133 at:0.03384145349264145 to:0.02684909477829933 :0.1878824383020401 +been:0.28212395310401917 not:0.04434170201420784 a:0.04177636280655861 to:0.028200486674904823 :0.07534005492925644 +and:0.021127833053469658 floor:0.01892634481191635 is:0.017501311376690865 was:0.014989358372986317 :0.10539046674966812 +of:0.5237795114517212 the:0.10583177208900452 a:0.01815544255077839 that:0.010711303912103176 :0.02805672585964203 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +a:0.03770310431718826 the:0.03496844321489334 made:0.027254745364189148 sold:0.016782863065600395 :0.12037137895822525 +the:0.5101587772369385 a:0.028823956847190857 his:0.01714170165359974 tho:0.016626829281449318 :0.10538828372955322 +a:0.09890469163656235 the:0.07601070404052734 not:0.037550583481788635 to:0.026297928765416145 :0.14803792536258698 +and:0.008821108378469944 -:0.003781907958909869 value:0.0035585183650255203 State:0.003472748678177595 :0.3968455195426941 +a:0.12342273443937302 the:0.11597263813018799 place:0.03227009251713753 his:0.03171318396925926 :0.05341555178165436 +and:0.13143447041511536 of:0.11241336911916733 are:0.05420129373669624 for:0.04099944233894348 :0.02711133472621441 +been:0.11867491900920868 a:0.03702731430530548 not:0.031860221177339554 no:0.028345873579382896 :0.0846729427576065 +and:0.18476654589176178 the:0.047366946935653687 to:0.02474696934223175 but:0.024194959551095963 :0.0960148349404335 +the:0.083099864423275 a:0.03632798045873642 only:0.017967024818062782 to:0.012114975601434708 :0.10838792473077774 +and:0.18373486399650574 but:0.051030270755290985 that:0.0418911874294281 the:0.0365590900182724 :0.05867524445056915 +of:0.7008634805679321 and:0.024253826588392258 ot:0.013087923638522625 are:0.011386692523956299 :0.02212018519639969 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +is:0.20692653954029083 was:0.09353628009557724 will:0.03672095015645027 would:0.03488823026418686 :0.06921638548374176 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +a:0.09235845506191254 been:0.08927062898874283 not:0.05524257943034172 the:0.05072120204567909 :0.09908644109964371 +ceive:0.032842036336660385 main:0.021025246009230614 port:0.020597580820322037 quire:0.014465730637311935 :0.33260443806648254 +a:0.1043909415602684 the:0.0904674157500267 such:0.025245768949389458 it:0.025170499458909035 :0.09779719263315201 +the:0.23619042336940765 a:0.03682722896337509 be:0.02507159113883972 their:0.01819990947842598 :0.07987130433320999 +and:0.1798393875360489 in:0.036255091428756714 the:0.02747534215450287 for:0.025257350876927376 :0.0590907447040081 +are:0.17805646359920502 is:0.17421089112758636 was:0.09312781691551208 were:0.08791667968034744 :0.03676930069923401 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +of:0.4033592641353607 to:0.051135022193193436 the:0.03597288578748703 in:0.02982192672789097 :0.04004862159490585 +the:0.11196242272853851 to:0.0502997450530529 and:0.043301813304424286 in:0.03653312101960182 :0.055429089814424515 +to:0.6822537779808044 a:0.04527498036623001 the:0.015492084436118603 they:0.013049826957285404 :0.014513070695102215 +days:0.03786231949925423 two:0.0319768451154232 cases:0.02257305383682251 places:0.01388189010322094 :0.17011697590351105 +and:0.044981107115745544 as:0.014401793479919434 in:0.014008698984980583 with:0.011279678903520107 :0.14531846344470978 +and:0.22049763798713684 of:0.107301265001297 in:0.05399196222424507 to:0.0405006930232048 :0.028306160122156143 +country:0.00604698620736599 city:0.0049471259117126465 whole:0.004506914876401424 same:0.0044769044034183025 :0.18958517909049988 +the:0.1154213398694992 it:0.06229422241449356 they:0.052690740674734116 he:0.05261256545782089 :0.10059963911771774 +the:0.2525653839111328 said:0.019295871257781982 a:0.018944725394248962 his:0.016252947971224785 :0.14343507587909698 +of:0.3238837718963623 were:0.04461788758635521 who:0.04377659782767296 and:0.03544924408197403 :0.045542456209659576 +the:0.05230019614100456 a:0.017321942374110222 that:0.010403499007225037 of:0.009441625326871872 :0.13865754008293152 +and:0.03234223648905754 John:0.005631534848362207 J:0.00521680386736989 A:0.004795602522790432 :0.6013163924217224 +the:0.45091864466667175 this:0.04214382544159889 a:0.02411462925374508 his:0.018379254266619682 :0.10234521329402924 +to:0.15787476301193237 the:0.07840007543563843 for:0.05304243043065071 leave:0.04537193477153778 :0.07625303417444229 +the:0.08511549234390259 he:0.037826936691999435 they:0.02369716577231884 is:0.018934054300189018 :0.08223386108875275 +to:0.21271756291389465 as:0.09439979493618011 only:0.09081431478261948 a:0.04117452725768089 :0.07528427988290787 +The:0.18039797246456146 It:0.0736304447054863 This:0.03374172002077103 He:0.027811262756586075 :0.11350317299365997 +to:0.15045610070228577 of:0.107134610414505 in:0.052850984036922455 by:0.0484214685857296 :0.04948468506336212 +trict:0.12409007549285889 tance:0.06864087283611298 cussion:0.05085126310586929 charge:0.03668363764882088 :0.23598025739192963 +the:0.13684114813804626 a:0.02482283115386963 his:0.013398426584899426 their:0.009754970669746399 :0.1741131991147995 +of:0.11192429810762405 was:0.08724582195281982 has:0.06598205119371414 is:0.04363113269209862 :0.0644298568367958 +and:0.06340884417295456 to:0.0446510873734951 in:0.03310571238398552 for:0.03227832168340683 :0.13404808938503265 +are:0.08566032350063324 have:0.075881227850914 were:0.030346600338816643 shall:0.028201596811413765 :0.03342879191040993 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +the:0.3826659619808197 a:0.045845918357372284 tho:0.01958107203245163 this:0.017486555501818657 :0.07397199422121048 +John:0.018600059673190117 and:0.01743057183921337 James:0.009581576101481915 J:0.009343154728412628 :0.5896095037460327 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.12498234212398529 he:0.10029821842908859 they:0.08549529314041138 it:0.06324867904186249 :0.07372355461120605 +The:0.1644776612520218 It:0.04668436571955681 ing:0.03575801104307175 A:0.032637763768434525 :0.17815282940864563 +the:0.06560187041759491 a:0.057504188269376755 not:0.046534862369298935 to:0.03204038366675377 :0.09298845380544662 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +are:0.03150021657347679 two:0.02166495844721794 were:0.014432791620492935 men:0.011875992640852928 :0.19229020178318024 +the:0.3947116732597351 this:0.034895215183496475 motion:0.024525264278054237 tho:0.021312126889824867 :0.06643873453140259 +the:0.20669865608215332 a:0.02888571284711361 be:0.014401854947209358 make:0.012348012067377567 :0.13421455025672913 +see:0.08801267296075821 get:0.05345458537340164 tell:0.048731449991464615 say:0.042025793343782425 :0.040554147213697433 +and:0.11247137188911438 in:0.03723405301570892 of:0.03333413228392601 which:0.027191922068595886 :0.1217421367764473 +United:0.01529362890869379 most:0.008267953060567379 State:0.005507575813680887 country:0.005215981975197792 :0.284910649061203 +by:0.4512152075767517 and:0.13681142032146454 of:0.11044886708259583 for:0.04780714586377144 :0.029065297916531563 +is:0.060412123799324036 the:0.05131318420171738 of:0.047855194658041 was:0.0437234491109848 :0.13318414986133575 +of:0.15567049384117126 and:0.12167825549840927 to:0.04899626597762108 in:0.04083793982863426 :0.0558207668364048 +amount:0.055614110082387924 of:0.0336943045258522 name:0.024813862517476082 and:0.023152444511651993 :0.12811583280563354 +and:0.20526495575904846 but:0.09410234540700912 the:0.04191909357905388 to:0.027906235307455063 :0.049948904663324356 +and:0.302202045917511 was:0.025029074400663376 or:0.017934497445821762 to:0.01735619828104973 :0.2575979232788086 +and:0.07358655333518982 of:0.048452455550432205 to:0.024775220081210136 the:0.024719595909118652 :0.15072840452194214 +resort,:0.09896233677864075 night:0.03143547475337982 year:0.02716705948114395 resort:0.02414988912642002 :0.13084393739700317 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +Railroad:0.18509183824062347 Railroad,:0.12031509727239609 railroad:0.04643568769097328 Railway:0.03749656304717064 :0.09108006954193115 +chase:0.09558168798685074 chasing:0.048507463186979294 pose:0.043623629957437515 poses:0.038300737738609314 :0.31243038177490234 +and:0.05569411441683769 of:0.047656696289777756 ,:0.026658453047275543 at:0.023067709058523178 :0.19823618233203888 +the:0.3025507628917694 a:0.05052025988698006 this:0.027041664347052574 said:0.021058814600110054 :0.09980149567127228 +of:0.7476904392242432 ot:0.015072738751769066 and:0.012235136702656746 was:0.010009292513132095 :0.02287605218589306 +described:0.14396649599075317 the:0.01595962978899479 year:0.012390836142003536 is:0.01007577870041132 :0.20377714931964874 +in:0.1149214431643486 by:0.06705403327941895 and:0.04881014674901962 at:0.03725668415427208 :0.07714958488941193 +to:0.3200630843639374 the:0.07000694423913956 by:0.05431926250457764 upon:0.04727070778608322 :0.04088875651359558 +the:0.09683328866958618 a:0.020305266603827477 that:0.01971113681793213 to:0.009483933448791504 :0.1391931176185608 +and:0.04679165035486221 of:0.03348183631896973 the:0.030419224873185158 to:0.02541109174489975 :0.25852105021476746 +a:0.14363451302051544 been:0.07744738459587097 any:0.05592993646860123 the:0.050795454531908035 :0.0842120572924614 +the:0.26504236459732056 which:0.03410622477531433 a:0.03253088518977165 this:0.022918710485100746 :0.10456468164920807 +the:0.07714000344276428 and:0.02545115165412426 by:0.02077782340347767 in:0.015932204201817513 :0.16589228808879852 +the:0.022437114268541336 and:0.006761942990124226 State:0.005797489546239376 a:0.005543400067836046 :0.1912044882774353 +the:0.2656475305557251 a:0.049552369862794876 this:0.025838490575551987 and:0.017743991687893867 :0.09246715158224106 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.20406484603881836 to:0.06380794942378998 that:0.041147466748952866 with:0.0365929901599884 :0.06408985704183578 +and:0.03983454033732414 of:0.02303222380578518 or:0.01450714934617281 in:0.006740792188793421 :0.2298114001750946 +the:0.32664361596107483 a:0.03480828180909157 which:0.029225215315818787 this:0.026673370972275734 :0.08667074143886566 +and:0.19855043292045593 or:0.026741934940218925 which:0.022168070077896118 but:0.017773939296603203 :0.11753230541944504 +the:0.10093747079372406 be:0.04628608375787735 any:0.030863044783473015 a:0.01646198146045208 :0.11665105819702148 +The:0.1588050276041031 He:0.050568390637636185 It:0.040611982345581055 A:0.02926972694694996 :0.13934332132339478 +is:0.21667461097240448 was:0.15407530963420868 has:0.06634567677974701 will:0.045997895300388336 :0.044314637780189514 +and:0.08696270734071732 of:0.030189143493771553 The:0.01724386028945446 to:0.017174774780869484 :0.2286924421787262 +and:0.10731900483369827 the:0.04152899980545044 but:0.040388137102127075 that:0.01625026762485504 :0.16513438522815704 +of:0.4958803653717041 the:0.04109251871705055 and:0.03677285462617874 to:0.01901206001639366 :0.06268627196550369 +and:0.1490781158208847 the:0.08537463843822479 to:0.07033345848321915 but:0.0364440381526947 :0.05778951942920685 +is:0.36890244483947754 was:0.14922936260700226 Is:0.0735831931233406 has:0.05313442274928093 :0.04115431755781174 +to:0.2118341624736786 by:0.09839928150177002 the:0.09825689345598221 that:0.09535785764455795 :0.08964182436466217 +to:0.2985481917858124 and:0.10086327791213989 in:0.039007581770420074 on:0.03307300806045532 :0.02840067446231842 +the:0.17188303172588348 they:0.09644666314125061 he:0.07579920440912247 it:0.03954674303531647 :0.04904096946120262 +been:0.31856265664100647 not:0.04540101811289787 a:0.03759961202740669 no:0.016554588451981544 :0.06649979203939438 +not:0.2999309003353119 be:0.2878026068210602 have:0.018928758800029755 bo:0.016623111441731453 :0.04696130007505417 +ill:0.10789141803979874 hich:0.06813707947731018 ithin:0.04597371071577072 ith:0.04353930801153183 :0.33552226424217224 +first:0.017597675323486328 wife:0.01322891004383564 father:0.012813329696655273 name:0.011895782314240932 :0.2191922664642334 +The:0.0770532488822937 Dated:0.04220132902264595 Sec.:0.028041187673807144 It:0.026720253750681877 :0.13362504541873932 +and:0.047888632863759995 was:0.046319711953401566 of:0.02775668539106846 is:0.02209983766078949 :0.1830260157585144 +own:0.03920634090900421 hand:0.02734306827187538 name:0.023852108046412468 care,:0.021841509267687798 :0.16494125127792358 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.030659032985568047 a:0.027275770902633667 and:0.009051443077623844 in:0.008445643819868565 :0.2515999674797058 +and:0.044993139803409576 day:0.033389825373888016 time:0.02525382675230503 floor:0.01913832128047943 :0.10865547508001328 +the:0.2555032968521118 a:0.05268580839037895 said:0.017023978754878044 any:0.01674233004450798 :0.09346763789653778 +in:0.07351183146238327 as:0.05329609662294388 to:0.02854989655315876 at:0.026378927752375603 :0.0301224198192358 +is:0.2570835053920746 was:0.15086019039154053 has:0.052295587956905365 will:0.045246146619319916 :0.06297663599252701 +and:0.06939803063869476 of:0.052251629531383514 to:0.02391093596816063 the:0.02370832860469818 :0.2128247171640396 +the:0.1014626994729042 a:0.03879417106509209 their:0.009395278990268707 his:0.009273774921894073 :0.22416244447231293 +the:0.094419464468956 a:0.012098917737603188 and:0.007410071790218353 tho:0.006907776463776827 :0.38226592540740967 +a:0.2402232140302658 the:0.10202067345380783 an:0.03605610877275467 well:0.017160149291157722 :0.08494293689727783 +in:0.04020482674241066 and:0.01547617744654417 to:0.014978139661252499 as:0.010728749446570873 :0.13698965311050415 +same:0.014433959499001503 said:0.011064507998526096 most:0.007923618890345097 following:0.005566817708313465 :0.23044800758361816 +and:0.08136798441410065 by:0.07747732102870941 in:0.04970097914338112 the:0.04326395317912102 :0.06730087101459503 +the:0.37568947672843933 a:0.058032892644405365 his:0.026047704741358757 an:0.017248084768652916 :0.04267265275120735 +to:0.37816086411476135 and:0.07681328803300858 the:0.07316402345895767 for:0.04096530005335808 :0.05574912950396538 +and:0.07643433660268784 the:0.04233267530798912 that:0.028531817719340324 of:0.025476906448602676 :0.12882697582244873 +of:0.3129439651966095 to:0.09449759870767593 and:0.04557124152779579 is:0.031005363911390305 :0.03800802677869797 +the:0.22104881703853607 a:0.07793544977903366 this:0.01855338364839554 any:0.017035171389579773 :0.08659981191158295 +and:0.05358239635825157 of:0.035927221179008484 the:0.031146615743637085 to:0.021791452541947365 :0.17772334814071655 +been:0.11249412596225739 a:0.04215032234787941 to:0.040756259113550186 no:0.03713744133710861 :0.08855319023132324 +and:0.059407930821180344 the:0.04083307087421417 with:0.02937835268676281 to:0.026067236438393593 :0.18342739343643188 +the:0.17296601831912994 a:0.03781707584857941 two:0.019295794889330864 100:0.015386678278446198 :0.16779404878616333 +a:0.09890469163656235 the:0.07601070404052734 not:0.037550583481788635 to:0.026297928765416145 :0.14803792536258698 +the:0.12578703463077545 Congress:0.05417221784591675 a:0.0187187809497118 Congress,:0.017188265919685364 :0.18645064532756805 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +be:0.4296109676361084 have:0.09353374689817429 not:0.045040056109428406 bo:0.01834298111498356 :0.03749623894691467 +of:0.3097531795501709 and:0.0693446472287178 to:0.021392278373241425 in:0.021261004731059074 :0.04310840368270874 +the:0.09693294763565063 water:0.030097315087914467 a:0.014068125747144222 money:0.01157913077622652 :0.1642964631319046 +the:0.3160593807697296 a:0.06147543713450432 this:0.031516559422016144 his:0.025200897827744484 :0.09097684174776077 +the:0.11145570874214172 and:0.03160027787089348 a:0.019566422328352928 of:0.01588483899831772 :0.09373646974563599 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +and:0.16389364004135132 to:0.05295278877019882 in:0.05259429290890694 are:0.026011453941464424 :0.10127553343772888 +time:0.17345190048217773 time,:0.0880587175488472 time.:0.06392364203929901 of:0.05253618583083153 :0.07399015873670578 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.24013926088809967 a:0.04046476632356644 tho:0.015600822865962982 this:0.014899050816893578 :0.17384237051010132 +the:0.056904811412096024 and:0.034146614372730255 of:0.03128909692168236 to:0.030660480260849 :0.07225304841995239 +the:0.2210799902677536 a:0.04567909240722656 this:0.031053489074110985 tho:0.02067658305168152 :0.14637210965156555 +good:0.025210192427039146 right:0.02119189128279686 great:0.01621919497847557 very:0.01614796742796898 :0.13909828662872314 +the:0.11069656163454056 be:0.07286347448825836 a:0.018846658989787102 do:0.01415968593209982 :0.14339880645275116 +the:0.09455706924200058 is:0.093330979347229 was:0.05855157971382141 he:0.05113716796040535 :0.0462837852537632 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +by:0.21467067301273346 in:0.09493555873632431 to:0.08979606628417969 at:0.053174108266830444 :0.04509656876325607 +of:0.49013766646385193 to:0.1492958962917328 and:0.03779180347919464 in:0.020490936934947968 :0.020229635760188103 +people:0.024928204715251923 own:0.018178360536694527 citizens:0.008162548765540123 friends:0.007008201442658901 :0.11617790907621384 +who:0.1063942164182663 of:0.07821530848741531 and:0.03418957442045212 in:0.03128349781036377 :0.07351920008659363 +you,:0.1935497373342514 the:0.18395580351352692 you:0.051546964794397354 a:0.024521784856915474 :0.07600194960832596 +and:0.3416927754878998 the:0.07307475805282593 but:0.03704873472452164 or:0.02645524963736534 :0.044134724885225296 +and:0.05329936370253563 Harbor:0.02892225794494152 in:0.006858912296593189 man:0.005970095284283161 :0.35171064734458923 +same:0.021294623613357544 most:0.015355291776359081 right:0.007494445890188217 best:0.006451267283409834 :0.28826093673706055 +the:0.09170374274253845 be:0.06368221342563629 a:0.017524227499961853 make:0.017136363312602043 :0.1363956183195114 +and:0.1283532977104187 in:0.06526167690753937 to:0.060233645141124725 on:0.05367160961031914 :0.0479108989238739 +the:0.3850938677787781 a:0.02754652313888073 tho:0.02205386571586132 which:0.021814092993736267 :0.05816016346216202 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +not:0.4841633141040802 the:0.025421805679798126 to:0.011277717538177967 all:0.010316402651369572 :0.0315399169921875 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +of:0.1792643815279007 to:0.044233787804841995 in:0.040889136493206024 at:0.03123491257429123 :0.10766428709030151 +the:0.20174381136894226 a:0.03984657675027847 his:0.024704111739993095 their:0.0170737374573946 :0.16171951591968536 +in:0.26520034670829773 on:0.1308060586452484 at:0.060504376888275146 upon:0.05017029494047165 :0.034028325229883194 +view:0.021477578207850456 large:0.014422591775655746 little:0.012711316347122192 few:0.011675581336021423 :0.20949006080627441 +the:0.13536173105239868 a:0.025349704548716545 this:0.013850977644324303 their:0.009980718605220318 :0.16436517238616943 +not:0.16995519399642944 be:0.08538572490215302 have:0.08178363740444183 see:0.018381625413894653 :0.046296823769807816 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +the:0.4850117564201355 a:0.04935574159026146 this:0.020579105243086815 their:0.02005317248404026 :0.05336764082312584 +large:0.019390283152461052 few:0.015522665344178677 great:0.014969084411859512 very:0.011899277567863464 :0.16022153198719025 +a:0.04361686855554581 not:0.0342603474855423 made:0.03181116655468941 the:0.02874327078461647 :0.09842678904533386 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.4060271084308624 a:0.06813612580299377 them:0.026589030399918556 him:0.022881800308823586 :0.05948054790496826 +and:0.09304142743349075 of:0.04727514088153839 the:0.02967042662203312 The:0.020516084507107735 :0.184367373585701 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.06367607414722443 of:0.03910641744732857 the:0.024616217240691185 The:0.014488442800939083 :0.15935169160366058 +one:0.0517641082406044 part:0.026532897725701332 man:0.02601478062570095 day:0.021649161353707314 :0.12721621990203857 +and:0.06188882142305374 of:0.029729284346103668 the:0.026044385507702827 who:0.015599865466356277 :0.29842042922973633 +in:0.1098163053393364 the:0.03988410159945488 and:0.020040541887283325 In:0.018006213009357452 :0.1771170049905777 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.2239753007888794 to:0.07666277140378952 and:0.0731915533542633 in:0.03748488426208496 :0.04533147066831589 +a:0.10994064807891846 the:0.08592226356267929 to:0.05013163015246391 aforesaid:0.03898744657635689 :0.0890885666012764 +been:0.24296331405639648 a:0.03865490108728409 not:0.025934269651770592 to:0.021139688789844513 :0.08714089542627335 +and:0.08881894499063492 of:0.06921469420194626 after:0.06148715689778328 before:0.05342544987797737 :0.052574269473552704 +of:0.8500872254371643 ot:0.013472850434482098 and:0.006011211778968573 ol:0.005809925962239504 :0.02083311602473259 +of:0.10905186086893082 and:0.06277891993522644 in:0.01666279323399067 to:0.01449253037571907 :0.2015107274055481 +and:0.10853064805269241 of:0.09167318046092987 to:0.05757567659020424 in:0.02906714752316475 :0.08476339280605316 +of:0.16117392480373383 in:0.0801752582192421 to:0.05013890936970711 was:0.04160409793257713 :0.03688453882932663 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.2747739255428314 a:0.04126841574907303 tho:0.023197518661618233 his:0.01324339397251606 :0.1379132866859436 +the:0.36755797266960144 said:0.06611613929271698 this:0.03820333257317543 a:0.023891117423772812 :0.04748071730136871 +are:0.1130317971110344 were:0.09146656095981598 will:0.07139736413955688 have:0.05655486881732941 :0.06575071811676025 +the:0.23202992975711823 other:0.0191803015768528 his:0.01667940802872181 of:0.016342006623744965 :0.13067881762981415 +of:0.011856622993946075 was:0.009507431648671627 is:0.008448854088783264 thing:0.006169997155666351 :0.15658237040042877 +was:0.040192779153585434 and:0.03900322690606117 of:0.031873732805252075 is:0.026363397017121315 :0.1517830193042755 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.04616957902908325 of:0.03604169562458992 to:0.030154647305607796 in:0.026116900146007538 :0.13870401680469513 +to:0.07073014974594116 and:0.05848558619618416 of:0.026241209357976913 the:0.021006105467677116 :0.24587073922157288 +of:0.5766631364822388 and:0.031213367357850075 in:0.02338910475373268 was:0.014937164261937141 :0.014495640061795712 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +in:0.07749692350625992 at:0.07718559354543686 by:0.06717874109745026 up:0.0547652542591095 :0.049782343208789825 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +The:0.13929834961891174 A:0.07276961952447891 It:0.03542645275592804 He:0.03303639590740204 :0.14434583485126495 +one:0.04899820312857628 doubt:0.03992175683379173 more:0.03527088090777397 matter:0.015896020457148552 :0.18281395733356476 +the:0.3746427595615387 a:0.024183789268136024 this:0.021773215383291245 their:0.011266900226473808 :0.1465286910533905 +the:0.291268914937973 a:0.06585408747196198 this:0.01940038986504078 his:0.017008362337946892 :0.08670833706855774 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +is:0.06618373095989227 to:0.050156958401203156 with:0.029374176636338234 in:0.02911088988184929 :0.05836058408021927 +the:0.4251028001308441 a:0.04161310940980911 this:0.030397195369005203 their:0.018371978774666786 :0.09705234318971634 +and:0.04541866481304169 of:0.03319525718688965 the:0.03042822703719139 to:0.025432774797081947 :0.20475472509860992 +of:0.10544145852327347 in:0.09706943482160568 and:0.06109928712248802 to:0.03873651474714279 :0.08036510646343231 +and:0.15900182723999023 are:0.042990636080503464 of:0.03622238337993622 in:0.030019370838999748 :0.08609422296285629 +of:0.9135008454322815 ot:0.010742719285190105 the:0.007072365842759609 and:0.006952912081032991 :0.006496355403214693 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.10384203493595123 a:0.04365126043558121 to:0.03294316679239273 that:0.03259464353322983 :0.17110909521579742 +of:0.26302027702331543 and:0.06546737253665924 in:0.05286739394068718 to:0.025926584377884865 :0.027206141501665115 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.8659135103225708 in:0.010031991638243198 ot:0.008823555894196033 to:0.007511106785386801 :0.007582400925457478 +of:0.17767877876758575 and:0.15696214139461517 the:0.04333479329943657 to:0.034019820392131805 :0.08354740589857101 +the:0.04832408204674721 more:0.026550404727458954 a:0.024181418120861053 other:0.014401338063180447 :0.15231119096279144 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +parcel:0.48677724599838257 the:0.01251108106225729 other:0.009196443483233452 in:0.006530677434056997 :0.12752357125282288 +to:0.11657070368528366 of:0.07479995489120483 that:0.06356768310070038 more:0.05184553191065788 :0.11211150139570236 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +not:0.053635235875844955 the:0.027966195717453957 now:0.024032706394791603 a:0.01841721311211586 :0.11520446091890335 +the:0.1223626509308815 that:0.058004505932331085 of:0.027382241562008858 over:0.024073274806141853 :0.0709320679306984 +and:0.07678483426570892 the:0.028908856213092804 in:0.019165165722370148 a:0.019043507054448128 :0.2101123332977295 +be:0.672276496887207 not:0.03426581248641014 bo:0.024902595207095146 also:0.020290443673729897 :0.03375228866934776 +a:0.026071850210428238 spoke:0.025355001911520958 had:0.02468870021402836 was:0.02073473483324051 :0.059473272413015366 +same:0.01148514449596405 south:0.007093173451721668 amount:0.006743730045855045 following:0.006694795098155737 :0.1777528077363968 +doubt:0.02307071164250374 way:0.01777275651693344 thing:0.013551331125199795 use:0.012001589871942997 :0.07801197469234467 +to:0.40333518385887146 in:0.036154527217149734 from:0.031941208988428116 and:0.029451798647642136 :0.047197241336107254 +of:0.2209920436143875 people:0.02475491724908352 men:0.016971208155155182 persons:0.01621774025261402 :0.1399834156036377 +wife:0.03809013217687607 father:0.032958097755908966 first:0.019612887874245644 friends:0.013503382913768291 :0.22770293056964874 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +to:0.07157653570175171 for:0.061663154512643814 of:0.059394799172878265 and:0.05424336716532707 :0.05049311742186546 +.:0.05623384192585945 H:0.02290881611406803 the:0.022004755213856697 W:0.021206555888056755 :0.3934361934661865 +Assembly:0.06591799110174179 of:0.02702847495675087 and:0.01762080378830433 Land:0.012830291874706745 :0.3337797224521637 +fluence:0.08241298794746399 terest:0.07565158605575562 dividual:0.02706868387758732 terests:0.023688074201345444 :0.39579886198043823 +and:0.10453573614358902 in:0.09345534443855286 at:0.04814186319708824 on:0.03069162182509899 :0.04909718781709671 +in:0.3383508026599884 on:0.13870872557163239 and:0.05991159379482269 In:0.053595688194036484 :0.03627672791481018 +a:0.03761693835258484 the:0.02273794263601303 and:0.012983989901840687 that:0.009620976634323597 :0.12270895391702652 +names:0.019195077940821648 own:0.010992316529154778 lives:0.006505224388092756 respective:0.00623825890943408 :0.23916199803352356 +to:0.8242941498756409 in:0.04961481690406799 and:0.021419858559966087 In:0.008578052744269371 :0.008406383916735649 +half:0.04900379106402397 few:0.024365592747926712 large:0.02117382176220417 good:0.014667495153844357 :0.16771546006202698 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +who:0.13890346884727478 of:0.11840994656085968 to:0.04876529425382614 in:0.03963558003306389 :0.05078648030757904 +the:0.07953853905200958 that:0.023279910907149315 to:0.013779757544398308 in:0.012743595987558365 :0.1251836121082306 +the:0.14952155947685242 to:0.04342089593410492 that:0.029645301401615143 all:0.02165445312857628 :0.07862544059753418 +be:0.34540513157844543 have:0.10174853354692459 the:0.060499973595142365 bo:0.01653164252638817 :0.0757770985364914 +and:0.09676066040992737 to:0.03920593485236168 Valley:0.023320665583014488 City,:0.020020348951220512 :0.3202470541000366 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.08696270734071732 of:0.030189143493771553 The:0.01724386028945446 to:0.017174774780869484 :0.2286924421787262 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.215194433927536 be:0.03935052081942558 a:0.031643934547901154 his:0.011298938654363155 :0.10930165648460388 +and:0.031903740018606186 of:0.007619410753250122 the:0.005915766581892967 a:0.005332282744348049 :0.3199670612812042 +The:0.1449020951986313 In:0.043028801679611206 It:0.041286617517471313 He:0.03581289201974869 :0.10902651399374008 +the:0.035641398280858994 -:0.02026800997555256 a:0.010460065677762032 and:0.008911671116948128 :0.3653016686439514 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +the:0.1844119131565094 he:0.05010654032230377 it:0.04345959424972534 they:0.0366022065281868 :0.057673145085573196 +and:0.08747165650129318 to:0.02489342913031578 of:0.021503906697034836 or:0.017625778913497925 :0.16362422704696655 +country:0.022344404831528664 own:0.013736057095229626 people:0.010954378172755241 government:0.008313612081110477 :0.20232287049293518 +and:0.08383581042289734 rates:0.06972798705101013 train:0.06474221497774124 was:0.024116843938827515 :0.10352350026369095 +right:0.034936513751745224 great:0.02764803171157837 good:0.02651505172252655 large:0.023370981216430664 :0.11345894634723663 +the:0.18606488406658173 all:0.05856369063258171 named:0.02734960801899433 all,:0.025061702355742455 :0.09605657309293747 +and:0.06512223184108734 of:0.03546164557337761 to:0.025159193202853203 the:0.01372742373496294 :0.259993314743042 +is:0.27991101145744324 was:0.16636091470718384 Is:0.06032553315162659 has:0.048980969935655594 :0.043958209455013275 +of:0.1405414640903473 and:0.0779372826218605 in:0.05460064113140106 was:0.05203372985124588 :0.03910185769200325 +and:0.036449190229177475 of:0.03360738232731819 Assembly:0.03156600892543793 Grant:0.010148652829229832 :0.37073424458503723 +in:0.11560405790805817 the:0.051093317568302155 to:0.04716213420033455 by:0.04470300301909447 :0.05432793125510216 +the:0.23116746544837952 a:0.11862931400537491 his:0.021849926561117172 him:0.01567814126610756 :0.11336319893598557 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +and:0.13585974276065826 in:0.08974914252758026 on:0.042663801461458206 of:0.03985486924648285 :0.04550783336162567 +and:0.05303546041250229 to:0.023039953783154488 the:0.022451873868703842 of:0.02218639850616455 :0.24089176952838898 +in:0.0658070296049118 on:0.04798533394932747 up:0.04722970351576805 down:0.04048818722367287 :0.06005851551890373 +a:0.12744346261024475 the:0.11785012483596802 it:0.0362735278904438 them:0.02720702812075615 :0.053877584636211395 +to:0.018774354830384254 and:0.013785919174551964 pain:0.008045920170843601 source:0.007979930378496647 :0.3530295193195343 +the:0.09654194861650467 fact,:0.04644300043582916 a:0.024465201422572136 fact:0.018952567130327225 :0.15087367594242096 +be:0.39127904176712036 have:0.08093667775392532 not:0.06001729145646095 bo:0.022937076166272163 :0.05240480601787567 +and:0.0650825947523117 of:0.04440483823418617 the:0.022636834532022476 to:0.022328365594148636 :0.20588386058807373 +most:0.1706184595823288 ways:0.14249646663665771 though:0.10707874596118927 ready:0.1067337766289711 :0.13831909000873566 +same:0.011801731772720814 people:0.009004443883895874 said:0.0077283745631575584 following:0.006851234007626772 :0.11060629785060883 +was:0.08250769227743149 have:0.058112386614084244 had:0.056409671902656555 am:0.038749102503061295 :0.06947045773267746 +the:0.15372948348522186 a:0.11683902889490128 place:0.05355103686451912 up:0.03122386522591114 :0.04772583395242691 +the:0.1038743257522583 a:0.03892410919070244 land:0.008949308656156063 his:0.008040616288781166 :0.1895473301410675 +the:0.13305369019508362 a:0.030601199716329575 it:0.021999113261699677 his:0.014797399751842022 :0.09760934859514236 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.038647208362817764 paid:0.029896916821599007 made:0.026404066011309624 a:0.02053823508322239 :0.13435012102127075 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.24977126717567444 they:0.06366035342216492 it:0.052762437611818314 he:0.041219793260097504 :0.03826936334371567 +and:0.05315477401018143 the:0.0509103387594223 of:0.04902505502104759 to:0.03541043773293495 :0.14970508217811584 +and:0.15408657491207123 but:0.0367521233856678 to:0.024253221228718758 that:0.02358401007950306 :0.08436138182878494 +and:0.16077010333538055 of:0.04857857525348663 but:0.013396106660366058 in:0.013363352045416832 :0.2308986783027649 +and:0.09666986763477325 of:0.04353731870651245 in:0.03199515864253044 for:0.022441450506448746 :0.11261645704507828 +gard:0.03625369071960449 peated:0.02285713143646717 ceiving:0.015010015107691288 turning:0.011617705225944519 :0.5498760938644409 +and:0.06051935628056526 the:0.0493757389485836 of:0.02982400357723236 to:0.02724219113588333 :0.13658581674098969 +the:0.22061596810817719 a:0.04364731162786484 this:0.024457216262817383 his:0.01588980294764042 :0.15654651820659637 +Discovery:0.4345807433128357 Dis­:0.02088991552591324 and:0.01252811774611473 Association,:0.006750930566340685 :0.36656442284584045 +man:0.18183420598506927 lady:0.06528330594301224 man,:0.05192132294178009 woman:0.04546980932354927 :0.13427597284317017 +wit::0.5316392183303833 wit;:0.08176855742931366 the:0.06399685144424438 a:0.011000985279679298 :0.04763556271791458 +of:0.12364132702350616 and:0.10532408952713013 to:0.03269770368933678 with:0.024845890700817108 :0.06960979849100113 +visions:0.22817397117614746 ceedings:0.06680665910243988 ceeds:0.04307959973812103 posed:0.03836332634091377 :0.20593224465847015 +and:0.0682949498295784 the:0.06239219009876251 as:0.04160401597619057 to:0.03606479614973068 :0.0873662456870079 +the:0.11205922812223434 a:0.021813372150063515 that:0.01365276426076889 he:0.011735513806343079 :0.11581548303365707 +whole:0.00820002518594265 said:0.007287744432687759 other:0.00656982371583581 most:0.006205354351550341 :0.17287811636924744 +am:0.04220430552959442 have:0.03442823514342308 was:0.02967342548072338 will:0.016999151557683945 :0.12436309456825256 +the:0.3880053758621216 a:0.0745616927742958 his:0.024254828691482544 their:0.01861264370381832 :0.07837885618209839 +E.:0.022954992949962616 L.:0.012756691314280033 Ann:0.012328955344855785 A.:0.010376127436757088 :0.4896453320980072 +to:0.0726422443985939 in:0.058273762464523315 and:0.044710006564855576 for:0.03267284855246544 :0.06730839610099792 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.15443432331085205 a:0.06241356581449509 for:0.017392627894878387 his:0.013254561461508274 :0.11008220911026001 +is:0.34654420614242554 was:0.19553399085998535 Is:0.09095591306686401 has:0.03295795992016792 :0.03224852308630943 +the:0.3658282160758972 a:0.04831072315573692 this:0.020269175991415977 tho:0.016995565965771675 :0.09662888944149017 +the:0.23256199061870575 a:0.04588703066110611 this:0.015103301964700222 tho:0.01405534241348505 :0.22837327420711517 +way:0.1329844892024994 other:0.07102014869451523 of:0.042655911296606064 manner:0.02638431079685688 :0.08802192658185959 +the:0.22477923333644867 be:0.03899076208472252 whether:0.023945176973938942 make:0.021186623722314835 :0.08064348250627518 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.0892244204878807 and:0.08442121744155884 but:0.02963029406964779 to:0.024261832237243652 :0.07821779698133469 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.03405364602804184 the:0.01764003187417984 The:0.01607736200094223 of:0.015133403241634369 :0.24417950212955475 +the:0.4841180741786957 tho:0.029814768582582474 a:0.02452998049557209 this:0.022800495848059654 :0.057400964200496674 +of:0.12720729410648346 and:0.05634705722332001 to:0.029273616150021553 in:0.026913344860076904 :0.10738851875066757 +years:0.05416153371334076 days:0.037564486265182495 and:0.023013845086097717 five:0.021024104207754135 :0.19122183322906494 +to:0.1364416778087616 in:0.08372604101896286 by:0.07786904275417328 a:0.060485806316137314 :0.07380800694227219 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +to:0.16553808748722076 out:0.08898858726024628 on:0.07166223973035812 up:0.04421980306506157 :0.04195737838745117 +the:0.07833817601203918 a:0.06873202323913574 it:0.05674365535378456 to:0.04487163946032524 :0.11081432551145554 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.0898478627204895 of:0.05525992438197136 the:0.023244136944413185 was:0.016704190522432327 :0.14739039540290833 +a:0.09890469163656235 the:0.07601070404052734 not:0.037550583481788635 to:0.026297928765416145 :0.14803792536258698 +able:0.028965085744857788 a:0.0253139641135931 made:0.02311130054295063 in:0.02070789597928524 :0.16357728838920593 +United:0.013833336532115936 State:0.011415678076446056 most:0.009336316026747227 said:0.008927143178880215 :0.25087931752204895 +and:0.09411299228668213 in:0.039099887013435364 to:0.038860782980918884 with:0.029670661315321922 :0.06905662268400192 +in:0.11235181242227554 and:0.0587548166513443 from:0.05011604726314545 are:0.04414121061563492 :0.04341314360499382 +own:0.03246331587433815 first:0.006938746199011803 respective:0.005121887661516666 way:0.004606629256159067 :0.31156906485557556 +is:0.09943413734436035 was:0.09116978198289871 of:0.0895199179649353 for:0.04459046944975853 :0.05784747749567032 +the:0.41456544399261475 a:0.05790266767144203 tho:0.030629491433501244 his:0.022532319650053978 :0.0905844047665596 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +the:0.047386638820171356 to:0.038170117884874344 and:0.03518186882138252 a:0.01716468296945095 :0.14808766543865204 +a:0.027739496901631355 able:0.021260572597384453 made:0.015108373947441578 allowed:0.014467816799879074 :0.19205524027347565 +and:0.0737919807434082 the:0.02800154499709606 to:0.023161759600043297 in:0.021026751026511192 :0.21949796378612518 +that:0.15914608538150787 by:0.10019756108522415 and:0.06995081156492233 in:0.06742755323648453 :0.06620589643716812 +of:0.8660632371902466 and:0.01355130597949028 ot:0.010761521756649017 that:0.009858592413365841 :0.010758044198155403 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +the:0.2992958128452301 a:0.04419911280274391 any:0.03336659446358681 their:0.029109911993145943 :0.05742690712213516 +following:0.011330276727676392 same:0.007482787128537893 said:0.0060143605805933475 first:0.005926008801907301 :0.14369267225265503 +and:0.06143859773874283 to:0.053275566548109055 the:0.04000687599182129 in:0.022257674485445023 :0.12574312090873718 +and:0.05240340903401375 of:0.03192923218011856 the:0.027440614998340607 to:0.01839822717010975 :0.13126780092716217 +the:0.231281578540802 a:0.06574790179729462 any:0.028500419110059738 their:0.0221461970359087 :0.0512557178735733 +and:0.14051364362239838 was:0.0521816648542881 that:0.046142298728227615 is:0.042355213314294815 :0.057488881051540375 +been:0.08352377265691757 no:0.05373403802514076 a:0.04384368285536766 not:0.04243127256631851 :0.08199954777956009 +the:0.20679375529289246 them:0.02604648657143116 a:0.025822946801781654 to:0.024372318759560585 :0.10212483257055283 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +of:0.05443717539310455 and:0.04863429442048073 The:0.023475011810660362 the:0.02244817279279232 :0.16967329382896423 +and:0.03920068219304085 of:0.03775104135274887 on:0.019550887867808342 In:0.01887810230255127 :0.19556795060634613 +good:0.02552521601319313 great:0.023652931675314903 large:0.022479215636849403 very:0.0154184028506279 :0.16525426506996155 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +O.:0.027100853621959686 D.:0.014058375731110573 P.:0.013276461511850357 U.:0.011823879554867744 :0.29098811745643616 +Department,:0.08254754543304443 Department:0.08038198947906494 to:0.056561436504125595 of:0.05574951693415642 :0.11494988948106766 +to:0.040046826004981995 and:0.03926217555999756 the:0.022477811202406883 that:0.013195201754570007 :0.2491137981414795 +the:0.050955843180418015 and:0.041465625166893005 to:0.04099512845277786 in:0.012524593621492386 :0.16120101511478424 +of:0.12593653798103333 ago.:0.07588231563568115 ago:0.07131190598011017 old,:0.058306388556957245 :0.05387856066226959 +and:0.06414248794317245 was:0.049736808985471725 is:0.04883772134780884 will:0.03701876103878021 :0.08564770221710205 +plat:0.04794405773282051 survey:0.03855682536959648 statement:0.027350103482604027 and:0.022822517901659012 :0.15481506288051605 +of:0.5483603477478027 and:0.041942983865737915 to:0.032803598791360855 for:0.02341904118657112 :0.022419873625040054 +be:0.31068480014801025 become:0.023649083450436592 have:0.018550753593444824 after:0.01792610064148903 :0.03750672936439514 +for:0.24015282094478607 to:0.09743371605873108 and:0.05596364289522171 why:0.03214257210493088 :0.03063778392970562 +to:0.03207772225141525 the:0.031437311321496964 and:0.02601541019976139 I:0.020696697756648064 :0.20808419585227966 +wife,:0.03510062023997307 own:0.020067038014531136 wife:0.01520314160734415 head:0.011249985545873642 :0.2084280103445053 +of:0.13561631739139557 in:0.05122390016913414 and:0.04898187145590782 or:0.026593521237373352 :0.10616926103830338 +to:0.36448588967323303 and:0.052385639399290085 in:0.05212565138936043 for:0.043125253170728683 :0.05589675158262253 +The:0.1726982444524765 He:0.06470443308353424 It:0.05876540765166283 This:0.02659502997994423 :0.07969927042722702 +and:0.0197110865265131 Territory:0.014907839708030224 tribes:0.01070394366979599 Territory.:0.010105593129992485 :0.2532569468021393 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.1411919742822647 a:0.05491721257567406 an:0.00914220791310072 said:0.008684210479259491 :0.23162539303302765 +was:0.0705622136592865 are:0.06847577542066574 is:0.06799369305372238 has:0.06015845388174057 :0.06278745085000992 +to:0.06103655695915222 the:0.044116873294115067 and:0.03541865199804306 in:0.019758787006139755 :0.14264719188213348 +the:0.07605093717575073 and:0.050342582166194916 a:0.02702084369957447 in:0.01692972145974636 :0.21130762994289398 +a:0.0958201214671135 the:0.0541423037648201 follows::0.03773754462599754 much:0.029223067685961723 :0.07417278736829758 +be:0.21019504964351654 not:0.08456628024578094 have:0.06198786944150925 bo:0.017336804419755936 :0.06818465143442154 +that:0.05890795588493347 in:0.05142943188548088 which:0.04578286036849022 and:0.039124105125665665 :0.05271677300333977 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.06669343262910843 to:0.06666742265224457 the:0.05723851919174194 or:0.03496759384870529 :0.097072072327137 +was:0.10546677559614182 is:0.0371251180768013 has:0.020060217007994652 of:0.01886645145714283 :0.0714508518576622 +and:0.09032658487558365 to:0.06726067513227463 is:0.03168293461203575 from:0.02463863417506218 :0.1462470442056656 +with:0.3124242424964905 to:0.05075341835618019 with.:0.04432122781872749 in:0.044106923043727875 :0.038992416113615036 +Y.:0.1153465285897255 Y:0.0833640918135643 Y.,:0.01898890919983387 J:0.017440101131796837 :0.2882559299468994 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +who:0.0394524447619915 and:0.02342122606933117 A:0.011520735919475555 .:0.010326968505978584 :0.32696226239204407 +and:0.049319006502628326 to:0.04533640295267105 the:0.04423326626420021 in:0.02933785319328308 :0.14587494730949402 +by:0.16893364489078522 in:0.14305566251277924 to:0.062067918479442596 that:0.055693332105875015 :0.04919402301311493 +to:0.14373891055583954 the:0.13664770126342773 by:0.06463921815156937 a:0.046939264982938766 :0.04658932983875275 +the:0.1273781955242157 a:0.024847736582159996 that:0.017544304952025414 in:0.012975409626960754 :0.1303638219833374 +time:0.06988953799009323 the:0.04809562861919403 time,:0.03978344425559044 be:0.02098846808075905 :0.09298694133758545 +of:0.12538862228393555 in:0.07668951898813248 and:0.04780636355280876 with:0.0405280664563179 :0.04939872398972511 +the:0.24038702249526978 this:0.03324378281831741 a:0.028089893981814384 his:0.02125323750078678 :0.11417966336011887 +and:0.07284900546073914 the:0.07108288258314133 by:0.044704120606184006 The:0.03629869595170021 :0.13656723499298096 +the:0.08332964032888412 a:0.02020503766834736 it:0.012775523588061333 that:0.011878368444740772 :0.1607784479856491 +north:0.10712355375289917 south:0.09135427325963974 with:0.057900119572877884 N.:0.04195796698331833 :0.11983372271060944 +the:0.1927681714296341 he:0.0636293962597847 they:0.060931116342544556 it:0.04242624342441559 :0.07858108729124069 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.04626592993736267 that:0.027845000848174095 in:0.023479772731661797 the:0.023397628217935562 :0.08560545742511749 +and:0.31115373969078064 but:0.04291560500860214 the:0.03891429677605629 to:0.025020025670528412 :0.05692606791853905 +up:0.08581195026636124 and:0.06380458176136017 by:0.05844131112098694 of:0.03860138729214668 :0.042216673493385315 +the:0.2090558409690857 be:0.05409380793571472 a:0.028852833434939384 which:0.016534263268113136 :0.08055999875068665 +that:0.2703965902328491 the:0.1206231489777565 a:0.09293128550052643 how:0.02794557996094227 :0.041397277265787125 +the:0.06465228646993637 not:0.05632028356194496 all:0.026620930060744286 now:0.024685535579919815 :0.13120809197425842 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +to:0.13453350961208344 upon:0.1335463970899582 on:0.10412926226854324 and:0.04613504186272621 :0.04241941124200821 +a:0.030458763241767883 made:0.023928897455334663 the:0.018045801669359207 in:0.017870217561721802 :0.16152282059192657 +the:0.3144139051437378 a:0.04457987844944 tho:0.01371349673718214 be:0.01151925791054964 :0.108917236328125 +and:0.12175070494413376 to:0.06918422132730484 by:0.05311227962374687 in:0.03824922442436218 :0.08390297740697861 +to:0.12308813631534576 the:0.12194221466779709 and:0.0735481008887291 in:0.0494685098528862 :0.08346788585186005 +was:0.14772829413414001 is:0.060017023235559464 had:0.054774876683950424 has:0.05275557562708855 :0.05217653140425682 +the:0.1262732297182083 a:0.01975204236805439 course,:0.016880307346582413 said:0.01587299071252346 :0.1652332842350006 +M.:0.07805104553699493 M:0.07748635113239288 H.:0.02831987291574478 C.:0.020724648609757423 :0.23280920088291168 +The:0.032851338386535645 .:0.026836039498448372 and:0.01711110770702362 the:0.012540537863969803 :0.2852705717086792 +mediately:0.026467710733413696 mense:0.015746017917990685 the:0.011964797042310238 provement:0.008844404481351376 :0.4907044470310211 +The:0.151407390832901 He:0.037367235869169235 A:0.03158242627978325 It:0.029228225350379944 :0.1734449565410614 +the:0.37616586685180664 tho:0.03596032038331032 a:0.027201473712921143 his:0.02111918106675148 :0.11859583109617233 +and:0.22617380321025848 but:0.04179488494992256 who:0.03726537898182869 the:0.025415504351258278 :0.06400034576654434 +the:0.13230064511299133 he:0.05041469261050224 it:0.04433939978480339 they:0.03698735311627388 :0.05953036621212959 +be:0.19032022356987 the:0.03963896259665489 have:0.030534790828824043 bo:0.017609087750315666 :0.08002880960702896 +the:0.022753534838557243 of:0.018810667097568512 .:0.01108309905976057 and:0.010712090879678726 :0.3130190968513489 +the:0.11924902349710464 it:0.04441333934664726 I:0.037009041756391525 if:0.03223714604973793 :0.05391513928771019 +have:0.08284910768270493 am:0.05442360043525696 was:0.04175221547484398 had:0.026233062148094177 :0.08724090456962585 +do:0.03517615422606468 be:0.03337058424949646 pay:0.028986159712076187 make:0.028457218781113625 :0.08780518919229507 +mortgage:0.03551492840051651 John:0.014492273330688477 County:0.012314995750784874 William:0.009532668627798557 :0.16362731158733368 +and:0.07240251451730728 in:0.061166249215602875 that:0.040737759321928024 the:0.03530817851424217 :0.114481121301651 +and:0.2131870836019516 to:0.04400944337248802 or:0.040251657366752625 who:0.03264598920941353 :0.11609508842229843 +The:0.13722451031208038 It:0.05701226368546486 This:0.027414916083216667 I:0.026963118463754654 :0.10438099503517151 +no:0.0760057345032692 many:0.05290414020419121 a:0.04453550651669502 not:0.03177239000797272 :0.1002429872751236 +not:0.03263694420456886 the:0.018510444089770317 now:0.016432132571935654 in:0.015288556925952435 :0.1301954984664917 +stitution:0.10888123512268066 gress:0.08093661814928055 vention:0.0777546688914299 gressional:0.046652406454086304 :0.34769904613494873 +is:0.12530291080474854 was:0.04786522313952446 Is:0.021467020735144615 will:0.018535127863287926 :0.07097753137350082 +been:0.4223710000514984 not:0.04594637453556061 a:0.025211695581674576 to:0.024958448484539986 :0.06536315381526947 +age:0.03616122528910637 and:0.035506151616573334 the:0.024793479591608047 of:0.013670693151652813 :0.1652032732963562 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +date:0.008526808582246304 United:0.007610153406858444 fact:0.006294529885053635 first:0.006063907407224178 :0.19325482845306396 +city:0.00669455248862505 country:0.004901883192360401 form:0.004215890076011419 course:0.0034546530805528164 :0.357511430978775 +as:0.05804591625928879 in:0.04592333734035492 and:0.038923297077417374 after:0.036243975162506104 :0.06450551748275757 +and:0.07448344677686691 to:0.06085127964615822 in:0.03530402109026909 In:0.021761702373623848 :0.21077878773212433 +a:0.31933194398880005 an:0.06354037672281265 as:0.014772791415452957 rules:0.00824039801955223 :0.0827581062912941 +the:0.061552416533231735 and:0.03906805440783501 to:0.03511274978518486 a:0.02946622297167778 :0.14536792039871216 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.30087828636169434 a:0.061912886798381805 any:0.05415995046496391 this:0.020641792565584183 :0.08629681915044785 +the:0.2133733630180359 it:0.10149282962083817 they:0.07050821185112 he:0.05059852823615074 :0.04398166760802269 +and:0.04281076416373253 or:0.0075654578395187855 faculties:0.006994222290813923 of:0.0059889256954193115 :0.2985812723636627 +the:0.1901760697364807 land:0.07374971359968185 a:0.03494041785597801 this:0.019089732319116592 :0.13724155724048615 +and:0.05052826181054115 the:0.04112401232123375 to:0.024864356964826584 of:0.023085493594408035 :0.19384609162807465 +the:0.2826411724090576 a:0.06616166234016418 tho:0.018578791990876198 his:0.01632537506520748 :0.11565741896629333 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +few:0.042630698531866074 very:0.015618205070495605 short:0.015611534006893635 large:0.011541273444890976 :0.17077979445457458 +to:0.08288189023733139 and:0.05122174322605133 the:0.04282383248209953 in:0.030754437670111656 :0.107620969414711 +a:0.22573339939117432 the:0.18375760316848755 an:0.02942332811653614 their:0.026553887873888016 :0.08290602266788483 +It:0.05243224278092384 The:0.0482226200401783 I:0.03459739312529564 the:0.03320978954434395 :0.10570347309112549 +time:0.17345190048217773 time,:0.0880587175488472 time.:0.06392364203929901 of:0.05253618583083153 :0.07399015873670578 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +first:0.006829783786088228 other:0.004375887103378773 time:0.004022837616503239 sum:0.0031841739546507597 :0.257393479347229 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.21230770647525787 a:0.11131212115287781 his:0.029415015131235123 her:0.016686318442225456 :0.10354024916887283 +The:0.15215852856636047 It:0.0614175982773304 They:0.03751230984926224 He:0.032979462295770645 :0.05052784085273743 +that:0.15292680263519287 the:0.0912468209862709 of:0.06109239161014557 and:0.05622931197285652 :0.03613418713212013 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +.:0.11018913239240646 of:0.047245871275663376 ,:0.044607486575841904 to:0.04248891770839691 :0.14834117889404297 +the:0.02985132671892643 of:0.023130066692829132 and:0.01774241216480732 thirty:0.01623579114675522 :0.24287480115890503 +and:0.020743610337376595 be:0.015032311901450157 or:0.00998639315366745 a:0.008925344794988632 :0.3012189269065857 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +The:0.07629083842039108 I:0.03514179214835167 In:0.025493059307336807 It:0.020158996805548668 :0.17281575500965118 +the:0.08641999214887619 to:0.04896102473139763 a:0.030641233548521996 as:0.02855275198817253 :0.16906671226024628 +a:0.10906589776277542 the:0.08850087225437164 an:0.014763793908059597 his:0.011630527675151825 :0.19177478551864624 +to:0.47552213072776794 at:0.06741013377904892 the:0.04881835728883743 a:0.035579364746809006 :0.028268367052078247 +of:0.14829063415527344 and:0.0763373151421547 in:0.015677686780691147 that:0.014562750235199928 :0.14592914283275604 +the:0.06991850584745407 two:0.046140242367982864 a:0.03818666934967041 three:0.02849305421113968 :0.17722705006599426 +to:0.0568438321352005 the:0.05231362581253052 and:0.031168824061751366 a:0.02234230563044548 :0.1449517160654068 +of:0.27674421668052673 who:0.0526159293949604 to:0.04227253422141075 are:0.03817153722047806 :0.036899711936712265 +and:0.09125372767448425 who:0.07719024270772934 in:0.0597052238881588 to:0.04417961835861206 :0.07596728950738907 +and:0.05240340903401375 of:0.03192923218011856 the:0.027440614998340607 to:0.01839822717010975 :0.13126780092716217 +to:0.6001375913619995 the:0.02787015214562416 by:0.022217266261577606 a:0.02012282982468605 :0.05223831906914711 +of:0.16095033288002014 in:0.08264956623315811 to:0.03701728954911232 on:0.0316755510866642 :0.05839422717690468 +the:0.1618010699748993 said:0.029660122469067574 a:0.017645150423049927 tho:0.011586018837988377 :0.24568647146224976 +the:0.032483477145433426 was:0.02919202856719494 of:0.027414429932832718 and:0.026798516511917114 :0.17232030630111694 +and:0.09787429124116898 sends:0.06232937425374985 to:0.02059157006442547 or:0.015505430288612843 :0.1982627809047699 +the:0.3503281772136688 a:0.04094026982784271 him:0.023208456113934517 you:0.019163046032190323 :0.0913710668683052 +a:0.05696704611182213 the:0.03654400259256363 not:0.03533928096294403 in:0.031164878979325294 :0.11367528885602951 +few:0.05511009693145752 man:0.022669866681098938 little:0.02038000524044037 large:0.01985686831176281 :0.1391196995973587 +doubt:0.07148701697587967 right:0.02596217580139637 hesitation:0.020129770040512085 more:0.018389996141195297 :0.09913832694292068 +the:0.1482987105846405 that:0.05767011269927025 a:0.037634748965501785 why:0.021131960675120354 :0.0753839761018753 +and:0.11029376089572906 in:0.10207311809062958 at:0.09959551692008972 the:0.04326266795396805 :0.04157492145895958 +a:0.09890469163656235 the:0.07601070404052734 not:0.037550583481788635 to:0.026297928765416145 :0.14803792536258698 +of:0.12461204826831818 who:0.030095605179667473 to:0.02868938259780407 in:0.01846248283982277 :0.08906450122594833 +cept:0.18088501691818237 count:0.08452948182821274 complish:0.07106535881757736 cepted:0.061960745602846146 :0.19289562106132507 +and:0.045144710689783096 the:0.019288010895252228 to:0.01479042787104845 in:0.012991686351597309 :0.14499488472938538 +the:0.17226789891719818 a:0.11404988169670105 to:0.044460151344537735 it:0.03771238029003143 :0.05895819887518883 +and:0.05339479818940163 to:0.02729395031929016 the:0.023566825315356255 of:0.01792999915778637 :0.18938368558883667 +in:0.04684706777334213 to:0.04673903062939644 and:0.04572106525301933 the:0.037694066762924194 :0.13119834661483765 +Jury:0.12397310137748718 Trunk:0.0942794531583786 Army:0.07649281620979309 Lodge:0.054468266665935516 :0.23788321018218994 +the:0.4260072708129883 a:0.043969377875328064 tho:0.02056265063583851 their:0.01574723981320858 :0.07115192711353302 +the:0.035915303975343704 and:0.028691207990050316 ing:0.0281246155500412 to:0.025042202323675156 :0.3593526780605316 +and:0.20141679048538208 but:0.05162745714187622 who:0.042505331337451935 I:0.021147191524505615 :0.11022400110960007 +the:0.14030154049396515 a:0.11354593187570572 up:0.046652425080537796 his:0.03407510370016098 :0.079177625477314 +be:0.17799894511699677 have:0.0667298436164856 see:0.027912363409996033 get:0.026959897950291634 :0.07984307408332825 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +of:0.23935356736183167 to:0.07528418302536011 a:0.06424412876367569 the:0.04860558733344078 :0.0788964331150055 +of:0.10774736106395721 and:0.07528368383646011 in:0.045215338468551636 with:0.03585599735379219 :0.10039041191339493 +and:0.033246126025915146 the:0.027015985921025276 demand:0.019172608852386475 by:0.015027644112706184 :0.19829349219799042 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +and:0.22343753278255463 but:0.09705989807844162 that:0.04621920362114906 the:0.04163261875510216 :0.041567858308553696 +the:0.17550694942474365 a:0.04154183715581894 to:0.04032992571592331 them:0.038462504744529724 :0.05172226205468178 +in:0.053472813218832016 and:0.033218368887901306 at:0.02534668892621994 on:0.02421780675649643 :0.08298975229263306 +the:0.036940351128578186 and:0.033736974000930786 to:0.027606835588812828 a:0.019752860069274902 :0.2085874229669571 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +the:0.4140211045742035 a:0.03584583103656769 tho:0.02621498703956604 lot:0.017980290576815605 :0.08257544040679932 +the:0.09758888185024261 tofore:0.06370716542005539 that:0.030071720480918884 a:0.02954448014497757 :0.1860010176897049 +and:0.06519503146409988 the:0.06182294711470604 a:0.030504560098052025 to:0.023375412449240685 :0.13934867084026337 +the:0.20212234556674957 this:0.026988869532942772 a:0.02488388866186142 his:0.01432151161134243 :0.19401779770851135 +of:0.040157075971364975 the:0.03029516153037548 and:0.026052679866552353 a:0.024151291698217392 :0.1826559603214264 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +and:0.12165586650371552 to:0.04143408685922623 the:0.026966702193021774 but:0.026036452502012253 :0.07842499017715454 +that:0.1431775987148285 far:0.06642968952655792 much:0.06488397717475891 as:0.04844833165407181 :0.05389869958162308 +a:0.07010596990585327 not:0.05420732498168945 the:0.05396781489253044 in:0.016393130645155907 :0.10485593974590302 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +and:0.2774015963077545 to:0.044193558394908905 the:0.029266269877552986 for:0.028296606615185738 :0.07173475623130798 +first:0.008908018469810486 next:0.006319386884570122 following:0.005939215887337923 time:0.005297110415995121 :0.10452987998723984 +the:0.32327988743782043 a:0.041761040687561035 this:0.03802183270454407 which:0.033219970762729645 :0.051038384437561035 +that:0.0744563415646553 and:0.05745342746376991 the:0.048880115151405334 a:0.041314054280519485 :0.09454337507486343 +own:0.03695489093661308 home:0.009353889152407646 pocket:0.00911251362413168 head:0.006609485950320959 :0.199751079082489 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.05954510718584061 the:0.05520396679639816 in:0.02337479218840599 he:0.02023528330028057 :0.043368734419345856 +two:0.07678629457950592 United:0.019466303288936615 hours:0.012627257034182549 ages:0.010976124554872513 :0.2097874879837036 +of:0.6478959918022156 and:0.022767961025238037 ot:0.019140029326081276 from:0.01336604729294777 :0.02889462746679783 +as:0.1924716681241989 and:0.11967172473669052 shall:0.06922442466020584 or:0.06198228895664215 :0.03222595155239105 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +the:0.4347293972969055 a:0.094034843146801 his:0.019478872418403625 tho:0.017245296388864517 :0.0810353085398674 +good:0.0233558751642704 large:0.016120927408337593 man:0.01484814751893282 great:0.014163216575980186 :0.19433622062206268 +first:0.016724519431591034 said:0.011751418001949787 time:0.011722218245267868 war:0.011099166236817837 :0.17003309726715088 +is:0.1570095717906952 was:0.10199794173240662 Is:0.06849756836891174 will:0.04490835964679718 :0.06246941164135933 +The:0.10806460678577423 It:0.043629396706819534 He:0.03331283852458 A:0.03293205052614212 :0.11133860051631927 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +against:0.4070205092430115 the:0.06384199112653732 and:0.05453967675566673 in:0.03642593324184418 :0.026422955095767975 +and:0.0691949650645256 sums:0.022570539265871048 number:0.012502542696893215 a:0.00953562743961811 :0.3024168610572815 +of:0.4745261073112488 is:0.06600435078144073 to:0.041331782937049866 was:0.03803251311182976 :0.03607725724577904 +and:0.08670202642679214 the:0.032771605998277664 in:0.018870623782277107 to:0.01847657933831215 :0.21427127718925476 +the:0.24885879456996918 to:0.11227783560752869 by:0.10038960725069046 and:0.036446478217840195 :0.03419022262096405 +devisees,:0.14976567029953003 devisees:0.09624326229095459 of:0.024312302470207214 the:0.01660075969994068 :0.15233114361763 +the:0.2501066029071808 a:0.0506005696952343 by:0.03548012673854828 this:0.01641610451042652 :0.1613503098487854 +of:0.5703681707382202 for:0.03319133445620537 to:0.024225832894444466 that:0.023251330479979515 :0.035956740379333496 +be:0.17799894511699677 have:0.0667298436164856 see:0.027912363409996033 get:0.026959897950291634 :0.07984307408332825 +the:0.15745294094085693 to:0.06810690462589264 it:0.05432942137122154 in:0.04221566766500473 :0.045078009366989136 +same:0.024423032999038696 amount:0.02400710992515087 sum:0.023799821734428406 attention:0.019325926899909973 :0.11763995885848999 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +of:0.18172864615917206 to:0.07366616278886795 and:0.05758211761713028 is:0.016839414834976196 :0.13246430456638336 +of:0.21415582299232483 and:0.0867857038974762 in:0.0374453105032444 to:0.0205085426568985 :0.06989721208810806 +of:0.13527114689350128 and:0.10290950536727905 the:0.0502760112285614 in:0.029613861814141273 :0.13420182466506958 +of:0.21043691039085388 day:0.14539355039596558 day,:0.05322574824094772 night:0.024793405085802078 :0.05733754485845566 +the:0.017574701458215714 of:0.010598440654575825 and:0.007869440130889416 .w:0.00773161044344306 :0.166610985994339 +port:0.0649447962641716 publican:0.04320531338453293 spect:0.02765762247145176 lation:0.02387234754860401 :0.2900737226009369 +that:0.19133581221103668 the:0.14311672747135162 a:0.04024678096175194 how:0.03143666684627533 :0.043046656996011734 +and:0.0441928431391716 of:0.039822887629270554 feet:0.02807137928903103 Mrs.:0.014906944707036018 :0.22773055732250214 +not:0.03731159493327141 the:0.03569702059030533 in:0.0171737689524889 to:0.017153358086943626 :0.17907275259494781 +and:0.07835303246974945 in:0.0630362257361412 for:0.02551954798400402 is:0.024668704718351364 :0.11375298351049423 +entire:0.00815090537071228 city:0.00796257983893156 same:0.006674894131720066 whole:0.006340653169900179 :0.25674039125442505 +the:0.034562163054943085 and:0.020675919950008392 was:0.017670681700110435 ive:0.014527404680848122 :0.20757925510406494 +not:0.05043394863605499 now:0.022354384884238243 the:0.01780332252383232 in:0.014768355526030064 :0.14403682947158813 +and:0.06041938066482544 of:0.05055711045861244 to:0.04473860189318657 the:0.01711825281381607 :0.1659832000732422 +the:0.14454257488250732 it:0.08395925909280777 he:0.07799577713012695 they:0.06299611926078796 :0.057816069573163986 +the:0.09567426890134811 a:0.03133626654744148 this:0.01357155479490757 which:0.006869879085570574 :0.2608252763748169 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +of:0.1280604600906372 the:0.07622881233692169 and:0.06269977986812592 to:0.03189641609787941 :0.06857646256685257 +and:0.20968332886695862 in:0.028575066477060318 or:0.025684934109449387 the:0.017943743616342545 :0.19972530007362366 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +and:0.10106252133846283 of:0.031069070100784302 The:0.025571264326572418 the:0.021943943575024605 :0.16598041355609894 +and:0.06802696734666824 of:0.05413540080189705 the:0.027234451845288277 in:0.018437635153532028 :0.18239116668701172 +the:0.27334651350975037 and:0.09035899490118027 a:0.04316936433315277 to:0.0422254242002964 :0.06881203502416611 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +the:0.2932370901107788 this:0.03322621434926987 a:0.03144611418247223 their:0.02867846190929413 :0.06797726452350616 +people:0.014249350875616074 own:0.010354834608733654 party:0.006124058738350868 object:0.005778140388429165 :0.21508654952049255 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +good:0.02552521601319313 great:0.023652931675314903 large:0.022479215636849403 very:0.0154184028506279 :0.16525426506996155 +of:0.12713132798671722 and:0.04725858196616173 in:0.042512424290180206 by:0.01740150898694992 :0.1453120857477188 +the:0.07887774705886841 to:0.04699639603495598 and:0.045580215752124786 a:0.04002930596470833 :0.05989472195506096 +to:0.04356763884425163 a:0.03917624428868294 not:0.0379922017455101 the:0.03733373433351517 :0.1319967657327652 +in:0.06129122152924538 with:0.055787645280361176 and:0.051093775779008865 if:0.04540311172604561 :0.03670395538210869 +the:0.06547290831804276 to:0.021405469626188278 and:0.015803638845682144 a:0.015205594711005688 :0.17950701713562012 +the:0.19377347826957703 be:0.03878988325595856 a:0.023063072934746742 his:0.0104961097240448 :0.16247226297855377 +the:0.03654436767101288 make:0.0341101698577404 meet:0.022522246465086937 be:0.020086143165826797 :0.10720016807317734 +end:0.011619378812611103 point:0.008223695680499077 top:0.0078035565093159676 city:0.007784171029925346 :0.1608090102672577 +to:0.2719423472881317 on:0.08121519535779953 into:0.03499685972929001 out:0.026572519913315773 :0.07174846529960632 +the:0.3773573935031891 this:0.028747931122779846 tho:0.028482690453529358 a:0.026364129036664963 :0.0845358744263649 +the:0.12180604040622711 a:0.01450824923813343 said:0.01044982485473156 that:0.009604514576494694 :0.15390121936798096 +of:0.1109163835644722 to:0.08820490539073944 in:0.06826508045196533 the:0.043704528361558914 :0.03975573927164078 +a:0.07380642741918564 to:0.06039915978908539 the:0.04061552509665489 they:0.03900287672877312 :0.06524292379617691 +and:0.18882200121879578 to:0.10817676037549973 the:0.03610841929912567 with:0.02945672534406185 :0.07952550798654556 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +is:0.3312576115131378 was:0.15877652168273926 has:0.04478078335523605 would:0.029065873473882675 :0.032926738262176514 +the:0.3598771393299103 this:0.02715912088751793 a:0.0220259428024292 tho:0.018911441788077354 :0.07218313962221146 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +been:0.3184581696987152 a:0.03512074053287506 not:0.02843131124973297 to:0.025192178785800934 :0.055315788835287094 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +and:0.06944894045591354 rails:0.06499773263931274 rails,:0.01815842278301716 the:0.01104719191789627 :0.24628445506095886 +the:0.09041666239500046 of:0.08086327463388443 a:0.060444753617048264 one:0.02668140083551407 :0.1422305852174759 +the:0.05118175968527794 a:0.02620622143149376 more:0.011515588499605656 in:0.011513836681842804 :0.2107820063829422 +country:0.021445252001285553 city,:0.017442379146814346 act,:0.016137536615133286 city:0.015404942445456982 :0.14275318384170532 +he:0.1666184365749359 that:0.16173595190048218 to:0.07564502954483032 the:0.06436262279748917 :0.07864630967378616 +the:0.27615979313850403 a:0.04288756102323532 this:0.02677355706691742 their:0.015624485909938812 :0.08339907228946686 +was:0.09644130617380142 is:0.048810943961143494 had:0.0481693297624588 has:0.037704356014728546 :0.07475211471319199 +The:0.11542186141014099 It:0.06521677225828171 He:0.03631534427404404 I:0.026380935683846474 :0.08260810375213623 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.32125788927078247 a:0.04524235054850578 said:0.01941472664475441 which:0.019113944843411446 :0.10395344346761703 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +been:0.3184353709220886 the:0.038811251521110535 a:0.017627308145165443 made:0.01277325302362442 :0.06148519739508629 +the:0.2625558078289032 a:0.07809465378522873 his:0.017353087663650513 their:0.016954470425844193 :0.07467042654752731 +sale:0.019249269738793373 large:0.018949978053569794 vote:0.018371470272541046 majority:0.016691694036126137 :0.1822020411491394 +the:0.3507750332355499 a:0.06991130113601685 tho:0.021150950342416763 any:0.020020965486764908 :0.07692187279462814 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +time:0.19484750926494598 of:0.06975525617599487 time.:0.059379275888204575 and:0.05781446769833565 :0.09600961953401566 +things:0.036062587052583694 and:0.024547405540943146 men:0.023394329473376274 people:0.022294029593467712 :0.1650131344795227 +The:0.14075756072998047 He:0.05687299743294716 It:0.03982508182525635 A:0.02887929603457451 :0.07702191919088364 +a:0.031206145882606506 in:0.023255886510014534 the:0.014923334121704102 to:0.010125018656253815 :0.15967360138893127 +known:0.13938172161579132 to:0.10434973239898682 and:0.030544636771082878 for:0.027613798156380653 :0.0975969210267067 +of:0.49678003787994385 and:0.0728762224316597 to:0.06257528811693192 in:0.017931805923581123 :0.021143635734915733 +the:0.4642229974269867 in:0.0729149654507637 their:0.03956662863492966 his:0.026732217520475388 :0.0166013240814209 +of:0.3625982403755188 are:0.0806364193558693 in:0.06754365563392639 and:0.044182393699884415 :0.03637893870472908 +to:0.2644498944282532 that:0.2140078991651535 from:0.047725025564432144 in:0.046093329787254333 :0.0403670035302639 +the:0.23256199061870575 a:0.04588703066110611 this:0.015103301964700222 tho:0.01405534241348505 :0.22837327420711517 +claiming:0.15750843286514282 who:0.12775097787380219 interested:0.1235382929444313 in:0.031559087336063385 :0.04522193595767021 +the:0.06293918937444687 is:0.02586480602622032 he:0.02214815467596054 was:0.01934986189007759 :0.09729026257991791 +old:0.009659402072429657 J:0.008853653445839882 1:0.008451438508927822 article:0.008188017643988132 :0.5504084229469299 +the:0.12059805542230606 a:0.09056064486503601 to:0.03976156562566757 them:0.038924865424633026 :0.05920300632715225 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.09945713728666306 to:0.018616875633597374 of:0.016079314053058624 in:0.01170409843325615 :0.17665381729602814 +of:0.3836824297904968 is:0.04415551945567131 was:0.040245357900857925 and:0.03219448775053024 :0.04445379972457886 +of:0.30159685015678406 and:0.07982799410820007 the:0.045797791332006454 in:0.03260291740298271 :0.10640793293714523 +were:0.09813225269317627 are:0.08265820145606995 had:0.05317075923085213 have:0.04903500899672508 :0.054877232760190964 +for:0.12448161840438843 to:0.1156524121761322 of:0.09685078263282776 and:0.07357224822044373 :0.054236263036727905 +the:0.37893158197402954 a:0.034564241766929626 his:0.033782605081796646 tho:0.019114408642053604 :0.09470837563276291 +and:0.17901797592639923 as:0.03635384142398834 the:0.033017490059137344 he:0.029111113399267197 :0.08357811719179153 +be:0.10866158455610275 have:0.10762850940227509 not:0.06068168953061104 make:0.01596813276410103 :0.07173921912908554 +the:0.2091720998287201 a:0.07027436047792435 their:0.019777176901698112 his:0.01456698589026928 :0.16500703990459442 +people:0.015792876482009888 men:0.0064849392510950565 political:0.0059766764752566814 own:0.005952339619398117 :0.24562184512615204 +The:0.13827215135097504 In:0.0411846898496151 This:0.02991742640733719 It:0.027268262580037117 :0.19044587016105652 +and:0.08696270734071732 of:0.030189143493771553 The:0.01724386028945446 to:0.017174774780869484 :0.2286924421787262 +the:0.06312934309244156 a:0.023388350382447243 .:0.018818462267518044 and:0.013800501823425293 :0.3386515974998474 +and:0.05635295435786247 to:0.05461515486240387 the:0.03606560081243515 of:0.021009497344493866 :0.13070723414421082 +in:0.5301365852355957 as:0.07861480861902237 by:0.04799818992614746 In:0.04185963422060013 :0.03882068395614624 +is:0.07477954030036926 was:0.055856142193078995 has:0.034912243485450745 are:0.033155567944049835 :0.07991375029087067 +get:0.03667261078953743 be:0.0274452343583107 make:0.027166852727532387 have:0.023135384544730186 :0.08081576973199844 +to:0.29793187975883484 the:0.05671752989292145 of:0.053190894424915314 a:0.04962451756000519 :0.03956988826394081 +the:0.1368362009525299 said:0.023761725053191185 a:0.01651446335017681 Mortgages,:0.013481848873198032 :0.1800527572631836 +The:0.06854600459337234 It:0.028077097609639168 A:0.02168908901512623 In:0.014546556398272514 :0.32365086674690247 +Lodge:0.4493847191333771 Lodge,:0.04483303800225258 per:0.020902864634990692 and:0.012997457757592201 :0.17023807764053345 +the:0.15208987891674042 said:0.030411407351493835 a:0.02594420500099659 this:0.00903196819126606 :0.1808539777994156 +be:0.32219040393829346 not:0.09338462352752686 have:0.08323697745800018 seem:0.029854172840714455 :0.051448505371809006 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.23524858057498932 a:0.04720216616988182 his:0.021529091522097588 tho:0.01683626137673855 :0.0927363708615303 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.20817190408706665 a:0.03960610553622246 this:0.01728091575205326 tne:0.01613159105181694 :0.24768392741680145 +the:0.14851541817188263 by:0.0831400454044342 that:0.06533357501029968 a:0.028660906478762627 :0.12403608858585358 +and:0.07434063404798508 to:0.027249110862612724 The:0.021744346246123314 of:0.015541549772024155 :0.1585753709077835 +the:0.16819731891155243 them:0.07370787858963013 a:0.06274288892745972 of:0.05319758132100105 :0.055540647357702255 +not:0.04739951342344284 the:0.024496566504240036 made:0.020063024014234543 in:0.01617729850113392 :0.15070687234401703 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +and:0.12702974677085876 was:0.02765010856091976 to:0.027256619185209274 in:0.021021487191319466 :0.20992577075958252 +the:0.11597267538309097 a:0.03472181782126427 said:0.01906396448612213 this:0.010765363462269306 :0.19604454934597015 +be:0.34008535742759705 say:0.024150490760803223 bo:0.01720665767788887 have:0.015778223052620888 :0.03206408768892288 +and:0.06030813604593277 the:0.04246416315436363 of:0.020244676619768143 a:0.020109843462705612 :0.17852626740932465 +W.:0.008006581105291843 Smith,:0.0068567232228815556 and:0.0062546697445213795 J.:0.005422516260296106 :0.6409581899642944 +the:0.29268670082092285 a:0.07483606040477753 said:0.017720000818371773 his:0.014092108234763145 :0.10587695240974426 +to:0.11219002306461334 in:0.034739792346954346 a:0.029129883274435997 that:0.02419711835682392 :0.18712525069713593 +of:0.36023539304733276 are:0.15250299870967865 were:0.050068795680999756 to:0.0467953160405159 :0.03719132021069527 +the:0.2779628038406372 a:0.029630295932292938 this:0.01940201036632061 which:0.015238926745951176 :0.10724972933530807 +the:0.5655649304389954 with:0.03573329746723175 said:0.024363890290260315 tho:0.021809617057442665 :0.04301341250538826 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.4653760492801666 is:0.04829700291156769 was:0.026359690353274345 and:0.023833557963371277 :0.02487800642848015 +and:0.05660472437739372 The:0.019051993265748024 the:0.018861429765820503 of:0.018259190022945404 :0.1760350912809372 +to:0.04377123340964317 the:0.04183770716190338 and:0.03870304673910141 in:0.018617866560816765 :0.13084769248962402 +the:0.09129689633846283 a:0.04703076183795929 in:0.04504770040512085 as:0.03018798865377903 :0.10654029995203018 +of:0.4624745845794678 in:0.04155188798904419 to:0.03529943525791168 and:0.03380253538489342 :0.08420860022306442 +the:0.06776869297027588 to:0.054009076207876205 in:0.045184426009655 and:0.043201468884944916 :0.1327604204416275 +the:0.11858426034450531 a:0.08052779734134674 out:0.03770683333277702 up:0.036694567650556564 :0.04604632779955864 +and:0.04165053367614746 to:0.04036176577210426 of:0.024711567908525467 the:0.02197939343750477 :0.2689681351184845 +much:0.12339909374713898 that:0.05352827534079552 far:0.05035225301980972 long:0.03813338279724121 :0.11651702225208282 +of:0.7354673743247986 for:0.01821719855070114 to:0.013900263234972954 is:0.01317746751010418 :0.012480375356972218 +the:0.22447139024734497 a:0.020825954154133797 his:0.018116839230060577 said:0.013898505829274654 :0.1390940397977829 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.21807724237442017 a:0.08755472302436829 this:0.02532048709690571 and:0.020004402846097946 :0.07414272427558899 +is:0.22308167815208435 was:0.08953861147165298 has:0.035572879016399384 would:0.026591172441840172 :0.06171296164393425 +of:0.07237599045038223 in:0.03177133947610855 the:0.031266942620277405 inclusive.:0.01962433010339737 :0.1278340369462967 +been:0.2883729636669159 yet:0.033536192029714584 a:0.024621473625302315 only:0.022136207669973373 :0.08815761655569077 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +of:0.07631850242614746 are:0.07121730595827103 is:0.07006118446588516 and:0.06540632247924805 :0.0681510642170906 +The:0.16066129505634308 He:0.07021473348140717 It:0.06167358160018921 This:0.031888511031866074 :0.09522979706525803 +the:0.22103194892406464 a:0.06355638056993484 and:0.050113923847675323 their:0.023863518610596657 :0.08834690600633621 +the:0.4190727174282074 a:0.04692124202847481 tho:0.015451914630830288 this:0.014849803410470486 :0.08785253018140793 +City:0.26020586490631104 City,:0.030363423749804497 and:0.024654446169734 City.:0.024214275181293488 :0.15026427805423737 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +own:0.01680215261876583 people:0.011422613635659218 country:0.006669993046671152 party:0.004923475440591574 :0.2165985256433487 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.07056880742311478 as:0.06735653430223465 in:0.06581392139196396 the:0.044378507882356644 :0.10010232031345367 +the:0.37852227687835693 a:0.034887321293354034 his:0.022339344024658203 tho:0.02161325514316559 :0.11336837708950043 +a:0.13403676450252533 the:0.06944283097982407 not:0.04981841892004013 an:0.016019992530345917 :0.07908862084150314 +the:0.2745029330253601 a:0.037889376282691956 sale:0.03751484677195549 this:0.017941223457455635 :0.1369754821062088 +who:0.05095502361655235 are:0.039579492062330246 to:0.03193492069840431 have:0.03193269670009613 :0.14154267311096191 +be:0.34946590662002563 exceed:0.06787209957838058 have:0.028212478384375572 apply:0.022969460114836693 :0.06351242959499359 +and:0.06511059403419495 of:0.044675394892692566 to:0.027627477422356606 the:0.023547446355223656 :0.14218415319919586 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.07234758883714676 for:0.03971801698207855 of:0.030421249568462372 to:0.026368167251348495 :0.1243315190076828 +the:0.06316244602203369 in:0.022041713818907738 if:0.015135393477976322 and:0.012909132055938244 :0.12182900309562683 +other:0.010411994531750679 people:0.008038053289055824 amount:0.007319738622754812 men:0.006049910094588995 :0.18468452990055084 +of:0.7244943380355835 to:0.024176206439733505 that:0.01582060195505619 and:0.015412427484989166 :0.013837010599672794 +the:0.22478443384170532 a:0.06684276461601257 which:0.019078603014349937 two:0.015464688651263714 :0.11898021399974823 +the:0.23256199061870575 a:0.04588703066110611 this:0.015103301964700222 tho:0.01405534241348505 :0.22837327420711517 +be:0.14373984932899475 not:0.10393679141998291 soon:0.01797075755894184 probably:0.015481209382414818 :0.07106393575668335 +a:0.07014210522174835 the:0.0557185560464859 to:0.02079305611550808 not:0.017249027267098427 :0.1305796355009079 +time:0.04074019938707352 condition:0.01776815764605999 time,:0.017755234614014626 time.:0.016867630183696747 :0.11599382013082504 +following:0.009762209840118885 same:0.009618863463401794 whole:0.009159253910183907 first:0.008137227036058903 :0.21296852827072144 +and:0.0650825947523117 of:0.04440483823418617 the:0.022636834532022476 to:0.022328365594148636 :0.20588386058807373 +and:0.05420844629406929 are:0.02890617959201336 to:0.025839706882834435 the:0.02209361642599106 :0.15890032052993774 +not:0.04147158935666084 the:0.03728064149618149 now:0.019804351031780243 in:0.01585640013217926 :0.10543008893728256 +the:0.12775452435016632 in:0.05234789103269577 and:0.04179874807596207 to:0.039363302290439606 :0.10175498574972153 +is:0.04369402676820755 year:0.041898131370544434 morning:0.037990495562553406 was:0.027402831241488457 :0.07085113972425461 +and:0.17946800589561462 as:0.059081170707941055 to:0.04260333627462387 for:0.039031729102134705 :0.06257506459951401 +the:0.21920093894004822 a:0.12286895513534546 his:0.02475588023662567 all:0.022541377693414688 :0.09466836601495743 +point:0.04054637998342514 stake:0.01858576014637947 great:0.01733686961233616 large:0.015888528898358345 :0.1647801548242569 +the:0.13854354619979858 be:0.032423555850982666 a:0.023375000804662704 which:0.010892420075833797 :0.10839040577411652 +the:0.1295827329158783 a:0.09885498136281967 not:0.04859739914536476 now:0.024129008874297142 :0.1002301499247551 +in:0.19163988530635834 at:0.08413983881473541 on:0.07096030563116074 the:0.050214771181344986 :0.05308893322944641 +dozen:0.17919358611106873 mile:0.14373593032360077 million:0.06973650306463242 century:0.06509224325418472 :0.0875263437628746 +and:0.08603502064943314 the:0.02935086376965046 a:0.015201345086097717 but:0.0137934610247612 :0.23254719376564026 diff --git a/dev-0/out-EMBED_SIZE=300.tsv b/dev-0/out-EMBED_SIZE=300.tsv new file mode 100644 index 0000000..bda676e --- /dev/null +++ b/dev-0/out-EMBED_SIZE=300.tsv @@ -0,0 +1,10519 @@ +the:0.2536894977092743 a:0.0366755835711956 which:0.020386716350913048 tho:0.02024812623858452 :0.1691989004611969 +own:0.02486039698123932 power:0.0099332295358181 way:0.008441731333732605 present:0.0075661372393369675 :0.22679972648620605 +the:0.24395927786827087 a:0.05747967213392258 his:0.030015988275408745 tho:0.02009381540119648 :0.10184196382761002 +of:0.08288618922233582 and:0.07273320108652115 The:0.022676808759570122 in:0.017901964485645294 :0.15233032405376434 +mittee:0.14859920740127563 pany:0.0821579322218895 missioners:0.06111447885632515 mercial:0.05933122709393501 :0.23565302789211273 +the:0.18859097361564636 a:0.11328939348459244 his:0.019362524151802063 which:0.01671086810529232 :0.16596859693527222 +and:0.11140753328800201 to:0.05456806346774101 of:0.0515604205429554 trees:0.04645238071680069 :0.12894771993160248 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.030354216694831848 to:0.027845725417137146 and:0.02446790412068367 the:0.021639076992869377 :0.17920047044754028 +that:0.1554819792509079 the:0.064930260181427 a:0.058436617255210876 sure:0.05051584541797638 :0.06753826141357422 +two:0.01743932254612446 men:0.01714373752474785 are:0.014762850478291512 were:0.010604354552924633 :0.19320404529571533 +the:0.3956476151943207 diligent:0.06061667576432228 a:0.03314216434955597 his:0.020181924104690552 :0.07097731530666351 +much:0.10931523889303207 many:0.036650270223617554 long:0.02534741908311844 great:0.02230268530547619 :0.2013830989599228 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +that:0.10645554959774017 to:0.07755308598279953 in:0.04468663036823273 as:0.03499811887741089 :0.08147426694631577 +The:0.15599744021892548 It:0.07083874940872192 He:0.03042079322040081 In:0.029062099754810333 :0.06589865684509277 +that:0.10995923727750778 for:0.0951424166560173 and:0.06890424340963364 in:0.04819582775235176 :0.056717392057180405 +as:0.05012916401028633 and:0.03467000275850296 enough:0.027603676542639732 to:0.027271850034594536 :0.13006745278835297 +and:0.07143294811248779 the:0.03664173558354378 in:0.020838260650634766 to:0.01741822436451912 :0.1915605515241623 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.058180660009384155 of:0.03985088691115379 the:0.012950671836733818 in:0.011928603053092957 :0.20475074648857117 +and:0.0959739238023758 or:0.05183326080441475 in:0.0416623093187809 of:0.03774310275912285 :0.09384049475193024 +for:0.17863337695598602 to:0.13185079395771027 the:0.03378363326191902 by:0.03021039068698883 :0.0675278753042221 +and:0.11081433296203613 of:0.01912304013967514 to:0.01579570397734642 at:0.015514558181166649 :0.20001736283302307 +a:0.029354669153690338 made:0.021220248192548752 in:0.017908724024891853 the:0.015689436346292496 :0.1536957174539566 +towns:0.1838521808385849 the:0.0794045701622963 towns,:0.04743878170847893 towns.:0.01656584069132805 :0.10105276107788086 +the:0.14502835273742676 a:0.13512875139713287 and:0.03095846064388752 an:0.020879849791526794 :0.07654073089361191 +and:0.06942369788885117 of:0.0568234808743 The:0.02599503844976425 in:0.025670304894447327 :0.15339691936969757 +the:0.4237874448299408 a:0.04488833621144295 which:0.023604441434144974 their:0.019728241488337517 :0.0442911796271801 +ranged:0.2860122323036194 rested:0.2061012089252472 rived:0.043045323342084885 ranging:0.007881375961005688 :0.2769503593444824 +of:0.21117331087589264 was:0.10686306655406952 is:0.04216431453824043 who:0.031824786216020584 :0.025982825085520744 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +thing:0.015824496746063232 and:0.012288711033761501 way:0.006515928078442812 view:0.004251530859619379 :0.29229429364204407 +a:0.1151701956987381 the:0.05246611684560776 only:0.037605080753564835 to:0.03163502365350723 :0.09793591499328613 +the:0.05538981407880783 and:0.026179958134889603 The:0.021174674853682518 a:0.017260802909731865 :0.205373153090477 +the:0.043148308992385864 a:0.019325556233525276 I:0.006238660309463739 to:0.0058267260901629925 :0.20034754276275635 +have:0.07457281649112701 was:0.05624841898679733 had:0.050487808883190155 would:0.041686877608299255 :0.12651905417442322 +and:0.027173148468136787 feet:0.018542790785431862 of:0.01846431754529476 chains:0.017375966534018517 :0.31202444434165955 +thence:0.049418460577726364 U.:0.03547808527946472 and:0.028687821701169014 .:0.02431478351354599 :0.24433720111846924 +by:0.3340885639190674 to:0.1264047920703888 with:0.10742270201444626 in:0.05804077163338661 :0.02900397777557373 +the:0.04235187917947769 of:0.029636071994900703 and:0.022724121809005737 in:0.01737128384411335 :0.18492244184017181 +the:0.14232555031776428 this:0.012949380092322826 said:0.01190260611474514 New:0.010572616010904312 :0.25107333064079285 +of:0.59065842628479 in:0.039554182440042496 the:0.03059336170554161 and:0.01873088628053665 :0.024720147252082825 +the:0.04184363782405853 a:0.02867937833070755 to:0.011290323920547962 in:0.011008691973984241 :0.16364333033561707 +way:0.011087060905992985 same:0.0071277557872235775 old:0.005819892976433039 first:0.004654990509152412 :0.17825119197368622 +had:0.06287510693073273 was:0.06274613738059998 would:0.04204640910029411 has:0.031940117478370667 :0.09034841507673264 +the:0.33532917499542236 a:0.039115384221076965 this:0.019708041101694107 him:0.013396643102169037 :0.12469090521335602 +the:0.06285946816205978 to:0.05404170602560043 in:0.051107700914144516 that:0.035038165748119354 :0.14452187716960907 +and:0.057326868176460266 to:0.04969025403261185 the:0.03955204784870148 in:0.01760396547615528 :0.18964523077011108 +the:0.35901370644569397 a:0.049165237694978714 his:0.019452203065156937 it:0.01894182153046131 :0.04046206921339035 +and:0.01813526637852192 work:0.013221945613622665 nation:0.008201883174479008 struggle:0.007162554655224085 :0.17127865552902222 +throat,:0.10663298517465591 of:0.054233942180871964 and:0.04428309574723244 to:0.04337410256266594 :0.11308181285858154 +and:0.03423682227730751 with:0.005459062289446592 as:0.005436213221400976 enough:0.004909582436084747 :0.3292801082134247 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +of:0.7175583243370056 and:0.027534091845154762 ot:0.011351444758474827 in:0.009118059650063515 :0.0226861871778965 +the:0.1339494287967682 him:0.0746581107378006 to:0.04634924605488777 out:0.0437261164188385 :0.043275441974401474 +of:0.0837167277932167 to:0.07728971540927887 that:0.06512919813394547 was:0.06010091304779053 :0.053045421838760376 +of:0.02690444327890873 to:0.021351374685764313 and:0.018840543925762177 the:0.018558111041784286 :0.28181877732276917 +most:0.008353370241820812 best:0.007631123531609774 other:0.006100813392549753 people:0.005449035670608282 :0.22292779386043549 +people:0.020390495657920837 men:0.008687477558851242 man:0.007100599817931652 government:0.005280665587633848 :0.15147513151168823 +necessary:0.06616943329572678 to:0.044924456626176834 in:0.04210891202092171 was:0.03217099606990814 :0.13117894530296326 +election:0.05098599195480347 election.:0.04357796907424927 election,:0.02818811684846878 campaign:0.019211575388908386 :0.16927288472652435 +the:0.5208903551101685 a:0.02678559720516205 tho:0.025641772896051407 his:0.022445544600486755 :0.06135255843400955 +the:0.12015307694673538 be:0.05971671640872955 make:0.020000025629997253 do:0.012343180365860462 :0.09177907556295395 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +The:0.017129305750131607 .:0.014438759535551071 to:0.011510803364217281 and:0.01059646438807249 :0.2702396810054779 +condition:0.03127952292561531 policy:0.02969401329755783 and:0.018004922196269035 world:0.016227247193455696 :0.1507662981748581 +and:0.04833540320396423 of:0.022934697568416595 party:0.011004418134689331 a:0.007801027502864599 :0.4130629897117615 +few:0.043048661202192307 very:0.01854846253991127 short:0.016552865505218506 great:0.012824597768485546 :0.16029050946235657 +wife:0.03890116140246391 friends:0.014383111149072647 family:0.01307716965675354 wife,:0.012853448279201984 :0.16733230650424957 +to:0.020652173087000847 head:0.018461553379893303 own:0.014437911100685596 in:0.01314912736415863 :0.13582125306129456 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +creased:0.06555869430303574 troduced:0.04869624972343445 structed:0.029731402173638344 terested:0.02623257040977478 :0.3425337076187134 +of:0.04115002229809761 or:0.026586787775158882 to:0.01797386445105076 and:0.014156820252537727 :0.16969764232635498 +the:0.24456040561199188 such:0.045594800263643265 which:0.036362096667289734 a:0.03614407777786255 :0.10381171852350235 +been:0.24354198575019836 become:0.016904760152101517 in:0.015552342869341373 to:0.011710875667631626 :0.09090602397918701 +same:0.10916530340909958 same.:0.037572506815195084 best:0.0208370890468359 right:0.013365628197789192 :0.15330350399017334 +the:0.151986762881279 of:0.06816485524177551 a:0.0447891503572464 him:0.029908323660492897 :0.13433220982551575 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +result:0.029124382883310318 matter:0.0166524238884449 rule,:0.011289612390100956 man:0.010609658434987068 :0.1965998411178589 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +the:0.18162931501865387 a:0.06554244458675385 favor:0.03973793610930443 their:0.016804972663521767 :0.09973876923322678 +mand:0.03209015354514122 scribed:0.0255934689193964 scription:0.021888092160224915 gree:0.018713736906647682 :0.42111992835998535 +the:0.0802353098988533 a:0.03948588669300079 in:0.03294629231095314 of:0.03162815049290657 :0.22097229957580566 +a:0.21068842709064484 the:0.09635377675294876 to:0.04823379963636398 that:0.029362665489315987 :0.13130700588226318 +the:0.09582003951072693 and:0.04348870366811752 a:0.03568165376782417 in:0.022846145555377007 :0.03771151602268219 +the:0.1313314437866211 that:0.020666813477873802 a:0.015043954364955425 other:0.010479431599378586 :0.09813476353883743 +of:0.053246889263391495 and:0.046724677085876465 to:0.025195881724357605 in:0.02020886167883873 :0.17269079387187958 +own:0.03925302252173424 husband,:0.01156309712678194 husband:0.010581855662167072 life:0.008124218322336674 :0.1931963711977005 +been:0.3158862888813019 a:0.04011007025837898 ever:0.039319440722465515 not:0.03170797601342201 :0.0465882308781147 +and:0.17383064329624176 but:0.06156006082892418 to:0.04827796667814255 as:0.04102206975221634 :0.0606226921081543 +of:0.7135283350944519 ot:0.015944330021739006 the:0.015567266382277012 in:0.012131432071328163 :0.017999403178691864 +not:0.04734594747424126 to:0.04470463842153549 the:0.018775902688503265 in:0.017778243869543076 :0.18273548781871796 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +the:0.18315736949443817 a:0.1495196372270584 it:0.07332830876111984 no:0.0235497634857893 :0.10638054460287094 +to:0.16395768523216248 in:0.10008668899536133 and:0.0993700921535492 by:0.08360792696475983 :0.08100313693284988 +the:0.24762094020843506 for:0.06704124808311462 a:0.05800044536590576 said:0.047390688210725784 :0.054712701588869095 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +of:0.5695857405662537 and:0.01673421636223793 in:0.016348959878087044 which:0.014137807302176952 :0.01341799832880497 +to:0.03660552576184273 husband,:0.020201904699206352 own:0.01511495839804411 husband:0.012702089734375477 :0.20922017097473145 +the:0.06134175881743431 to:0.05702413618564606 a:0.04919993132352829 in:0.03141689673066139 :0.1047094464302063 +who:0.05811794102191925 else:0.0387590192258358 knows:0.03652842715382576 and:0.02660849504172802 :0.12969565391540527 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.2598726451396942 a:0.0577668696641922 tho:0.017695540562272072 his:0.011614101007580757 :0.15107402205467224 +to:0.14961598813533783 in:0.08022217452526093 from:0.06107287108898163 out:0.03783402219414711 :0.034742433577775955 +the:0.5184453725814819 a:0.047486308962106705 his:0.02250308357179165 their:0.020571190863847733 :0.0502944141626358 +adhered:0.04099348187446594 to:0.026957184076309204 in:0.015496380627155304 enforced:0.0141155319288373 :0.2256600707769394 +not:0.2681541442871094 see:0.0614783801138401 have:0.03350071609020233 get:0.02304324321448803 :0.05843193456530571 +the:0.05904014781117439 a:0.03191158547997475 to:0.03141160309314728 that:0.01796259731054306 :0.09513108432292938 +the:0.09816419333219528 it:0.05728405341506004 I:0.0335409976541996 he:0.030995424836874008 :0.04729418829083443 +ticular:0.20687831938266754 ticle:0.2022767812013626 ticularly:0.12194017320871353 ty:0.05368118733167648 :0.13378728926181793 +the:0.20156924426555634 a:0.028281625360250473 this:0.021654166281223297 said:0.014330817386507988 :0.13418270647525787 +to:0.3171241581439972 in:0.09033194184303284 for:0.054203540086746216 a:0.035549476742744446 :0.0857568085193634 +the:0.09425979107618332 be:0.03827356919646263 choice,:0.013887094333767891 a:0.011072003282606602 :0.16607250273227692 +good:0.025313090533018112 very:0.023942340165376663 great:0.01810312829911709 right:0.016045689582824707 :0.13344401121139526 +vance:0.13527372479438782 dress:0.06820692121982574 ditional:0.06638351082801819 vantage:0.059086401015520096 :0.38287150859832764 +forms:0.0162886343896389 states:0.014725732617080212 men:0.01469412725418806 extracts:0.013496683910489082 :0.20136810839176178 +The:0.16124683618545532 It:0.048173580318689346 This:0.027266280725598335 We:0.02406308427453041 :0.20671328902244568 +with:0.33962947130203247 in:0.11025754362344742 and:0.10564574599266052 at:0.029265154153108597 :0.021376516669988632 +and:0.05742333456873894 of:0.02793869562447071 the:0.022630490362644196 to:0.017856892198324203 :0.2999129891395569 +and:0.03756507858633995 in:0.015018466860055923 of:0.01232796162366867 rate:0.010380223393440247 :0.2413506805896759 +own:0.025991395115852356 head:0.009840850718319416 hand:0.005950590129941702 life:0.00468845758587122 :0.15279534459114075 +therefore,:0.07576199620962143 however,:0.05712585151195526 the:0.04319426417350769 that:0.03465013578534126 :0.043759625405073166 +ure:0.5020082592964172 ant:0.10736756771802902 ures:0.017558960244059563 and:0.015640126541256905 :0.08613111078739166 +and:0.10736770927906036 of:0.07365341484546661 to:0.020413260906934738 is:0.018342208117246628 :0.06109058856964111 +in:0.08594906330108643 and:0.08575878292322159 of:0.08554162830114365 that:0.04525594040751457 :0.05862626060843468 +of:0.8643544912338257 and:0.011050717905163765 ot:0.009490306489169598 was:0.007041669450700283 :0.013349582441151142 +the:0.05304671451449394 be:0.03407599776983261 make:0.017952589318156242 do:0.014262194745242596 :0.09132345020771027 +be:0.02683132514357567 had:0.020367596298456192 made:0.01822974905371666 found:0.01407543569803238 :0.13839586079120636 +years:0.046256501227617264 and:0.04420473426580429 o'clock:0.0417468436062336 or:0.032103367149829865 :0.2804580628871918 +the:0.12424279004335403 it:0.023392029106616974 in:0.018718257546424866 and:0.015381242148578167 :0.10511492192745209 +the:0.4567975699901581 this:0.06014454364776611 a:0.026836246252059937 account:0.020406682044267654 :0.05273672193288803 +of:0.1096365675330162 the:0.08014339953660965 for:0.04114080220460892 to:0.0305466391146183 :0.13995623588562012 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +whole:0.00824443157762289 day:0.006731302943080664 same:0.006460490170866251 first:0.006405032239854336 :0.16871187090873718 +you:0.12096982449293137 the:0.11830151826143265 I:0.06726338714361191 he:0.0474478118121624 :0.08948532491922379 +the:0.4749492108821869 a:0.055695999413728714 this:0.0290290005505085 their:0.02145911566913128 :0.04894108697772026 +is:0.09462973475456238 was:0.06156991794705391 has:0.04568306356668472 will:0.04090699180960655 :0.05244823172688484 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.1229013204574585 Block:0.06424395740032196 to:0.05824132636189461 from:0.028613699600100517 :0.16101548075675964 +is:0.24915017187595367 was:0.20487602055072784 has:0.03384947404265404 would:0.033824898302555084 :0.04431376978754997 +and:0.01395807508379221 Dominion:0.009901419281959534 Point:0.006726900581270456 World:0.005763300694525242 :0.5314805507659912 +and:0.07043400406837463 of:0.06926894932985306 to:0.04250769317150116 The:0.02616133727133274 :0.13675089180469513 +in:0.04954051226377487 and:0.04788707569241524 of:0.03785406053066254 at:0.022301778197288513 :0.11633314192295074 +the:0.38027751445770264 a:0.0643870010972023 his:0.032657358795404434 by:0.022183673456311226 :0.029937665909528732 +the:0.30074450373649597 a:0.057456087321043015 this:0.027245495468378067 any:0.018923703581094742 :0.12161070853471756 +breath,:0.015790127217769623 and:0.012554979883134365 play.:0.010647166520357132 eruptions:0.005719488486647606 :0.35062336921691895 +the:0.13604557514190674 he:0.06363660097122192 they:0.04366663098335266 a:0.04163165017962456 :0.0637534111738205 +the:0.05476329103112221 a:0.014625007286667824 other:0.011938216164708138 to:0.008303100243210793 :0.1973363310098648 +few:0.025485234335064888 little:0.014876695349812508 man:0.013929412700235844 great:0.010396386496722698 :0.12441934645175934 +The:0.10733536630868912 It:0.05729029327630997 A:0.034951549023389816 I:0.029858605936169624 :0.12854309380054474 +country:0.023979390040040016 city,:0.018591221421957016 city:0.018282363191246986 act,:0.015703648328781128 :0.14142222702503204 +own:0.023253895342350006 wife:0.018065696582198143 head:0.01547715812921524 family:0.011989775113761425 :0.23221024870872498 +and:0.08431197702884674 in:0.06112629175186157 to:0.0528552420437336 from:0.033681221306324005 :0.10534320026636124 +in:0.05960419774055481 on:0.05803423747420311 by:0.04210283234715462 the:0.04062161594629288 :0.05647656321525574 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +.:0.033427413552999496 The:0.02720237895846367 and:0.01984318159520626 -:0.010369718074798584 :0.28873077034950256 +to:0.4741930663585663 a:0.05609108880162239 no:0.05343429744243622 as:0.024308498948812485 :0.040920451283454895 +own:0.016251202672719955 place:0.008109734393656254 wife:0.0064862133003771305 office:0.0056966813281178474 :0.28646865487098694 +the:0.18161466717720032 a:0.05102946236729622 this:0.02866053394973278 order:0.013850579038262367 :0.09523050487041473 +the:0.23595991730690002 a:0.04378362372517586 this:0.03858790546655655 that:0.019626567140221596 :0.09801597893238068 +in:0.18241363763809204 with:0.08756264299154282 at:0.05417817085981369 and:0.04933839663863182 :0.041096337139606476 +the:0.06414005905389786 a:0.016837844625115395 other:0.00875332672148943 State:0.006384681910276413 :0.2833923101425171 +A.:0.23459623754024506 and:0.041514962911605835 1910,:0.018407410010695457 1922,:0.014757447876036167 :0.19913087785243988 +that:0.3390311598777771 the:0.11299248784780502 it:0.0816345140337944 in:0.04346437007188797 :0.02565183863043785 +of:0.192066490650177 and:0.04695796221494675 that:0.02558835782110691 board:0.022355351597070694 :0.06280814856290817 +part:0.0064562782645225525 ground:0.0062993974424898624 road:0.0057274093851447105 way:0.0052093761041760445 :0.41326090693473816 +hundred:0.25342896580696106 mile:0.082786425948143 year:0.04752195253968239 of:0.04012893885374069 :0.06031129136681557 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.18256212770938873 by:0.0543162077665329 the:0.05193227156996727 or:0.026365499943494797 :0.07843980938196182 +the:0.1542028784751892 a:0.09336090087890625 an:0.015483242459595203 tho:0.012745494022965431 :0.22032704949378967 +the:0.3295687437057495 this:0.04427226632833481 said:0.021614857017993927 a:0.02096477709710598 :0.16007298231124878 +the:0.1324143409729004 their:0.09686224907636642 a:0.04759518802165985 sight:0.03313346579670906 :0.05619018152356148 +and:0.06709941476583481 of:0.04030316695570946 to:0.030462240800261497 in:0.02092548832297325 :0.1859212964773178 +the:0.34277787804603577 then:0.0897400975227356 this:0.03133687749505043 that:0.02444903925061226 :0.08174888789653778 +of:0.24660208821296692 by:0.0470171794295311 to:0.04248397424817085 will:0.03945323824882507 :0.05329827964305878 +and:0.027353420853614807 feet:0.025492770597338676 chains:0.015952331945300102 of:0.012788612395524979 :0.27268531918525696 +and:0.12329376488924026 in:0.10776442289352417 to:0.06645914912223816 of:0.04555559158325195 :0.038664352148771286 +and:0.03420865908265114 of:0.024456672370433807 the:0.023314831778407097 to:0.013554300181567669 :0.25674042105674744 +man:0.07763774693012238 men:0.03853071108460426 man's:0.030759640038013458 people:0.029536785557866096 :0.1930025815963745 +the:0.2891661524772644 a:0.05441521853208542 this:0.025481997057795525 his:0.025220658630132675 :0.07014314085245132 +the:0.3893207907676697 this:0.04319470748305321 our:0.028941797092556953 tho:0.02155262418091297 :0.09224504977464676 +the:0.23799699544906616 a:0.04221582040190697 tho:0.014849789440631866 this:0.014704192988574505 :0.22046831250190735 +the:0.22345677018165588 a:0.03659297525882721 this:0.026209712028503418 which:0.019611725583672523 :0.09914417564868927 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +by:0.08433138579130173 to:0.06927425414323807 and:0.05453602597117424 the:0.0537937730550766 :0.07285185903310776 +J:0.028798112645745277 W:0.022722924128174782 H.:0.021399889141321182 M.:0.02115059271454811 :0.31583884358406067 +the:0.2741600573062897 a:0.08369520306587219 their:0.02359584905207157 his:0.016940467059612274 :0.07136091589927673 +who:0.2689187526702881 of:0.04333474487066269 in:0.028510773554444313 that:0.016640951856970787 :0.10566609352827072 +and:0.06621099263429642 of:0.03746454045176506 was:0.018987515941262245 in:0.01735677942633629 :0.1782849133014679 +date:0.008520219475030899 United:0.008137640543282032 time:0.00669322581961751 day:0.006416283547878265 :0.18612447381019592 +the:0.12477744370698929 and:0.04288190230727196 that:0.020011939108371735 a:0.01598210819065571 :0.19771721959114075 +per:0.11106257885694504 o'clock:0.03708566725254059 cents:0.023674197494983673 and:0.0205190759152174 :0.2080901861190796 +that:0.1574413776397705 by:0.1486905813217163 to:0.11863456666469574 of:0.09676426649093628 :0.060437653213739395 +No.:0.023143773898482323 and:0.018770456314086914 That:0.01732027903199196 The:0.015517153777182102 :0.19280879199504852 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +tory:0.2783702611923218 tory.:0.14936979115009308 tory,:0.10933078825473785 the:0.009829388000071049 :0.11215776205062866 +be:0.1292283833026886 have:0.1291346549987793 not:0.060776278376579285 do:0.013062635436654091 :0.14996033906936646 +per:0.05539093166589737 feet:0.033403556793928146 miles:0.031798191368579865 acres:0.03133400157094002 :0.16669897735118866 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.06637460738420486 a:0.024515222758054733 other:0.01172655075788498 that:0.00887505803257227 :0.2532801032066345 +H.:0.02909630350768566 B.:0.023397082462906837 C:0.020984802395105362 B:0.02033780887722969 :0.328359991312027 +the:0.050123658031225204 other:0.01975887268781662 a:0.019346842542290688 more:0.014245448634028435 :0.16311109066009521 +and:0.18947264552116394 but:0.047452863305807114 as:0.04140467569231987 not:0.030468128621578217 :0.039242714643478394 +Beginning:0.22225873172283173 Lot:0.13102246820926666 The:0.12157855182886124 Lots:0.10322274267673492 :0.10775727033615112 +a:0.11952891200780869 the:0.08534125983715057 well:0.051526352763175964 it:0.039935849606990814 :0.061736926436424255 +the:0.043903809040784836 of:0.02951320819556713 and:0.01792440190911293 a:0.015295226126909256 :0.32114318013191223 +be:0.352428138256073 not:0.08391603827476501 have:0.051531121134757996 bo:0.028459612280130386 :0.07882138341665268 +and:0.13917402923107147 of:0.03217167779803276 in:0.027953550219535828 to:0.024075547233223915 :0.1359260231256485 +and:0.029539471492171288 ":0.026516953483223915 The:0.02528354898095131 the:0.02083577774465084 :0.30389901995658875 +and:0.04153728857636452 the:0.029463348910212517 to:0.023973094299435616 in:0.022480133920907974 :0.16870515048503876 +and:0.08999594300985336 to:0.03587965667247772 of:0.022132230922579765 or:0.016851991415023804 :0.15874354541301727 +be:0.14637936651706696 have:0.03761758282780647 make:0.022870412096381187 get:0.01857599802315235 :0.13659995794296265 +same:0.01656733825802803 whole:0.012066798284649849 most:0.006560034118592739 entire:0.0064822472631931305 :0.18369817733764648 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +and:0.07120237499475479 of:0.05245903134346008 to:0.017450682818889618 The:0.016351640224456787 :0.17163825035095215 +of:0.07669095695018768 to:0.029409954324364662 the:0.028766965493559837 and:0.020530419424176216 :0.19284328818321228 +The:0.21085543930530548 It:0.0370209626853466 He:0.03626608848571777 This:0.028419101610779762 :0.09755804389715195 +who:0.3061753809452057 of:0.08273295313119888 and:0.07243460416793823 to:0.04444548860192299 :0.07060594111680984 +is:0.0791245549917221 was:0.04493801295757294 Is:0.010854186490178108 will:0.010594840161502361 :0.10161653906106949 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +of:0.16770735383033752 to:0.05466533824801445 and:0.052886735647916794 that:0.04855154827237129 :0.044329602271318436 +and:0.051107048988342285 in:0.04301351308822632 of:0.04258516803383827 to:0.03343360871076584 :0.0968346893787384 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +hands:0.0331977941095829 house:0.006775171961635351 United:0.006664929445832968 river:0.00660988874733448 :0.18195566534996033 +said:0.29849714040756226 the:0.2538149654865265 such:0.05110575631260872 a:0.03545510768890381 :0.03679470717906952 +few:0.018617652356624603 bill:0.018016209825873375 law:0.01642390340566635 large:0.015833087265491486 :0.15659406781196594 +the:0.24827878177165985 a:0.05336081609129906 this:0.028118878602981567 his:0.017172152176499367 :0.13189756870269775 +in:0.16141535341739655 by:0.0931883379817009 from:0.05597043037414551 upon:0.05105544254183769 :0.05070839449763298 +the:0.03951746225357056 any:0.013645711354911327 in:0.013436146080493927 other:0.011758723296225071 :0.17412233352661133 +own:0.024204349145293236 money:0.022130915895104408 attention:0.017046866938471794 way:0.010325011797249317 :0.12500767409801483 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +in:0.06999647617340088 if:0.05049842596054077 with:0.047184210270643234 after:0.03225541114807129 :0.051888901740312576 +of:0.3612529933452606 was:0.07507626712322235 is:0.05901363864541054 in:0.026398925110697746 :0.02337489277124405 +the:0.28021448850631714 a:0.026990605518221855 this:0.021445047110319138 tho:0.019367186352610588 :0.13838152587413788 +estate:0.2927144467830658 estate,:0.08493871986865997 and:0.030527299270033836 estate.:0.029729509726166725 :0.20338019728660583 +and:0.025236012414097786 health.:0.023272663354873657 way:0.011845569126307964 in:0.009908951818943024 :0.32511091232299805 +the:0.08826087415218353 and:0.07883727550506592 to:0.03554747626185417 a:0.020874669775366783 :0.09833133220672607 +first:0.015243654139339924 next:0.006460295058786869 following:0.005783761385828257 old:0.0057101924903690815 :0.17317552864551544 +and:0.06551449000835419 of:0.025544308125972748 who:0.02431388385593891 the:0.016070624813437462 :0.20832055807113647 +the:0.20144429802894592 a:0.08097229152917862 their:0.02342093549668789 his:0.011470464989542961 :0.10136866569519043 +was:0.15220078825950623 had:0.06953076273202896 is:0.05802058055996895 has:0.048565011471509933 :0.08163047581911087 +the:0.2355560064315796 a:0.03800693154335022 said:0.037411339581012726 his:0.01564549282193184 :0.13018420338630676 +the:0.02423911914229393 and:0.02353576011955738 of:0.01829070970416069 to:0.008891644887626171 :0.2637425363063812 +United:0.010758302174508572 State:0.009857922792434692 county:0.005230662412941456 city:0.004537942819297314 :0.44909852743148804 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +name:0.01632726937532425 wife:0.010216720402240753 friends:0.010128077119588852 life:0.007070011459290981 :0.14822086691856384 +to:0.15128764510154724 and:0.07997572422027588 on:0.030171185731887817 in:0.025188809260725975 :0.15927045047283173 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.36650460958480835 a:0.030165936797857285 this:0.022549962624907494 their:0.021877644583582878 :0.09594537317752838 +the:0.25916051864624023 a:0.05062699317932129 this:0.03451814502477646 his:0.02378115989267826 :0.07205195724964142 +the:0.3471507430076599 a:0.027971917763352394 tho:0.02154848910868168 his:0.021109336987137794 :0.07507768273353577 +the:0.06421764940023422 to:0.02401024103164673 and:0.023171791806817055 a:0.01474687084555626 :0.11296780407428741 +that:0.17001111805438995 in:0.16049018502235413 to:0.12325140833854675 at:0.02867216058075428 :0.043773576617240906 +line:0.17538514733314514 side:0.16367168724536896 half:0.05285440757870674 of:0.05131980776786804 :0.06390371918678284 +that:0.34575411677360535 the:0.04177404195070267 nothing:0.041586507111787796 to:0.028759727254509926 :0.06705563515424728 +the:0.30169981718063354 they:0.04547746106982231 it:0.04193119704723358 I:0.034401897341012955 :0.05606218799948692 +the:0.1844911277294159 his:0.04039865359663963 a:0.03586505725979805 them:0.02634410560131073 :0.07559686154127121 +the:0.3192977011203766 a:0.03158845007419586 his:0.022859880700707436 their:0.018993666395545006 :0.13286256790161133 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +been:0.12996841967105865 a:0.05242052674293518 not:0.029057122766971588 the:0.026974858716130257 :0.118819460272789 +of:0.18797113001346588 and:0.0638488307595253 to:0.046700797975063324 in:0.04181057959794998 :0.06151139736175537 +the:0.4679614007472992 a:0.05380270630121231 this:0.024341538548469543 tho:0.01950804516673088 :0.07177706807851791 +and:0.06969962269067764 of:0.04591376334428787 have:0.043794069439172745 for:0.03732301667332649 :0.04907828941941261 +and:0.18303371965885162 but:0.1033976599574089 or:0.029481148347258568 the:0.027286766096949577 :0.05863828584551811 +the:0.15822027623653412 of:0.0801616758108139 that:0.05826737359166145 to:0.03984950855374336 :0.033813927322626114 +the:0.06548566371202469 you:0.049832429736852646 not:0.04744536802172661 any:0.041905082762241364 :0.1491437703371048 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +of:0.18225421011447906 and:0.10893464833498001 the:0.059344805777072906 to:0.042637549340724945 :0.0428667850792408 +power:0.02749011293053627 assembly:0.012991020455956459 and:0.00838717445731163 halls:0.00834599882364273 :0.16527631878852844 +as:0.24444177746772766 the:0.04167401045560837 however,:0.03405580297112465 and:0.03182672709226608 :0.03995566815137863 +of:0.09377291053533554 and:0.05953279882669449 the:0.0278426855802536 in:0.023757299408316612 :0.15388721227645874 +first:0.010591384954750538 man:0.009227575734257698 two:0.009083052165806293 only:0.00840520579367876 :0.3038826286792755 +of:0.36997920274734497 and:0.09226708859205246 to:0.0402640737593174 in:0.024837955832481384 :0.02260967157781124 +the:0.48426371812820435 his:0.026359185576438904 their:0.026114290580153465 a:0.024755824357271194 :0.05958065018057823 +not:0.03980657830834389 in:0.020699750632047653 now:0.015384404920041561 the:0.01425530482083559 :0.1534598171710968 +the:0.03612131625413895 and:0.03395983204245567 to:0.03300316631793976 of:0.022601697593927383 :0.1292334496974945 +the:0.1084577664732933 a:0.020732449367642403 that:0.010891718789935112 of:0.010763024911284447 :0.2788482904434204 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.16950763761997223 he:0.03863101080060005 they:0.034278374165296555 it:0.03005811758339405 :0.08642140030860901 +very:0.019342152401804924 good:0.016166524961590767 man:0.012331526726484299 great:0.012042938731610775 :0.2879495620727539 +to:0.044760264456272125 year.:0.03143772855401039 morning:0.029946455731987953 year:0.024832366034388542 :0.12013377249240875 +to:0.41454386711120605 for:0.1920309215784073 and:0.02192431502044201 in:0.013431825675070286 :0.06890260428190231 +the:0.21445903182029724 a:0.03731038421392441 least:0.03396519273519516 tho:0.03214585408568382 :0.09314574301242828 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.42308440804481506 said:0.039291903376579285 tho:0.025948401540517807 a:0.02589496783912182 :0.0779549703001976 +with:0.22687122225761414 to:0.15865366160869598 that:0.13205678761005402 upon:0.05606100708246231 :0.0430077388882637 +not:0.04623361676931381 in:0.030152453109622 the:0.021398266777396202 to:0.016026392579078674 :0.15822535753250122 +people:0.006612703669816256 life:0.004997806157916784 men:0.004645568784326315 home:0.003651063423603773 :0.10333631187677383 +of:0.07417181879281998 and:0.05653482675552368 the:0.026447033509612083 to:0.02318166010081768 :0.22210875153541565 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +is:0.14595293998718262 was:0.066702701151371 Is:0.020747769623994827 will:0.016078120097517967 :0.10497581213712692 +scribed:0.08772571384906769 mands:0.04270179569721222 veloped:0.03580065816640854 clared:0.03114194981753826 :0.316755473613739 +and:0.07028230279684067 of:0.04259593039751053 to:0.025459932163357735 the:0.0235049519687891 :0.18182669579982758 +man:0.10095285624265671 majority:0.02240501344203949 person:0.015031303279101849 few:0.011907726526260376 :0.13896799087524414 +am:0.06516417115926743 have:0.05447341874241829 was:0.03586071357131004 had:0.020530056208372116 :0.19902938604354858 +and:0.07481566071510315 the:0.06528451293706894 that:0.0444941446185112 in:0.03598378226161003 :0.036687131971120834 +the:0.39276978373527527 a:0.07656458765268326 this:0.023236321285367012 his:0.018391113728284836 :0.05828901752829552 +the:0.07909972965717316 by:0.07487136870622635 a:0.0730506181716919 to:0.0622730627655983 :0.11060608923435211 +the:0.06022629514336586 North:0.05259035900235176 Minnesota,:0.045975103974342346 affairs:0.04273829609155655 :0.12504123151302338 +the:0.2349666953086853 a:0.0641632005572319 tho:0.015128969214856625 their:0.013397217728197575 :0.14252164959907532 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +same:0.013157323002815247 United:0.007727250922471285 said:0.006176794413477182 city:0.00531337596476078 :0.2483329325914383 +the:0.19612090289592743 a:0.04396833851933479 tho:0.017429903149604797 his:0.01358408946543932 :0.21360662579536438 +that:0.23606498539447784 in:0.06855807453393936 and:0.050713226199150085 of:0.040256716310977936 :0.040332380682229996 +The:0.10549116134643555 It:0.049444813281297684 I:0.03756178542971611 A:0.03142273798584938 :0.2357461005449295 +and:0.06981533765792847 of:0.05671050399541855 in:0.022413287311792374 The:0.01846328005194664 :0.1804899275302887 +the:0.08256673812866211 that:0.03396931663155556 to:0.029393745586276054 a:0.028801146894693375 :0.10890033096075058 +the:0.06011023744940758 and:0.05253582075238228 to:0.023652100935578346 in:0.020054804161190987 :0.27075910568237305 +the:0.04510832205414772 and:0.01649424433708191 I:0.00786553043872118 in:0.006134836468845606 :0.37227770686149597 +the:0.17864972352981567 to:0.030727921053767204 in:0.017460361123085022 that:0.01652105152606964 :0.11595550924539566 +the:0.06856055557727814 a:0.057703372091054916 to:0.046115897595882416 not:0.04116380587220192 :0.07624037563800812 +and:0.06374919414520264 to:0.021018456667661667 in:0.014514571987092495 or:0.010655643418431282 :0.20025648176670074 +cent:0.31661850214004517 cent,:0.2729768455028534 cent.:0.12387330085039139 centum:0.027045326307415962 :0.08680997043848038 +the:0.06131131947040558 and:0.03783498704433441 to:0.02964642271399498 in:0.02055053971707821 :0.1277492344379425 +of:0.3846467137336731 and:0.02430194802582264 to:0.021774383261799812 In:0.011271779425442219 :0.17490187287330627 +the:0.11852514743804932 that:0.033612996339797974 it:0.028281763195991516 to:0.026361463591456413 :0.1049354150891304 +not:0.056718721985816956 to:0.05092709884047508 now:0.02576258033514023 in:0.021164564415812492 :0.13482853770256042 +and:0.11557541787624359 in:0.10519062727689743 was:0.04383236542344093 to:0.031585995107889175 :0.053034812211990356 +the:0.2189822942018509 he:0.08620219677686691 they:0.04443199932575226 I:0.04380910471081734 :0.07141054421663284 +the:0.13160160183906555 a:0.10832226276397705 by:0.1080838143825531 in:0.0736030638217926 :0.032936252653598785 +that:0.5377678275108337 by:0.079863041639328 the:0.06638682633638382 and:0.02690166048705578 :0.019958363845944405 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +best:0.05661351978778839 few:0.014825544320046902 little:0.01429376658052206 worst:0.008682814426720142 :0.16174960136413574 +be:0.15818502008914948 have:0.09899410605430603 not:0.0708276703953743 bo:0.015397370792925358 :0.10911761224269867 +by:0.11768344789743423 to:0.11560392379760742 a:0.059655945748090744 in:0.03804260119795799 :0.07471875101327896 +the:0.06667555123567581 to:0.03977111726999283 and:0.03374891355633736 that:0.02341221459209919 :0.16458764672279358 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.5222862362861633 and:0.06925331056118011 to:0.02329779602587223 from:0.01601080410182476 :0.029645228758454323 +and:0.09678788483142853 the:0.037043120712041855 in:0.025519266724586487 to:0.017961135134100914 :0.11616798490285873 +a:0.1323946863412857 the:0.07133578509092331 not:0.05409318581223488 only:0.015604213811457157 :0.07645665854215622 +and:0.021816207095980644 time:0.01964973285794258 condition:0.01899816282093525 to:0.011597269214689732 :0.18438620865345 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +been:0.19678905606269836 a:0.07093573361635208 not:0.0562700517475605 the:0.019022716209292412 :0.09121153503656387 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +and:0.012570193037390709 Complaints,:0.010737028904259205 of:0.005847851745784283 church:0.003967748489230871 :0.5893545746803284 +are:0.09685977548360825 were:0.06286848336458206 will:0.06260637193918228 have:0.05200133100152016 :0.12228066474199295 +side:0.09293444454669952 and:0.02428581565618515 rage:0.009844341315329075 come:0.0073257857002317905 :0.3293989598751068 +the:0.25100550055503845 a:0.05757029727101326 his:0.028148571029305458 her:0.016891710460186005 :0.13983386754989624 +large:0.02207604981958866 few:0.01336690504103899 bill:0.011347271502017975 lot:0.010181988589465618 :0.2132442146539688 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +thing:0.367992103099823 and:0.05284714326262474 to:0.03272773325443268 times:0.029132280498743057 :0.08607413619756699 +amount:0.005710343364626169 most:0.005083462223410606 same:0.004989043343812227 old:0.0037111558485776186 :0.3401690423488617 +end:0.08573315292596817 part:0.08311546593904495 portion:0.0290334802120924 side:0.01739802211523056 :0.14378681778907776 +the:0.05655084177851677 a:0.022841857746243477 no:0.015421650372445583 not:0.012471687979996204 :0.12819276750087738 +the:0.27283206582069397 a:0.028499102219939232 said:0.01823149248957634 tho:0.018178485333919525 :0.17836137115955353 +tures:0.22613246738910675 ture:0.07794558256864548 and:0.07465775310993195 the:0.035860590636730194 :0.07190068811178207 +the:0.20746304094791412 a:0.08785760402679443 which:0.02570583112537861 their:0.017644423991441727 :0.11381985247135162 +much:0.050338417291641235 large:0.019927987828850746 little:0.017857464030385017 few:0.014496059156954288 :0.22195972502231598 +lions:0.5334100127220154 lion:0.15632131695747375 lions,:0.031676795333623886 itary:0.00907511543482542 :0.13333968818187714 +of:0.25554946064949036 and:0.18674448132514954 in:0.037342630326747894 to:0.029909655451774597 :0.04873621463775635 +and:0.1292254477739334 the:0.04021013155579567 be:0.02964353933930397 but:0.025137122720479965 :0.09056336432695389 +the:0.08261723816394806 a:0.06103379651904106 in:0.028016917407512665 made:0.014651326462626457 :0.17219111323356628 +fore:0.33374452590942383 tween:0.184676855802536 ing:0.09782396256923676 came:0.04709868133068085 :0.04860847443342209 +fellow:0.011634652502834797 and:0.009556664153933525 more:0.008775627240538597 children:0.008199247531592846 :0.1842033714056015 +the:0.189592182636261 this:0.021901912987232208 a:0.019290903583168983 said:0.015231332741677761 :0.21887318789958954 +ing:0.27022358775138855 fore:0.1677154302597046 came:0.050285447388887405 tween:0.04001792147755623 :0.054471489042043686 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +subject:0.012155482545495033 property:0.011088290251791477 said:0.008938451297581196 ground:0.008280253037810326 :0.16573114693164825 +own:0.039221979677677155 life:0.0089398343116045 friends:0.005477586295455694 party:0.0046061198227107525 :0.19100113213062286 +.:0.7209063768386841 .,:0.02355155162513256 .):0.006881823763251305 ..:0.004310150630772114 :0.11476227641105652 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +R:0.036031462252140045 C:0.01902451179921627 J:0.015520172193646431 M:0.015485458076000214 :0.4495184123516083 +and:0.06344828754663467 the:0.044076740741729736 at:0.04136483743786812 in:0.029535656794905663 :0.1289178431034088 +of:0.07550599426031113 and:0.053198281675577164 The:0.03883197531104088 to:0.027055107057094574 :0.14629298448562622 +been:0.11680389195680618 the:0.051957953721284866 a:0.0338725671172142 not:0.031403787434101105 :0.08634532988071442 +the:0.37287822365760803 a:0.03191135823726654 this:0.03071599081158638 his:0.019166259095072746 :0.10257755219936371 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +night:0.060882002115249634 week:0.05883867293596268 year:0.05653230845928192 year,:0.05106997862458229 :0.0944368839263916 +been:0.26566416025161743 a:0.047190435230731964 the:0.03512080758810043 to:0.03496594727039337 :0.07071412354707718 +Union:0.1045299544930458 and:0.049623869359493256 States:0.02100437320768833 Canada:0.01523449458181858 :0.1946282833814621 +and:0.10703641176223755 The:0.026946378871798515 to:0.022355837747454643 but:0.017809685319662094 :0.15553919970989227 +a:0.036827683448791504 the:0.021103739738464355 able:0.020132923498749733 made:0.016692593693733215 :0.1817682385444641 +and:0.19224457442760468 but:0.0812344178557396 the:0.04945920407772064 as:0.0273184385150671 :0.03639153018593788 +of:0.1409008651971817 in:0.05424964055418968 and:0.049258146435022354 to:0.04508953168988228 :0.04794599860906601 +the:0.13926514983177185 of:0.06401745975017548 a:0.06331512331962585 and:0.05936693400144577 :0.05262448638677597 +and:0.05287279188632965 of:0.04749789461493492 in:0.04234999790787697 on:0.014407768845558167 :0.2658415734767914 +of:0.03973899781703949 years:0.029938653111457825 hundred:0.022281866520643234 times:0.02179129607975483 :0.15460161864757538 +ingly:0.12413711100816727 the:0.08553475886583328 I:0.03320833295583725 ing:0.023365190252661705 :0.27815914154052734 +not:0.2681541442871094 see:0.0614783801138401 have:0.03350071609020233 get:0.02304324321448803 :0.05843193456530571 +.:0.039234600961208344 ,:0.02138880454003811 r:0.01766168512403965 s:0.016665594652295113 :0.3919019401073456 +not:0.2862505614757538 be:0.04406518116593361 see:0.03668836131691933 have:0.033601343631744385 :0.0734376311302185 +own:0.04110855609178543 midst:0.017603058367967606 city:0.015858149155974388 country:0.012402661144733429 :0.16157206892967224 +that:0.471749871969223 to:0.1433892697095871 by:0.06062332168221474 in:0.03280207887291908 :0.022606242448091507 +J.:0.02679525688290596 W.:0.023251058533787727 H.:0.021198695525527 B.:0.019004633650183678 :0.3886207044124603 +the:0.11181575059890747 down:0.08966044336557388 out:0.0774160623550415 a:0.072560153901577 :0.06318050622940063 +the:0.25716978311538696 he:0.06006821244955063 it:0.040148697793483734 they:0.036000385880470276 :0.059962037950754166 +the:0.18645571172237396 he:0.03853064030408859 they:0.035806380212306976 it:0.03236501291394234 :0.07450107485055923 +is:0.15959428250789642 was:0.08150748163461685 will:0.04458708316087723 would:0.031039472669363022 :0.11942630261182785 +Donald:0.009151947684586048 .:0.006784423254430294 and:0.0066386740654706955 A:0.003657811088487506 :0.8811332583427429 +the:0.36121413111686707 a:0.07161633670330048 which:0.03754113242030144 his:0.025945695117115974 :0.054839570075273514 +in:0.08185745030641556 and:0.04911966621875763 from:0.04462999850511551 to:0.03951512649655342 :0.04281291365623474 +of:0.07066401839256287 the:0.053600896149873734 to:0.05278733745217323 and:0.052223511040210724 :0.1225055381655693 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +been:0.22894559800624847 not:0.04738496616482735 a:0.032042115926742554 the:0.02602071315050125 :0.07541389018297195 +and:0.04044032841920853 the:0.0316268689930439 boy.:0.01309680100530386 in:0.011569631285965443 :0.22167806327342987 +and:0.05573238432407379 the:0.03132566064596176 of:0.027884313836693764 ing:0.022799795493483543 :0.21444107592105865 +of:0.4069267511367798 and:0.059860266745090485 to:0.030651772394776344 for:0.02695852890610695 :0.04366648942232132 +and:0.064762182533741 the:0.049921419471502304 of:0.035616278648376465 to:0.02767394296824932 :0.10138761252164841 +the:0.23905900120735168 a:0.08661002665758133 this:0.03917819634079933 what:0.03467465937137604 :0.08379711955785751 +and:0.023173874244093895 W:0.01756158471107483 D:0.015508163720369339 O.:0.013397813774645329 :0.23821651935577393 +and:0.1486852616071701 the:0.09379824995994568 which:0.05264966934919357 but:0.028348363935947418 :0.045304276049137115 +of:0.4321748614311218 and:0.030453940853476524 that:0.021175501868128777 for:0.016522802412509918 :0.02528710849583149 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.05548597499728203 of:0.03978458791971207 the:0.026101693511009216 The:0.021443810313940048 :0.168684720993042 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +and:0.11302488297224045 of:0.017953526228666306 the:0.016644911840558052 to:0.012781711295247078 :0.3573386073112488 +the:0.056600045412778854 and:0.01565425470471382 was:0.015248616226017475 in:0.014682264998555183 :0.176300048828125 +not:0.32242047786712646 be:0.2097412347793579 have:0.02817564643919468 do:0.014163444750010967 :0.05981486663222313 +the:0.14125311374664307 and:0.06978723406791687 with:0.06642972677946091 a:0.04982493072748184 :0.09668316692113876 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +made:0.04609803855419159 a:0.0244109146296978 held:0.019120315089821815 the:0.017652271315455437 :0.15424436330795288 +was:0.09681927412748337 he:0.08896162360906601 they:0.07724057883024216 is:0.06633120030164719 :0.054480765014886856 +school:0.048345744609832764 and:0.031104160472750664 prices:0.023903317749500275 prices,:0.019471773877739906 :0.1440647542476654 +are:0.08089540153741837 have:0.07513382285833359 will:0.06355980783700943 would:0.04319976270198822 :0.06133275106549263 +the:0.20629820227622986 a:0.1442732959985733 an:0.02255990356206894 that:0.021936267614364624 :0.08481975644826889 +the:0.2057235836982727 a:0.06870449334383011 that:0.014999333769083023 tho:0.011896580457687378 :0.12448989599943161 +was:0.12793941795825958 had:0.1084190160036087 would:0.06237722188234329 could:0.04393405467271805 :0.08221728354692459 +of:0.11924655735492706 and:0.05374717712402344 in:0.02101479284465313 the:0.020080307498574257 :0.15360356867313385 +men:0.02956397458910942 things:0.028072478249669075 two:0.027598457410931587 are:0.01448148675262928 :0.1628492772579193 +the:0.01157973799854517 view:0.010776706039905548 little:0.009907395578920841 great:0.008652586489915848 :0.2904724180698395 +the:0.16341529786586761 of:0.16017915308475494 they:0.0920257717370987 it:0.07259164750576019 :0.07025878876447678 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +and:0.21824407577514648 which:0.04304186627268791 the:0.035350970923900604 but:0.03464454784989357 :0.09544285386800766 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +same:0.015032286755740643 most:0.011925171129405499 only:0.0064180390909314156 fact:0.006200683768838644 :0.1792662888765335 +the:0.08779855817556381 a:0.07647588104009628 and:0.02100532129406929 for:0.02060181088745594 :0.09307841211557388 +of:0.31595379114151 men:0.05078064650297165 and:0.04242606833577156 man:0.02106783352792263 :0.045676108449697495 +should:0.07971490919589996 not:0.07227329164743423 do:0.068503238260746 did:0.05832718685269356 :0.05820348858833313 +and:0.050251904875040054 man:0.024089166894555092 of:0.018142353743314743 the:0.012820781208574772 :0.23702755570411682 +and:0.1861763298511505 the:0.03561059385538101 which:0.03426208719611168 but:0.02673155628144741 :0.07238952070474625 +of:0.5365501046180725 and:0.10166729241609573 to:0.03262696415185928 that:0.028420599177479744 :0.01631859317421913 +and:0.07610873132944107 court:0.04663638398051262 in:0.044581420719623566 to:0.034726765006780624 :0.07936420291662216 +and:0.05552246421575546 to:0.026643747463822365 the:0.022922607138752937 in:0.018299013376235962 :0.17238561809062958 +been:0.3295891284942627 not:0.05065583810210228 a:0.04237428680062294 done:0.017271440476179123 :0.09217474609613419 +in:0.0260318610817194 the:0.024073582142591476 and:0.015804842114448547 a:0.01254667341709137 :0.20696358382701874 +and:0.11339566111564636 in:0.06591822952032089 for:0.058505620807409286 on:0.04459238424897194 :0.052513062953948975 +by:0.1975749284029007 and:0.1541563868522644 to:0.14179755747318268 copy:0.056061916053295135 :0.05272107198834419 +not:0.04465044289827347 in:0.039313264191150665 to:0.03276815637946129 at:0.023390140384435654 :0.13825508952140808 +to:0.6126089692115784 of:0.13473449647426605 and:0.020822584629058838 for:0.01980552077293396 :0.019769683480262756 +than:0.08509264141321182 and:0.07594901323318481 to:0.03119552880525589 in:0.028119169175624847 :0.1350720375776291 +the:0.04713768884539604 in:0.03556408733129501 a:0.027402827516198158 any:0.022310497239232063 :0.12772151827812195 +and:0.05573238432407379 the:0.03132566064596176 of:0.027884313836693764 ing:0.022799795493483543 :0.21444107592105865 +for:0.09978645294904709 the:0.08635763078927994 that:0.07200320065021515 him:0.06358291208744049 :0.05780273303389549 +the:0.11494961380958557 a:0.0480961911380291 he:0.03731812909245491 it:0.03639030456542969 :0.0995693951845169 +vicinity:0.062298666685819626 vicinity.:0.02017892338335514 future.:0.012430239468812943 vicinity,:0.01089231763035059 :0.15658050775527954 +a:0.08331217616796494 the:0.06953053176403046 not:0.06791771203279495 to:0.014882161282002926 :0.1259051412343979 +of:0.46153682470321655 and:0.12671329081058502 in:0.048252273350954056 that:0.024586431682109833 :0.030550606548786163 +to:0.07736285775899887 that:0.07701040804386139 in:0.06390176713466644 as:0.04099954664707184 :0.05544820427894592 +with:0.08075590431690216 to:0.06395601481199265 south:0.06383177638053894 north:0.06336074322462082 :0.11681067198514938 +the:0.3213655352592468 a:0.02030939608812332 this:0.019808199256658554 tho:0.014232229441404343 :0.16030925512313843 +ing:0.9526166319847107 ing,:0.0045526460744440556 ing.:0.002320224652066827 the:0.0019509203266352415 :0.0105602340772748 +and:0.077823206782341 to:0.015965336933732033 The:0.014817792922258377 the:0.014084563590586185 :0.22017669677734375 +few:0.07637740671634674 long:0.05303600803017616 short:0.029493119567632675 brief:0.018248211592435837 :0.10989366471767426 +The:0.20479430258274078 He:0.0390792079269886 It:0.03604668378829956 This:0.032720182090997696 :0.08145277202129364 +same:0.006612800527364016 provisions:0.006507871672511101 whole:0.0064651845023036 place:0.005486026871949434 :0.1847440004348755 +a:0.08360408991575241 the:0.07740266621112823 not:0.03623003885149956 to:0.030881909653544426 :0.12924516201019287 +value:0.08266925811767578 and:0.011165384203195572 value,:0.007551661226898432 of:0.007267934735864401 :0.16960923373699188 +The:0.07716552168130875 In:0.023669732734560966 He:0.02271534875035286 It:0.02253260277211666 :0.21520330011844635 +and:0.05644509196281433 of:0.03489995747804642 the:0.028430966660380363 to:0.023055478930473328 :0.15884453058242798 +to:0.2414589375257492 for:0.09952514618635178 of:0.07363035529851913 by:0.03764107823371887 :0.05129791051149368 +and:0.06181712821125984 of:0.028551995754241943 the:0.024418797343969345 The:0.012518285773694515 :0.208424910902977 +in:0.05996090546250343 of:0.0557662695646286 the:0.05517894774675369 by:0.024808110669255257 :0.14163802564144135 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +the:0.08725907653570175 you:0.07178360223770142 him:0.05789633467793465 me:0.056426141411066055 :0.06151827052235603 +by.:0.1478836089372635 by,:0.14699140191078186 to:0.12583960592746735 and:0.03140401095151901 :0.05501571670174599 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +are:0.11483923345804214 were:0.09597868472337723 will:0.0752810537815094 have:0.0710834264755249 :0.059421516954898834 +most:0.012185011990368366 same:0.010640785098075867 result:0.010600059293210506 only:0.00753809604793787 :0.19594259560108185 +and:0.047762058675289154 to:0.026710446923971176 with:0.010116089135408401 way:0.0076309205032885075 :0.46368706226348877 +and:0.19468380510807037 the:0.04597284272313118 or:0.031262826174497604 to:0.029683951288461685 :0.06454069912433624 +on:0.10034507513046265 in:0.08842261135578156 for:0.058360617607831955 and:0.05613969266414642 :0.05237000435590744 +year:0.025031348690390587 week:0.020287606865167618 of:0.016844723373651505 the:0.015296651050448418 :0.2060520499944687 +times,:0.051458291709423065 times.:0.040642641484737396 days:0.015401989221572876 warfare,:0.012528142891824245 :0.2748410403728485 +the:0.24992072582244873 be:0.0523693710565567 a:0.02267862670123577 make:0.009994572028517723 :0.1197216808795929 +to:0.05417047441005707 the:0.04525991156697273 and:0.03854946419596672 be:0.031962595880031586 :0.13746048510074615 +are:0.09685977548360825 were:0.06286848336458206 will:0.06260637193918228 have:0.05200133100152016 :0.12228066474199295 +the:0.5112442970275879 this:0.02232350967824459 and:0.02048398368060589 tho:0.019436653703451157 :0.05398910492658615 +the:0.24323421716690063 a:0.031141243875026703 this:0.03014414943754673 said:0.017942257225513458 :0.11974431574344635 +and:0.13332977890968323 was:0.029293859377503395 to:0.02459530532360077 the:0.018890220671892166 :0.15666018426418304 +the:0.3865933418273926 a:0.0583772286772728 his:0.024950863793492317 this:0.020537029951810837 :0.09711335599422455 +the:0.1785244196653366 he:0.046304646879434586 it:0.03554587811231613 they:0.03167947381734848 :0.06478307396173477 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +in:0.16528719663619995 on:0.045926060527563095 by:0.04471256583929062 up:0.04222666099667549 :0.07010982185602188 +the:0.19048801064491272 a:0.07870826870203018 which:0.023346973583102226 he:0.015205892734229565 :0.11188159137964249 +the:0.27004295587539673 be:0.054345812648534775 a:0.022640829905867577 his:0.021366167813539505 :0.09214390069246292 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +of:0.3924214541912079 to:0.058853182941675186 in:0.055378399789333344 for:0.03527214378118515 :0.039029523730278015 +same:0.024510249495506287 most:0.008550207130610943 great:0.007441535126417875 people:0.007139185909181833 :0.19688189029693604 +the:0.19637447595596313 a:0.060550507158041 this:0.016088031232357025 his:0.01523000281304121 :0.2273455560207367 +A.:0.011466539464890957 C:0.01032982673496008 J:0.010168829001486301 D.:0.010164272040128708 :0.5168594121932983 +a:0.08776889741420746 the:0.026956740766763687 only:0.026553966104984283 to:0.024901101365685463 :0.1202261820435524 +of:0.027102166786789894 the:0.019541427493095398 and:0.010073422454297543 a:0.004849810153245926 :0.23774150013923645 +to:0.2171032428741455 leave:0.16529391705989838 the:0.05396541208028793 of:0.035437580198049545 :0.08650632202625275 +time:0.07913380116224289 time,:0.046022191643714905 the:0.03800661116838455 be:0.02761344239115715 :0.09670387953519821 +the:0.09916603565216064 a:0.01749410293996334 that:0.011983773671090603 in:0.010246219113469124 :0.16524724662303925 +are:0.11483923345804214 were:0.09597868472337723 will:0.0752810537815094 have:0.0710834264755249 :0.059421516954898834 +a:0.0726439356803894 the:0.041453536599874496 to:0.022616900503635406 no:0.018998829647898674 :0.15269926190376282 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +duty:0.032277870923280716 own:0.023563573136925697 people:0.011821860447525978 great:0.010648069903254509 :0.1972356140613556 +be:0.0957501009106636 the:0.02806112729012966 have:0.027289608493447304 do:0.02612895891070366 :0.08209289610385895 +simple.:0.07136588543653488 the:0.05540793761610985 simple,:0.034945450723171234 a:0.013987354002892971 :0.22761911153793335 +a:0.04283669590950012 the:0.02437683753669262 to:0.01871330663561821 made:0.013154871761798859 :0.21464940905570984 +the:0.27695831656455994 a:0.047383833676576614 his:0.017606329172849655 tho:0.01680207997560501 :0.09656456112861633 +of:0.06891076266765594 and:0.030427830293774605 the:0.01741107925772667 who:0.01445404440164566 :0.4225628077983856 +years:0.4838985502719879 of:0.054249268025159836 years,:0.030924100428819656 years.:0.025461401790380478 :0.06836354732513428 +feet:0.16559453308582306 miles:0.10459795594215393 pounds.:0.06051855534315109 years:0.05806027725338936 :0.05671253055334091 +who:0.37933945655822754 of:0.08346280455589294 in:0.020233722403645515 that:0.011257348582148552 :0.10639634728431702 +and:0.0770818218588829 the:0.025599632412195206 who:0.025247542187571526 in:0.01983609050512314 :0.18868252635002136 +The:0.22168630361557007 It:0.0619024857878685 He:0.03994124382734299 In:0.028178296983242035 :0.16270458698272705 +and:0.06303740292787552 of:0.05688304081559181 in:0.03000509925186634 the:0.017593611031770706 :0.18573884665966034 +the:0.2438010722398758 a:0.09534930437803268 and:0.02396748587489128 his:0.02319042943418026 :0.046682216227054596 +the:0.2567228078842163 a:0.02810620702803135 this:0.01613752916455269 tho:0.013933737762272358 :0.12915551662445068 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +the:0.319269061088562 a:0.04433342069387436 their:0.01854773238301277 any:0.01634647697210312 :0.09554112702608109 +made:0.03716104477643967 a:0.030058881267905235 the:0.024857543408870697 taken:0.020551640540361404 :0.14961276948451996 +of:0.18042758107185364 to:0.07178491353988647 in:0.045327816158533096 with:0.04482818767428398 :0.05628052353858948 +pend:0.0395587719976902 stroy:0.03396276757121086 cide:0.03343593701720238 stroyed:0.03315824270248413 :0.25505852699279785 +The:0.11556901037693024 It:0.0822555422782898 I:0.04807022213935852 He:0.04159921035170555 :0.08783163875341415 +be:0.29750603437423706 fail:0.024371899664402008 bo:0.018956460058689117 do:0.013768658973276615 :0.0855393186211586 +was:0.08270995318889618 and:0.05145364999771118 of:0.04973437264561653 for:0.029166176915168762 :0.06469006091356277 +the:0.35197895765304565 a:0.033670924603939056 his:0.02726796269416809 this:0.026570625603199005 :0.06848300248384476 +the:0.351524293422699 a:0.042073193937540054 their:0.03241385892033577 his:0.02586476132273674 :0.03677840158343315 +and:0.14249040186405182 of:0.08366783708333969 to:0.03186965361237526 in:0.03172316774725914 :0.10802552849054337 +have:0.07514216750860214 are:0.07202113419771194 shall:0.05003436282277107 will:0.03140028566122055 :0.05253445357084274 +of:0.07860136032104492 engineer:0.03211278095841408 magistrate:0.029239049181342125 clerk:0.024802792817354202 :0.16207003593444824 +to:0.09622615575790405 and:0.07434079051017761 was:0.04722599685192108 is:0.04529844596982002 :0.052413683384656906 +and:0.17907576262950897 the:0.1143811047077179 of:0.06775830686092377 in:0.05671689286828041 :0.04463246464729309 +the:0.4029565751552582 a:0.04206864908337593 least:0.023307466879487038 this:0.016063665971159935 :0.16447992622852325 +that:0.10929970443248749 to:0.10519758611917496 of:0.09344954043626785 the:0.08572105318307877 :0.06367684155702591 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +of:0.09754247218370438 year:0.05535801872611046 year,:0.03610050678253174 county:0.03366309776902199 :0.07001965492963791 +by:0.17328418791294098 in:0.13842469453811646 to:0.04555470868945122 the:0.03736281767487526 :0.05215739831328392 +of:0.08171101659536362 and:0.07857345789670944 the:0.03680984675884247 to:0.020037570968270302 :0.14087903499603271 +only:0.038702499121427536 first:0.03590204194188118 most:0.022235482931137085 last:0.013927548192441463 :0.16359886527061462 +and:0.061278749257326126 to:0.015127835795283318 the:0.006314497906714678 in:0.006158039439469576 :0.26620927453041077 +for:0.04876390099525452 the:0.042771115899086 in:0.042201075702905655 to:0.033137936145067215 :0.06900402903556824 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.07553306221961975 to:0.049467455595731735 in:0.02800006978213787 and:0.024300703778862953 :0.1168774887919426 +a:0.056897491216659546 the:0.0441523976624012 not:0.022205710411071777 made:0.017786934971809387 :0.0826154574751854 +The:0.17051246762275696 It:0.059822335839271545 He:0.03603862598538399 A:0.03541043400764465 :0.07602083683013916 +line:0.17538514733314514 side:0.16367168724536896 half:0.05285440757870674 of:0.05131980776786804 :0.06390371918678284 +the:0.1946094036102295 he:0.09935566782951355 they:0.09648605436086655 it:0.04524523764848709 :0.06557926535606384 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.24663744866847992 a:0.08088815957307816 his:0.021257417276501656 their:0.017507798969745636 :0.07817333191633224 +and:0.07873646169900894 of:0.042056795209646225 The:0.03680022805929184 in:0.027285302057862282 :0.11846348643302917 +said:0.05164860561490059 amount:0.013954767026007175 Board:0.0070933080278337 following:0.006666999310255051 :0.14782272279262543 +much:0.1304270327091217 that:0.07512427121400833 far:0.03484606742858887 as:0.03173575922846794 :0.11558306217193604 +the:0.36502066254615784 which:0.052669458091259 a:0.050575174391269684 his:0.02620759792625904 :0.030769212171435356 +the:0.3409186601638794 his:0.038318827748298645 a:0.031700700521469116 her:0.031059732660651207 :0.07483211904764175 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +are:0.13129086792469025 have:0.07696768641471863 will:0.06914457678794861 can:0.048173509538173676 :0.040018390864133835 +The:0.164682075381279 In:0.05390314757823944 It:0.0487845204770565 He:0.022702589631080627 :0.21412786841392517 +D.:0.1311643272638321 and:0.1274377554655075 the:0.02862449549138546 in:0.017139215022325516 :0.0951705202460289 +The:0.04729267209768295 I:0.028906160965561867 It:0.026521017774939537 A:0.01625329814851284 :0.16480998694896698 +and:0.17182429134845734 who:0.032467350363731384 the:0.02973148599267006 in:0.015121575444936752 :0.12076672911643982 +the:0.19217531383037567 a:0.030467640608549118 his:0.01463351957499981 tho:0.010886267758905888 :0.1983162760734558 +not:0.045573800802230835 to:0.022442011162638664 the:0.02112298086285591 made:0.02077203057706356 :0.11159062385559082 +was:0.1241660863161087 had:0.06355585902929306 is:0.048295579850673676 did:0.04345590993762016 :0.0683959499001503 +and:0.0868942067027092 to:0.07954796403646469 in:0.029140345752239227 the:0.02615291066467762 :0.13408365845680237 +the:0.12084992229938507 a:0.06598745286464691 that:0.02703929878771305 all:0.02098788507282734 :0.09135553240776062 +the:0.037089377641677856 Mrs.:0.017231622710824013 a:0.009993157349526882 State:0.009958228096365929 :0.28063392639160156 +the:0.14217834174633026 be:0.04115302115678787 a:0.02008076198399067 make:0.015883546322584152 :0.15204359591007233 +The:0.11081255227327347 It:0.07151349633932114 I:0.051185090094804764 In:0.03232896700501442 :0.10758701711893082 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +is:0.16248512268066406 was:0.1080479547381401 Is:0.08618878573179245 would:0.049875106662511826 :0.06714101880788803 +same:0.014254804700613022 said:0.010001078248023987 present:0.007322489283978939 law:0.006960725877434015 :0.1332397162914276 +who:0.26055780053138733 of:0.06656304001808167 to:0.01975223422050476 that:0.01590462401509285 :0.140921950340271 +of:0.05212894454598427 and:0.04714364558458328 in:0.04662160947918892 on:0.03757687285542488 :0.16709475219249725 +of:0.29884961247444153 in:0.09505472332239151 for:0.06392953544855118 and:0.053564514964818954 :0.05341072008013725 +W.:0.07374537736177444 H.:0.05063873156905174 B.:0.04165051132440567 E.:0.034552376717329025 :0.29192501306533813 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +of:0.12403671443462372 entry:0.057583194226026535 and:0.024375934153795242 to:0.022347889840602875 :0.11187215149402618 +had:0.05210471525788307 was:0.049829330295324326 is:0.048203956335783005 are:0.04701312258839607 :0.06496560573577881 +the:0.14104029536247253 of:0.06546898186206818 in:0.05871319770812988 a:0.036997102200984955 :0.04444905370473862 +the:0.22636282444000244 a:0.06147588789463043 this:0.01537338737398386 his:0.012904544360935688 :0.09643299877643585 +of:0.10890472680330276 and:0.10125794261693954 to:0.0466119684278965 in:0.029390567913651466 :0.10849688202142715 +the:0.16988953948020935 he:0.04504094645380974 it:0.04034939408302307 they:0.03777879849076271 :0.06647218763828278 +same:0.0111040398478508 most:0.010410011745989323 first:0.009845673106610775 whole:0.008649466559290886 :0.21707342565059662 +have:0.10956205427646637 be:0.10318301618099213 not:0.09973719716072083 do:0.0189647376537323 :0.07798022031784058 +a:0.03684420883655548 the:0.0364057794213295 made:0.02793208695948124 sold:0.016866616904735565 :0.12324710190296173 +the:0.063828244805336 and:0.03309393674135208 to:0.030713867396116257 in:0.023029683157801628 :0.17271286249160767 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +the:0.020098654553294182 great:0.013877133838832378 very:0.012731860391795635 good:0.010143069550395012 :0.23757115006446838 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.13529513776302338 but:0.028984567150473595 in:0.027413902804255486 the:0.02716878429055214 :0.09560752660036087 +of:0.43421652913093567 and:0.05723121017217636 in:0.04217617213726044 on:0.020735718309879303 :0.03620973601937294 +the:0.1852075159549713 they:0.1013888418674469 he:0.09558683633804321 it:0.051828864961862564 :0.05974637344479561 +the:0.13232341408729553 it:0.03567099571228027 he:0.03487526997923851 they:0.03168228641152382 :0.06975018978118896 +of:0.7447354793548584 and:0.050425298511981964 in:0.014036083593964577 ot:0.011009425856173038 :0.025640016421675682 +the:0.2822737991809845 be:0.0829959288239479 a:0.028494330123066902 make:0.011922300793230534 :0.08200021088123322 +much:0.03809249401092529 well:0.019350869581103325 little:0.015985475853085518 near:0.010503115132451057 :0.24178855121135712 +and:0.04080581292510033 of:0.02709735557436943 the:0.02678901143372059 to:0.024086736142635345 :0.19618694484233856 +and:0.023409133777022362 the:0.016908928751945496 of:0.0069833965972065926 in:0.0056998347863554955 :0.1622893512248993 +and:0.04064206779003143 the:0.03195011243224144 ing:0.01616908609867096 to:0.014953726902604103 :0.20689250528812408 +the:0.2058650106191635 he:0.1091388538479805 it:0.030257245525717735 a:0.023823294788599014 :0.04783012717962265 +people:0.02075379714369774 most:0.020262952893972397 men:0.016042247414588928 people.:0.007763477973639965 :0.2425801306962967 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +am:0.07490599900484085 have:0.0726681798696518 was:0.05445774644613266 think:0.03488145396113396 :0.05705158784985542 +the:0.24798738956451416 a:0.044753652065992355 this:0.03240225091576576 two:0.02115553617477417 :0.07994405925273895 +the:0.20830810070037842 be:0.023064156994223595 me:0.02023923583328724 him:0.016401397064328194 :0.09630822390317917 +first:0.008698500692844391 only:0.006391873117536306 men:0.005934795830398798 next:0.005815510638058186 :0.21127350628376007 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +years:0.08420038968324661 and:0.02302190475165844 years.:0.016414130106568336 years,:0.016092728823423386 :0.19414158165454865 +and:0.0184515081346035 law:0.009419651702046394 building:0.006762382108718157 line:0.006395032163709402 :0.1749783307313919 +few:0.028818000108003616 man:0.018541507422924042 year:0.018001405522227287 large:0.014682451263070107 :0.18791073560714722 +be:0.1529972404241562 not:0.076793372631073 have:0.039019547402858734 make:0.016938868910074234 :0.06067768111824989 +the:0.06452123820781708 it:0.03380810469388962 he:0.028332997113466263 that:0.022214576601982117 :0.06660915911197662 +and:0.2131578028202057 the:0.047588374465703964 but:0.04109417647123337 which:0.03201726824045181 :0.04453742504119873 +by:0.15240435302257538 in:0.10984192043542862 and:0.06866829842329025 at:0.0657210424542427 :0.053099218755960464 +of:0.2319827377796173 to:0.0768473669886589 that:0.06329384446144104 was:0.0476316437125206 :0.039078906178474426 +in:0.11800738424062729 by:0.0650159940123558 to:0.0617532916367054 on:0.058199454098939896 :0.056798696517944336 +same:0.014499416574835777 first:0.009411933831870556 most:0.009095602668821812 said:0.00788471382111311 :0.2979734539985657 +not:0.014188213273882866 was:0.011845745146274567 a:0.011742995120584965 had:0.011427261866629124 :0.15717065334320068 +and:0.05573238432407379 the:0.03132566064596176 of:0.027884313836693764 ing:0.022799795493483543 :0.21444107592105865 +the:0.07200315594673157 a:0.05660189315676689 not:0.053810473531484604 to:0.025914354249835014 :0.10839144140481949 +much:0.1304270327091217 that:0.07512427121400833 far:0.03484606742858887 as:0.03173575922846794 :0.11558306217193604 +more:0.11667750775814056 a:0.06116693466901779 in:0.03751276433467865 the:0.029666511341929436 :0.07323925197124481 +the:0.058420579880476 to:0.051956430077552795 and:0.03430130332708359 a:0.02446211874485016 :0.13615016639232635 +and:0.1143810823559761 for:0.02863137423992157 to:0.02796543389558792 in:0.026098130270838737 :0.08813780546188354 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +and:0.06488325446844101 the:0.06348799169063568 that:0.05810011923313141 to:0.02950594201683998 :0.06643418967723846 +the:0.029822736978530884 not:0.02726644091308117 in:0.014077575877308846 very:0.010658332146704197 :0.2050076127052307 +to:0.3073391318321228 in:0.09023575484752655 of:0.0655793845653534 and:0.029984427616000175 :0.06478548049926758 +the:0.0567546971142292 men:0.020824339240789413 years:0.0190926194190979 persons:0.01597645878791809 :0.18694835901260376 +and:0.0301983505487442 building:0.0210824403911829 house:0.016596924513578415 men:0.01581430993974209 :0.08992227166891098 +a:0.06630861759185791 not:0.061363451182842255 the:0.05364001542329788 to:0.017353583127260208 :0.10260779410600662 +the:0.09828402101993561 a:0.09568000584840775 to:0.08151670545339584 that:0.05093436688184738 :0.07178844511508942 +the:0.14914080500602722 it:0.0742439329624176 that:0.06514766812324524 a:0.045278601348400116 :0.07081910222768784 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +and:0.12175647169351578 of:0.10429923236370087 is:0.05888061597943306 for:0.047157082706689835 :0.05807817354798317 +and:0.042588815093040466 was:0.0418924018740654 of:0.03348160162568092 is:0.024259153753519058 :0.15120083093643188 +of:0.14202824234962463 and:0.09196078032255173 in:0.07993009686470032 were:0.041292350739240646 :0.052168264985084534 +the:0.10298742353916168 a:0.027620775625109673 said:0.012656955979764462 this:0.008267989382147789 :0.24474921822547913 +said:0.014038375578820705 people:0.012619299814105034 United:0.008266115561127663 same:0.008011269383132458 :0.16576042771339417 +know:0.06905294209718704 believe:0.036157380789518356 think:0.035208191722631454 want:0.03135248273611069 :0.10110556334257126 +and:0.05859911069273949 of:0.034849341958761215 the:0.015822159126400948 in:0.005967528559267521 :0.2769869267940521 +the:0.08287650346755981 a:0.06641190499067307 to:0.05330571532249451 not:0.041118599474430084 :0.09302059561014175 +a:0.10892137885093689 the:0.07961830496788025 not:0.036237068474292755 to:0.02532261423766613 :0.14692692458629608 +and:0.021523188799619675 influence:0.013029958121478558 of:0.010182504542171955 man,:0.009925246238708496 :0.21729204058647156 +deal:0.10813666880130768 many:0.039123255759477615 thing:0.024324219673871994 and:0.014346479438245296 :0.15359561145305634 +is:0.2956441044807434 was:0.215392604470253 has:0.06488720327615738 will:0.037080250680446625 :0.034898508340120316 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +the:0.04560038447380066 a:0.020386898890137672 to:0.015087214298546314 that:0.01160570327192545 :0.20509512722492218 +of:0.18820933997631073 the:0.0632476732134819 and:0.0334051251411438 in:0.0277195293456316 :0.12250415235757828 +and:0.12083899229764938 the:0.04039955511689186 to:0.03452124074101448 in:0.032138753682374954 :0.12056680768728256 +to:0.4168902039527893 of:0.08402763307094574 and:0.029703976586461067 were:0.021546844393014908 :0.04830722510814667 +of:0.2329091876745224 to:0.08347172290086746 and:0.03597433865070343 for:0.02356341853737831 :0.08821875602006912 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +of:0.07141432911157608 and:0.03588555380702019 In:0.026702171191573143 the:0.025044666603207588 :0.15302708745002747 +wife,:0.03618200495839119 own:0.019316434860229492 wife:0.016476640477776527 head:0.009530908428132534 :0.19299203157424927 +and:0.11033542454242706 in:0.04681188240647316 of:0.04081112891435623 from:0.033556438982486725 :0.0890180841088295 +in:0.0736648291349411 to:0.056230947375297546 with:0.05117042735219002 at:0.04298019781708717 :0.04399726167321205 +was:0.14268550276756287 of:0.10584093630313873 is:0.06166950613260269 to:0.04290729761123657 :0.030713602900505066 +the:0.3445890247821808 a:0.13759367167949677 tho:0.024584805592894554 his:0.023688971996307373 :0.061683956533670425 +for:0.1167328953742981 the:0.08053667098283768 you:0.06973697990179062 that:0.04736771807074547 :0.03982258215546608 +of:0.3107677400112152 and:0.1579061895608902 in:0.040907472372055054 to:0.03239618241786957 :0.031823817640542984 +made:0.03716104477643967 a:0.030058881267905235 the:0.024857543408870697 taken:0.020551640540361404 :0.14961276948451996 +in:0.5488143563270569 In:0.09433973580598831 on:0.032916389405727386 to:0.024980632588267326 :0.023471521213650703 +and:0.06318928301334381 of:0.029846930876374245 the:0.017411723732948303 who:0.017378507182002068 :0.2197999358177185 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +and:0.06605573743581772 to:0.04952901974320412 the:0.035175010561943054 The:0.022892769426107407 :0.11439382284879684 +and:0.13311071693897247 the:0.05371454730629921 to:0.02721128985285759 that:0.023069510236382484 :0.11978068947792053 +the:0.26462993025779724 a:0.044744085520505905 his:0.02213525027036667 their:0.020175693556666374 :0.12053734809160233 +to:0.31655073165893555 for:0.0960545465350151 from:0.05305445194244385 in:0.04381833225488663 :0.041818201541900635 +ment:0.5254537463188171 ments:0.11717484146356583 ing:0.09324224293231964 able:0.039965029805898666 :0.034607306122779846 +that:0.7921251654624939 of:0.03835509344935417 that,:0.012518331408500671 is:0.009392179548740387 :0.008165515959262848 +first:0.012350745499134064 only:0.00952975731343031 day:0.008926612325012684 next:0.008539624512195587 :0.1436695009469986 +of:0.07120537757873535 and:0.05476682260632515 in:0.033421095460653305 The:0.02714613452553749 :0.20089343190193176 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.16742712259292603 of:0.07148545235395432 with:0.03568344935774803 to:0.03457844257354736 :0.05456293001770973 +large:0.016196511685848236 man:0.012375417165458202 good:0.010041781701147556 new:0.00924107525497675 :0.2451256662607193 +other:0.019410280510783195 United:0.006345763802528381 same:0.005559389013797045 other.:0.004937842488288879 :0.2194303274154663 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +in:0.028587698936462402 indorse:0.021078038960695267 with:0.02076265774667263 and:0.0200877133756876 :0.16601550579071045 +ago:0.22176477313041687 ago.:0.08224307000637054 ago,:0.07968368381261826 of:0.03298680856823921 :0.03540433198213577 +and:0.04304010421037674 pers:0.03314601257443428 had:0.016801513731479645 was:0.013266991823911667 :0.3137768805027008 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +the:0.2849404811859131 he:0.052985601127147675 it:0.04017679765820503 they:0.03363460302352905 :0.04713636264204979 +that:0.3862156271934509 the:0.14703446626663208 to:0.030274339020252228 a:0.02906203456223011 :0.01396228652447462 +and:0.06047813966870308 A.:0.04654436185956001 in:0.03260541707277298 the:0.029928332194685936 :0.31012144684791565 +the:0.21846577525138855 a:0.060657575726509094 this:0.027325652539730072 which:0.019516659900546074 :0.10821805149316788 +the:0.22515712678432465 them:0.04098469018936157 him:0.037641968578100204 you:0.02846740558743477 :0.053629398345947266 +to:0.25034064054489136 in:0.07537630945444107 the:0.0709199532866478 for:0.03663468360900879 :0.03602221980690956 +to:0.32836151123046875 from:0.10467296838760376 the:0.0927312970161438 in:0.042393866926431656 :0.029706435278058052 +and:0.2976345419883728 but:0.07540877908468246 the:0.054277751594781876 he:0.02252843976020813 :0.043004754930734634 +the:0.25783252716064453 a:0.08270663768053055 Mr.:0.013662008568644524 an:0.012590388767421246 :0.12858600914478302 +of:0.1674470156431198 to:0.1002335473895073 the:0.08031993359327316 in:0.04969615861773491 :0.046940479427576065 +and:0.06501546502113342 the:0.019570311531424522 or:0.010679901577532291 a:0.009656568989157677 :0.36078959703445435 +tages:0.5493894815444946 tage:0.1917952448129654 the:0.009216015227138996 and:0.004651056602597237 :0.14693039655685425 +the:0.4076056480407715 a:0.06626807898283005 this:0.021988987922668457 tho:0.018214628100395203 :0.07902884483337402 +and:0.09574704617261887 of:0.08986233174800873 in:0.039358630776405334 at:0.03372832387685776 :0.053133949637413025 +and:0.050755575299263 the:0.03879564255475998 of:0.03849586099386215 to:0.026176609098911285 :0.14138416945934296 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +the:0.08059874176979065 it:0.05267263948917389 I:0.04821225628256798 you:0.025121450424194336 :0.10080714523792267 +course:0.009455808438360691 business:0.006596812978386879 man:0.005750762298703194 men:0.004248690791428089 :0.2147442251443863 +The:0.1349182426929474 He:0.03493296727538109 It:0.0338255800306797 A:0.027894889935851097 :0.09048077464103699 +the:0.12382195889949799 be:0.02918289601802826 make:0.021456656977534294 a:0.014847091399133205 :0.10070481151342392 +the:0.17916066944599152 it:0.05455803498625755 a:0.046048618853092194 that:0.028996679931879044 :0.039305899292230606 +The:0.12460531294345856 In:0.050839584320783615 It:0.03471066802740097 They:0.03398388996720314 :0.07163389772176743 +is:0.20393991470336914 was:0.09463091939687729 will:0.03776639699935913 would:0.033526234328746796 :0.08905144780874252 +the:0.06513511389493942 to:0.06437405198812485 not:0.0545220784842968 of:0.03040817379951477 :0.14091721177101135 +people:0.01015008520334959 whole:0.007279429584741592 fact:0.00637874286621809 last:0.005559283774346113 :0.18415015935897827 +and:0.10760556906461716 of:0.07498715072870255 in:0.07341726869344711 to:0.05064733326435089 :0.07432396709918976 +the:0.11728063225746155 a:0.08537836372852325 to:0.040403079241514206 it:0.02609558403491974 :0.11697175353765488 +of:0.15434347093105316 and:0.0653509870171547 to:0.06063864752650261 with:0.051208823919296265 :0.0387411005795002 +to:0.43227294087409973 from:0.11992853134870529 a:0.032244086265563965 home:0.031825125217437744 :0.037722598761320114 +Francisco:0.3117852807044983 Francisco,:0.1816122978925705 Francisco.:0.09149793535470963 Fran-:0.06589917838573456 :0.22511494159698486 +the:0.17647366225719452 be:0.06665727496147156 a:0.018823515623807907 that:0.018188653513789177 :0.13597708940505981 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +and:0.03603062406182289 of:0.017329199239611626 to:0.014122922904789448 the:0.013857985846698284 :0.26021766662597656 +and:0.05607323348522186 of:0.04726800322532654 to:0.02438928373157978 in:0.02001168020069599 :0.17835737764835358 +a:0.10721784085035324 the:0.05313236266374588 to:0.05245564132928848 by:0.04391099885106087 :0.07732950896024704 +and:0.08082680404186249 the:0.07815902680158615 that:0.029424691572785378 it:0.02321627549827099 :0.05415349453687668 +is:0.14432716369628906 was:0.10129579901695251 would:0.04777130112051964 will:0.03853112459182739 :0.06582901626825333 +be:0.2097666710615158 not:0.04720428213477135 have:0.02686362899839878 bo:0.01757846027612686 :0.12030749768018723 +that:0.4227961003780365 to:0.23779486119747162 in:0.06939053535461426 for:0.03432244434952736 :0.02376294694840908 +and:0.07033861428499222 is:0.04411483183503151 to:0.04095921665430069 was:0.0257340669631958 :0.07166540622711182 +of:0.781215250492096 and:0.024176068603992462 over:0.01552935317158699 or:0.01125536859035492 :0.01493906881660223 +pointed:0.029094727709889412 plication:0.019061429426074028 peared:0.015515332110226154 and:0.014854904264211655 :0.34272587299346924 +been:0.31258732080459595 not:0.03442084416747093 come:0.017093606293201447 a:0.016909267753362656 :0.07195524126291275 +the:0.19126003980636597 a:0.033005647361278534 his:0.01866122893989086 all:0.013409043662250042 :0.13132022321224213 +per:0.19742156565189362 a:0.1795758455991745 for:0.09640791267156601 to:0.05769726634025574 :0.10853029787540436 +of:0.17185379564762115 on:0.06404241919517517 to:0.06125080958008766 are:0.03715198487043381 :0.03673533350229263 +the:0.1258203685283661 a:0.05077420175075531 great:0.019826391711831093 this:0.011313815601170063 :0.16857507824897766 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.1075395941734314 and:0.05937541648745537 One,:0.015431221574544907 will:0.014258213341236115 :0.25869616866111755 +the:0.038360845297575 to:0.014438698068261147 in:0.013609751127660275 all:0.011437936685979366 :0.2038586437702179 +of:0.17633460462093353 and:0.06568939238786697 in:0.0429886169731617 or:0.023405250161886215 :0.12843948602676392 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.08038240671157837 that:0.02173314243555069 to:0.015027105808258057 in:0.013619638048112392 :0.16185906529426575 +same:0.010458245873451233 said:0.0058708032593131065 most:0.005210094153881073 first:0.004625151865184307 :0.1805667132139206 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +the:0.18859097361564636 a:0.11328939348459244 his:0.019362524151802063 which:0.01671086810529232 :0.16596859693527222 +of:0.5846424102783203 the:0.028457634150981903 and:0.02537495642900467 to:0.019952794536948204 :0.019859468564391136 +the:0.5650389790534973 a:0.039710186421871185 this:0.019779711961746216 tho:0.016916703432798386 :0.08023536950349808 +and:0.07732999324798584 in:0.0438418835401535 is:0.03773714601993561 the:0.023770881816744804 :0.08453211188316345 +same:0.015255548059940338 most:0.010826034471392632 fact:0.007940651848912239 only:0.0075436788611114025 :0.16006238758563995 +and:0.03224512189626694 Lincoln:0.006641768384724855 Smith:0.005954849533736706 John:0.005364500917494297 :0.6245147585868835 +other:0.3305002748966217 of:0.11616583913564682 one:0.04413100332021713 man:0.01494230329990387 :0.08670829236507416 +a:0.07131301611661911 the:0.046909380704164505 to:0.041738271713256836 not:0.03321336209774017 :0.11567259579896927 +do:0.09135357290506363 be:0.06632380187511444 the:0.03495621308684349 see:0.02808084711432457 :0.07530678063631058 +the:0.11060530692338943 that:0.06461673229932785 to:0.025233391672372818 in:0.024054724723100662 :0.06465192884206772 +line:0.17538514733314514 side:0.16367168724536896 half:0.05285440757870674 of:0.05131980776786804 :0.06390371918678284 +and:0.11507571488618851 the:0.08353596925735474 but:0.05794159322977066 who:0.028897961601614952 :0.06496874988079071 +kinds:0.04194178432226181 parts:0.034342292696237564 points:0.02045859955251217 from:0.017304880544543266 :0.12811629474163055 +of:0.8370846509933472 to:0.01643611490726471 ot:0.013346846215426922 that:0.01086934469640255 :0.008137769997119904 +of:0.03971294313669205 and:0.039331045001745224 to:0.022609906271100044 the:0.020404739305377007 :0.23600104451179504 +point:0.08650990575551987 time:0.0400233268737793 distance:0.03240429610013962 cost:0.027112331241369247 :0.13993725180625916 +of:0.057936884462833405 and:0.03704870864748955 the:0.026655511930584908 to:0.026094304397702217 :0.25969552993774414 +the:0.17825885117053986 a:0.07114775478839874 to:0.02185056358575821 his:0.01745908334851265 :0.17290768027305603 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +to:0.08955270051956177 in:0.0755210891366005 at:0.07529157400131226 and:0.07305019348859787 :0.096035435795784 +and:0.14746971428394318 but:0.06308912485837936 the:0.04325607046484947 in:0.018905892968177795 :0.08550065755844116 +chopped:0.04130341112613678 in:0.015925882384181023 the:0.012002612464129925 had:0.009812755510210991 :0.27898478507995605 +in:0.054022278636693954 a:0.05099110305309296 the:0.027048597112298012 being:0.026984916999936104 :0.10816475003957748 +of:0.39432695508003235 demanded:0.10150299221277237 and:0.0368281714618206 to:0.027807079255580902 :0.024278676137328148 +the:0.24508033692836761 a:0.044555023312568665 public:0.01831052452325821 this:0.017477000132203102 :0.22729872167110443 +of:0.4178139269351959 to:0.08833988755941391 that:0.03401310369372368 the:0.033353373408317566 :0.024237411096692085 +most:0.009306669235229492 same:0.007811821531504393 great:0.006716837175190449 first:0.004101523198187351 :0.3338771164417267 +the:0.24708817899227142 his:0.04158380627632141 Mrs.:0.040407244116067886 a:0.03828011453151703 :0.10609671473503113 +the:0.20243844389915466 a:0.060507286339998245 which:0.05540544167160988 five:0.017370320856571198 :0.06438129395246506 +be:0.2028380036354065 enable:0.05275406688451767 make:0.024439211934804916 not:0.019817691296339035 :0.0626826360821724 +the:0.19711333513259888 is:0.037122681736946106 said:0.027176622301340103 was:0.024649513885378838 :0.0819486528635025 +and:0.0371137298643589 with:0.010032889433205128 of:0.007983371615409851 in:0.0066281883046031 :0.45129290223121643 +and:0.05017807334661484 of:0.03553537651896477 to:0.023709600791335106 in:0.01967107132077217 :0.1583051085472107 +the:0.5411149859428406 these:0.03907497599720955 them:0.03836212679743767 his:0.028240131214261055 :0.04238632321357727 +the:0.1763727068901062 a:0.03003600426018238 this:0.013504032045602798 their:0.013489442877471447 :0.168979674577713 +in:0.10721439868211746 the:0.06055958941578865 at:0.05046028643846512 and:0.03856140747666359 :0.04510374739766121 +the:0.1796426922082901 a:0.029743792489171028 which:0.02409081719815731 reason:0.01699357107281685 :0.1605863869190216 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.06091712787747383 the:0.03577173501253128 a:0.01695374585688114 J.:0.014975553378462791 :0.26929858326911926 +the:0.12902651727199554 Congress:0.06632569432258606 Congress,:0.02007911540567875 congress:0.01609109900891781 :0.20346854627132416 +of:0.28451022505760193 and:0.06720009446144104 that:0.050508223474025726 was:0.03573932126164436 :0.050922293215990067 +and:0.124260313808918 to:0.06837531179189682 of:0.036556508392095566 the:0.03190932422876358 :0.20845071971416473 +to:0.410923570394516 that:0.10348071157932281 and:0.06400567293167114 as:0.037906721234321594 :0.07769950479269028 +to:0.05822913348674774 the:0.05183146148920059 and:0.032778624445199966 a:0.02047363854944706 :0.14508557319641113 +of:0.07675755023956299 and:0.04840992018580437 matter:0.04593611881136894 thing:0.027738118544220924 :0.1460486352443695 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +of:0.08029085397720337 and:0.0368841178715229 the:0.026736993342638016 The:0.02203534170985222 :0.17337529361248016 +is:0.3323984146118164 was:0.18176475167274475 has:0.043192170560359955 would:0.034068211913108826 :0.029607422649860382 +than:0.3821125030517578 from:0.034687589854002 and:0.03299199789762497 to:0.020554931834340096 :0.1310468167066574 +to:0.12818558514118195 of:0.05360584706068039 in:0.0520104318857193 into:0.046258311718702316 :0.03765164315700531 +and:0.09213142096996307 of:0.04511922225356102 the:0.029008956626057625 in:0.02369326911866665 :0.17708267271518707 +is:0.19163638353347778 was:0.12339498847723007 are:0.10824960470199585 were:0.06907620280981064 :0.03977898508310318 +the:0.25511249899864197 a:0.038049496710300446 this:0.03346749767661095 tho:0.023052828386425972 :0.07918217033147812 +own:0.04415147751569748 wife:0.01325791422277689 wife,:0.008649121038615704 friends:0.007750627119094133 :0.2074844092130661 +a:0.07004442065954208 no:0.0664166584610939 been:0.06209052726626396 not:0.032648757100105286 :0.07627592235803604 +the:0.21838144958019257 kinds:0.025451449677348137 that:0.016584264114499092 who:0.01581062749028206 :0.12430498003959656 +was:0.07726441323757172 had:0.06851661205291748 has:0.05525830760598183 is:0.05169340595602989 :0.07759829610586166 +Army:0.10290595889091492 Trunk:0.08915949612855911 Jury:0.06363333761692047 Lodge:0.055872268974781036 :0.2292952984571457 +had:0.08519198000431061 was:0.07642532140016556 would:0.03729434311389923 has:0.031856317073106766 :0.09290838986635208 +of:0.18372853100299835 and:0.12204085290431976 in:0.039526138454675674 which:0.03603013977408409 :0.02719687856733799 +house:0.1348506212234497 of:0.09799542278051376 house,:0.04278543218970299 to:0.03618668019771576 :0.057893797755241394 +and:0.08479227125644684 The:0.03236805275082588 the:0.02685909904539585 of:0.017994176596403122 :0.2394992858171463 +and:0.0943017229437828 of:0.04927914962172508 in:0.02401631511747837 to:0.023782704025506973 :0.12782758474349976 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +and:0.14131513237953186 of:0.1349588930606842 to:0.050660233944654465 in:0.038628946989774704 :0.04034261777997017 +the:0.18859097361564636 a:0.11328939348459244 his:0.019362524151802063 which:0.01671086810529232 :0.16596859693527222 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +and:0.07770714908838272 of:0.06038082018494606 was:0.018648914992809296 in:0.012764940969645977 :0.2903658449649811 +the:0.04637591168284416 all:0.011207233183085918 most:0.010099571198225021 a:0.009029507637023926 :0.21845319867134094 +and:0.16312047839164734 which:0.03947332873940468 who:0.030697621405124664 that:0.030383329838514328 :0.04670000076293945 +the:0.07009989023208618 be:0.03935221955180168 make:0.02608482353389263 have:0.019007058814167976 :0.11565431207418442 +of:0.37378740310668945 the:0.033739324659109116 is:0.014803004451096058 in:0.013750758022069931 :0.04904993623495102 +The:0.12279034405946732 It:0.06872998923063278 I:0.037658631801605225 He:0.03553064912557602 :0.09136663377285004 +hour:0.046136368066072464 order:0.012715509161353111 indefinite:0.011005714535713196 old:0.010583107359707355 :0.1946355551481247 +to:0.5390151739120483 for:0.03478061407804489 of:0.018329327926039696 money:0.017708592116832733 :0.06440697610378265 +own:0.039221979677677155 life:0.0089398343116045 friends:0.005477586295455694 party:0.0046061198227107525 :0.19100113213062286 +years:0.07226119935512543 and:0.058572083711624146 to:0.039767585694789886 or:0.026773974299430847 :0.10779143124818802 +be:0.41708576679229736 the:0.03628991171717644 have:0.029673350974917412 bo:0.021801471710205078 :0.06536605209112167 +and:0.1665622889995575 was:0.023203007876873016 in:0.015652846544981003 to:0.013435685075819492 :0.221055269241333 +and:0.0465753935277462 of:0.03375226631760597 to:0.021919438615441322 the:0.01795387640595436 :0.2513806223869324 +most:0.025159062817692757 same:0.017653094604611397 only:0.015115818940103054 duty:0.01177244633436203 :0.1855894774198532 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.08699268847703934 was:0.0152996014803648 a:0.013830977492034435 in:0.013798528350889683 :0.16101892292499542 +the:0.04560038447380066 a:0.020386898890137672 to:0.015087214298546314 that:0.01160570327192545 :0.20509512722492218 +up:0.08430738747119904 the:0.06448844820261002 of:0.0573045052587986 in:0.049230072647333145 :0.04805614426732063 +and:0.1181657686829567 to:0.051482122391462326 of:0.04916435107588768 in:0.041505154222249985 :0.0770353227853775 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +the:0.0759204551577568 of:0.05672060325741768 to:0.04926784336566925 that:0.048825185745954514 :0.07602851837873459 +head:0.0249678622931242 own:0.018400276079773903 way:0.0162554532289505 feet:0.01380452886223793 :0.20508357882499695 +that:0.10648292303085327 the:0.09217772632837296 to:0.08823753148317337 in:0.030600327998399734 :0.06621727347373962 +in:0.0648234412074089 on:0.058698635548353195 as:0.04563962295651436 at:0.04049943387508392 :0.057345911860466 +and:0.08976111561059952 in:0.053106021136045456 the:0.023473316803574562 a:0.021450281143188477 :0.043748922646045685 +and:0.40094175934791565 of:0.01040269248187542 aud:0.008026741445064545 The:0.007791009731590748 :0.16616256535053253 +as:0.16496743261814117 from:0.07081104069948196 and:0.04871833324432373 to:0.04171149060130119 :0.08736498653888702 +that:0.02347535267472267 death:0.021482042968273163 of:0.016847657039761543 death.:0.016741851344704628 :0.24245025217533112 +and:0.167229562997818 Davis,:0.05413539707660675 Davis:0.04284725338220596 on:0.01323599461466074 :0.25709959864616394 +the:0.36351242661476135 a:0.10079532116651535 his:0.022010115906596184 tho:0.02056732214987278 :0.06721708923578262 +the:0.061148304492235184 resell:0.0393102802336216 be:0.028386488556861877 vote:0.02398931421339512 :0.11008965224027634 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +Court:0.29202088713645935 Court,:0.058584749698638916 Court.:0.034557439386844635 the:0.014090602286159992 :0.31901246309280396 +of:0.5578888058662415 Council:0.02452266588807106 and:0.022845350205898285 Clerk:0.01972290500998497 :0.07300453633069992 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.05630357190966606 and:0.027036359533667564 to:0.01710139587521553 with:0.016863983124494553 :0.30279311537742615 +from:0.12072022259235382 as:0.075957752764225 and:0.07033491134643555 that:0.06457797437906265 :0.07801169902086258 +the:0.3496502637863159 a:0.06492234021425247 their:0.02193903923034668 this:0.018775586038827896 :0.12658223509788513 +and:0.051452118903398514 of:0.04535039886832237 was:0.01293506845831871 who:0.011471763253211975 :0.3092194199562073 +of:0.03623718023300171 and:0.01961594633758068 the:0.014716398902237415 .:0.014221850782632828 :0.27111825346946716 +of:0.0562935508787632 to:0.0378398671746254 like:0.035390548408031464 more:0.02528546378016472 :0.17228388786315918 +than:0.057900570333004 or:0.02081887423992157 and:0.020770426839590073 the:0.010028106160461903 :0.2662244141101837 +into:0.1872572898864746 in:0.10887172818183899 and:0.07023447006940842 among:0.041205994784832 :0.05124787613749504 +same:0.019765550270676613 only:0.01192205585539341 best:0.011852131225168705 first:0.011625505983829498 :0.1735849231481552 +of:0.4925907254219055 was:0.07383705675601959 is:0.035125184804201126 and:0.02893867902457714 :0.02547328919172287 +the:0.21387605369091034 a:0.057308707386255264 Rev.:0.027977727353572845 Mr.:0.026667052879929543 :0.14829666912555695 +the:0.3919984698295593 a:0.040223266929388046 that:0.022224122658371925 tho:0.0213326383382082 :0.06947699189186096 +man:0.1159023568034172 men:0.060544975101947784 lady:0.042252253741025925 people:0.03486284613609314 :0.17542682588100433 +place:0.0165095292031765 oath:0.01486811600625515 matter:0.009266890585422516 same:0.008923111483454704 :0.13979202508926392 +visit:0.0575108639895916 trip:0.02560384012758732 years:0.017961997538805008 speech:0.01190100982785225 :0.12332994490861893 +mortgage:0.03486073762178421 County:0.014469009824097157 John:0.012604025192558765 James:0.009327806532382965 :0.15688163042068481 +is:0.2836778461933136 was:0.14617128670215607 Is:0.059683095663785934 has:0.04191187396645546 :0.05975716933608055 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +same:0.006612800527364016 provisions:0.006507871672511101 whole:0.0064651845023036 place:0.005486026871949434 :0.1847440004348755 +the:0.3928399384021759 a:0.02686242014169693 said:0.023713769391179085 this:0.020252980291843414 :0.12142498791217804 +more:0.05581860616803169 of:0.017769575119018555 over:0.013774986378848553 less:0.012073946185410023 :0.19259829819202423 +utes:0.1295999139547348 west:0.0485677607357502 and:0.030930589884519577 east:0.02386464923620224 :0.27178987860679626 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.24124561250209808 day:0.08719059079885483 was:0.028796032071113586 is:0.02021905966103077 :0.054270144551992416 +and:0.05093604326248169 John:0.009321867488324642 James:0.008332810364663601 George:0.006533709354698658 :0.45336607098579407 +Hill:0.1319112926721573 was:0.010894952341914177 The:0.009424946270883083 and:0.00941348448395729 :0.35473164916038513 +of:0.25802087783813477 was:0.12850786745548248 is:0.08761779218912125 and:0.04047601670026779 :0.034130167216062546 +the:0.2699045240879059 a:0.03859599679708481 this:0.01919693499803543 tho:0.018947279080748558 :0.14228206872940063 +the:0.11671500653028488 be:0.03962336853146553 a:0.018640682101249695 tho:0.008971412666141987 :0.16755245625972748 +York:0.5731931924819946 England:0.034687187522649765 Haven:0.025195948779582977 Orleans:0.021755250170826912 :0.16466578841209412 +in:0.061732105910778046 as:0.05280748009681702 if:0.03798244521021843 and:0.028918428346514702 :0.05503977835178375 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +the:0.06022629514336586 North:0.05259035900235176 Minnesota,:0.045975103974342346 affairs:0.04273829609155655 :0.12504123151302338 +to:0.05706040933728218 is:0.05252940580248833 and:0.03721639886498451 in:0.03218002989888191 :0.09786325693130493 +ing:0.06934601068496704 The:0.05526239797472954 ed:0.03468133881688118 It:0.021292896941304207 :0.20470668375492096 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.1760818064212799 in:0.06798892468214035 of:0.057299256324768066 for:0.04159374535083771 :0.060907140374183655 +the:0.07787783443927765 they:0.02710142359137535 to:0.02151714451611042 in:0.015774108469486237 :0.08110033720731735 +the:0.4679614007472992 a:0.05380270630121231 this:0.024341538548469543 tho:0.01950804516673088 :0.07177706807851791 +and:0.09608645737171173 the:0.08449582010507584 to:0.06164843589067459 in:0.058802101761102676 :0.06290197372436523 +that:0.1587817221879959 the:0.07036454975605011 of:0.05049508437514305 nothing:0.039559561759233475 :0.03747539222240448 +the:0.24057511985301971 this:0.060807447880506516 which:0.029474109411239624 a:0.02849780023097992 :0.08616536855697632 +and:0.05617542937397957 the:0.031775619834661484 of:0.028597595170140266 is:0.017605168744921684 :0.1372944414615631 +tion:0.4419673681259155 tions:0.24072471261024475 tion,:0.09112589806318283 tion.:0.06593237072229385 :0.03549575433135033 +the:0.12201066315174103 up:0.07896412163972855 out:0.055337775498628616 down:0.04499070718884468 :0.03391076624393463 +.:0.033427413552999496 The:0.02720237895846367 and:0.01984318159520626 -:0.010369718074798584 :0.28873077034950256 +not:0.4637010991573334 the:0.04029169678688049 he:0.012742302380502224 it:0.01052012201398611 :0.06529524177312851 +the:0.2831295430660248 a:0.07441617548465729 to:0.031426213681697845 it:0.01624372787773609 :0.080938421189785 +the:0.19564761221408844 he:0.04692060872912407 they:0.03410966321825981 it:0.03359527513384819 :0.04710138216614723 +to:0.05417047441005707 the:0.04525991156697273 and:0.03854946419596672 be:0.031962595880031586 :0.13746048510074615 +the:0.1217895895242691 up:0.10096930712461472 out:0.07557486742734909 a:0.0675434023141861 :0.06165948882699013 +been:0.18689875304698944 not:0.04622479900717735 a:0.029306549578905106 to:0.02864273637533188 :0.10865654796361923 +of:0.12000703066587448 was:0.030397627502679825 is:0.026802878826856613 and:0.019365746527910233 :0.16274411976337433 +to:0.2702586054801941 a:0.09648065268993378 the:0.053804896771907806 been:0.036854732781648636 :0.05063512548804283 +-:0.013481422327458858 ceived:0.008974356576800346 the:0.008290670812129974 ported:0.008253184147179127 :0.33529603481292725 +the:0.07275813817977905 it:0.04280776157975197 a:0.03982792794704437 one:0.0295949075371027 :0.08317524939775467 +out:0.07045966386795044 into:0.06096859648823738 down:0.05586305260658264 up:0.04801919311285019 :0.054610926657915115 +over:0.11603078246116638 away:0.09811568260192871 down:0.06622672080993652 up:0.06222397834062576 :0.059696346521377563 +the:0.1617112159729004 it:0.06718874722719193 after:0.0584978424012661 they:0.04980089142918587 :0.08566377311944962 +by:0.17756672203540802 to:0.13197602331638336 the:0.12900902330875397 in:0.0388740673661232 :0.06743025779724121 +a:0.008304235525429249 the:0.007022105157375336 one:0.0059966095723211765 last:0.004683821462094784 :0.33020174503326416 +erty:0.3930795192718506 erty,:0.034426357597112656 and:0.0243483055382967 erly:0.016486456617712975 :0.19757388532161713 +a:0.1813112050294876 the:0.09684717655181885 not:0.03287040814757347 in:0.021899886429309845 :0.14438103139400482 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.0868942067027092 to:0.07954796403646469 in:0.029140345752239227 the:0.02615291066467762 :0.13408365845680237 +the:0.17985117435455322 he:0.055927760899066925 they:0.03985030576586723 a:0.0397203154861927 :0.08243308961391449 +and:0.10780062526464462 in:0.05140251666307449 is:0.04368707537651062 for:0.031169084832072258 :0.09620244801044464 +to:0.1396246999502182 in:0.035518087446689606 the:0.031350091099739075 for:0.0259304940700531 :0.04179495573043823 +side:0.18775150179862976 side,:0.06605708599090576 of:0.05824735388159752 side.:0.04252114146947861 :0.08777516335248947 +the:0.2366441935300827 a:0.061006609350442886 which:0.028755338862538338 his:0.015978457406163216 :0.08582805097103119 +hundred:0.07097440212965012 years:0.0468096099793911 or:0.04668049141764641 years,:0.02180211804807186 :0.16608142852783203 +the:0.04705258086323738 and:0.03080313839018345 to:0.023253053426742554 of:0.014249011874198914 :0.27088746428489685 +and:0.12777666747570038 the:0.0501340888440609 a:0.02680526115000248 but:0.01919904723763466 :0.14267118275165558 +wife,:0.03618200495839119 own:0.019316434860229492 wife:0.016476640477776527 head:0.009530908428132534 :0.19299203157424927 +and:0.12275156378746033 Company:0.07331648468971252 to:0.06870336830615997 of:0.04214917868375778 :0.09597226232290268 +and:0.027257487177848816 The:0.018786687403917313 the:0.01660330966114998 It:0.010601040907204151 :0.2201537936925888 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +and:0.16484253108501434 that:0.06375852227210999 as:0.0606057271361351 but:0.024527359753847122 :0.03718865290284157 +to:0.14266769587993622 of:0.11563968658447266 done:0.06679676473140717 was:0.028147507458925247 :0.03916839882731438 +was:0.09008899331092834 is:0.04504511505365372 has:0.03779327869415283 had:0.03428926318883896 :0.20342406630516052 +the:0.10641177743673325 a:0.0878540500998497 out:0.04653124511241913 rid:0.030355015769600868 :0.060688670724630356 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +the:0.07994094491004944 that:0.026067402213811874 I:0.024476826190948486 a:0.020857419818639755 :0.14932599663734436 +fect:0.21365240216255188 forts:0.1865033060312271 fects:0.10990691184997559 fort:0.10070876777172089 :0.24186773598194122 +the:0.3263801038265228 a:0.09059719741344452 his:0.02713063918054104 this:0.021403593942523003 :0.13544899225234985 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +a:0.17194747924804688 as:0.03633140027523041 an:0.026818079873919487 the:0.021372970193624496 :0.17572683095932007 +the:0.3149194121360779 his:0.028435802087187767 a:0.02717881090939045 tho:0.023784616962075233 :0.10779295116662979 +and:0.14195314049720764 but:0.043414536863565445 the:0.040409982204437256 we:0.01999366469681263 :0.05537797883152962 +same:0.012309301644563675 most:0.010122383944690228 best:0.008733073249459267 people:0.006742146797478199 :0.13611732423305511 +and:0.05532388389110565 of:0.044826775789260864 the:0.020510466769337654 The:0.01921778917312622 :0.16246478259563446 +and:0.21058040857315063 in:0.08675891160964966 with:0.05217348411679268 for:0.04352905601263046 :0.04376669600605965 +before:0.04083900526165962 to:0.028295325115323067 had:0.024210641160607338 was:0.020960697904229164 :0.11249653995037079 +and:0.23728109896183014 of:0.04792293161153793 the:0.04663189500570297 to:0.03795662522315979 :0.058875229209661484 +the:0.08115879446268082 be:0.047980017960071564 make:0.023540662601590157 do:0.02144087292253971 :0.0858994647860527 +north:0.09639673680067062 south:0.08512929826974869 with:0.05764589458703995 N.:0.04080481454730034 :0.1361347734928131 +down:0.07268879562616348 the:0.05288746953010559 out:0.043933503329753876 in:0.041449882090091705 :0.03702704608440399 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +The:0.14951945841312408 It:0.05609215795993805 There:0.035609811544418335 He:0.03231467306613922 :0.057078294456005096 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.11069539934396744 of:0.050324078649282455 to:0.0398898683488369 were:0.037184230983257294 :0.048576533794403076 +of:0.46213510632514954 to:0.034260526299476624 and:0.033815547823905945 is:0.025351976975798607 :0.022112388163805008 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +the:0.31464412808418274 said:0.08237156271934509 a:0.04653462395071983 taxes:0.028644828125834465 :0.10205380618572235 +the:0.24901846051216125 a:0.07163658738136292 his:0.026026669889688492 to:0.024812260642647743 :0.04798232764005661 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +be:0.0989823192358017 have:0.08509409427642822 not:0.0496567003428936 make:0.016272902488708496 :0.08909332752227783 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +of:0.15451772511005402 and:0.026956632733345032 that:0.026406846940517426 In:0.021541964262723923 :0.14805817604064941 +of:0.1916835606098175 a:0.12011449038982391 an:0.05678155645728111 way:0.05071459338068962 :0.09459587186574936 +is:0.26976174116134644 was:0.1531454175710678 has:0.058974698185920715 will:0.044242870062589645 :0.038041386753320694 +with:0.10176599025726318 the:0.06980293989181519 so:0.03908796235918999 so,:0.037140198051929474 :0.04784158617258072 +that:0.6124396324157715 the:0.10728079825639725 to:0.03748800605535507 a:0.012505593709647655 :0.012420088984072208 +in:0.11961452662944794 to:0.11589276790618896 and:0.05332815647125244 of:0.03216702118515968 :0.04833502322435379 +is:0.08047374337911606 was:0.05969255417585373 are:0.03944889083504677 the:0.03935001790523529 :0.07503548264503479 +country:0.023979390040040016 city,:0.018591221421957016 city:0.018282363191246986 act,:0.015703648328781128 :0.14142222702503204 +to:0.32326725125312805 and:0.030613122507929802 that:0.02599908970296383 of:0.02227911539375782 :0.08705610781908035 +the:0.12117472290992737 of:0.08152034133672714 over:0.04533343389630318 that:0.028742529451847076 :0.10627005994319916 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +was:0.03551279380917549 and:0.03230910375714302 is:0.015553551726043224 to:0.01303124614059925 :0.31855693459510803 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.0457182452082634 not:0.03823472186923027 a:0.034611351788043976 to:0.03270324692130089 :0.1348252296447754 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.385953426361084 a:0.03653853014111519 his:0.025500766932964325 tho:0.022119782865047455 :0.11246569454669952 +of:0.7678253650665283 to:0.042613107711076736 ot:0.01781138777732849 and:0.011844693683087826 :0.009804450906813145 +a:0.029354669153690338 made:0.021220248192548752 in:0.017908724024891853 the:0.015689436346292496 :0.1536957174539566 +feet:0.2181759774684906 of:0.07280853390693665 feet;:0.04237755760550499 feet,:0.03305680677294731 :0.1421104371547699 +the:0.14879493415355682 be:0.042483553290367126 a:0.021261822432279587 his:0.012034290470182896 :0.11280745267868042 +one:0.037679560482501984 more:0.030327728018164635 other:0.02717125602066517 such:0.012028567492961884 :0.12479888647794724 +years:0.11668477952480316 miles:0.09218583256006241 feet:0.07370982319116592 minutes:0.04101520776748657 :0.07187705487012863 +is:0.2836778461933136 was:0.14617128670215607 Is:0.059683095663785934 has:0.04191187396645546 :0.05975716933608055 +to:0.12773782014846802 and:0.08606944978237152 as:0.03584760054945946 for:0.032220978289842606 :0.062251925468444824 +and:0.16411978006362915 but:0.05202142894268036 of:0.04005223512649536 which:0.03262961283326149 :0.05494775250554085 +of:0.4542366564273834 and:0.09583958238363266 are:0.04321983456611633 to:0.02655908837914467 :0.02645314857363701 +of:0.5846429467201233 in:0.03385666385293007 and:0.02555905282497406 the:0.0213085375726223 :0.033955544233322144 +and:0.046411074697971344 of:0.021874066442251205 the:0.017335383221507072 to:0.012051889672875404 :0.20117789506912231 +of:0.034155555069446564 .:0.024251246824860573 to:0.01913265883922577 and:0.01550365425646305 :0.3093009293079376 +be:0.3154417872428894 have:0.12250905483961105 not:0.06671959906816483 bo:0.01748926192522049 :0.04852006956934929 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +Louis:0.15837900340557098 Louis,:0.1410897970199585 Louis.:0.06178337335586548 Mary's:0.03553757071495056 :0.2840802073478699 +people:0.015380902215838432 said:0.011311734095215797 best:0.008671450428664684 most:0.006709711160510778 :0.1660183072090149 +a:0.06630861759185791 not:0.061363451182842255 the:0.05364001542329788 to:0.017353583127260208 :0.10260779410600662 +the:0.2525610029697418 a:0.02582358568906784 which:0.022729678079485893 their:0.02041144110262394 :0.09652306139469147 +only:0.09430675953626633 to:0.06438829749822617 a:0.0322122685611248 the:0.02675524912774563 :0.1635047197341919 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.08296336233615875 and:0.06363004446029663 in:0.05142546445131302 to:0.026367397978901863 :0.09863968193531036 +in:0.022200286388397217 not:0.019977284595370293 the:0.01919807679951191 a:0.014181811362504959 :0.12653748691082 +the:0.226212739944458 a:0.052541766315698624 two:0.033917926251888275 which:0.023717576637864113 :0.10651370882987976 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +as:0.12092751264572144 before:0.055887285619974136 at:0.02336064912378788 and:0.021202651783823967 :0.06649291515350342 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +been:0.24728207290172577 a:0.05283186957240105 the:0.03318271040916443 not:0.03025229275226593 :0.0549296997487545 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +was:0.08464503288269043 could:0.06796882301568985 had:0.06175464764237404 got:0.04053423926234245 :0.08500093966722488 +of:0.26166126132011414 who:0.0577114038169384 to:0.04644044488668442 in:0.0401947945356369 :0.036791641265153885 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +in:0.08121991157531738 the:0.07702308148145676 that:0.07120468467473984 by:0.07118479162454605 :0.049957554787397385 +and:0.038807354867458344 of:0.023818593472242355 the:0.021747276186943054 is:0.017728568986058235 :0.20959897339344025 +to:0.7111071348190308 a:0.03540650010108948 the:0.019558414816856384 they:0.010448063723742962 :0.019231224432587624 +degrees:0.659864604473114 deg.:0.10641361027956009 feet:0.03090679831802845 deg,:0.02767377719283104 :0.044489409774541855 +of:0.1352790892124176 and:0.04832310229539871 to:0.017215460538864136 the:0.011583392508327961 :0.19328036904335022 +James:0.03839178755879402 John:0.03453976288437843 William:0.028429346159100533 The:0.02556309476494789 :0.29628297686576843 +the:0.1339438408613205 a:0.10669665783643723 three:0.04853065684437752 this:0.0433400459587574 :0.13697554171085358 +head:0.022476444020867348 hand:0.015951504930853844 heart:0.01300522405654192 name:0.012962120585143566 :0.1831284761428833 +that:0.10476558655500412 on:0.08104146271944046 to:0.074281707406044 the:0.05778800696134567 :0.03867769241333008 +the:0.630620539188385 tho:0.044590793550014496 this:0.025671377778053284 their:0.018973104655742645 :0.03700186312198639 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +St.:0.049486223608255386 Burleigh:0.03957419469952583 Los:0.02635480836033821 Cook,:0.020037779584527016 :0.3167785704135895 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +not:0.03948759660124779 the:0.032794322818517685 to:0.01854604296386242 in:0.01853678561747074 :0.19783002138137817 +to:0.24779988825321198 by:0.08522430062294006 with:0.06055168807506561 for:0.039263077080249786 :0.046763841062784195 +subject:0.012155482545495033 property:0.011088290251791477 said:0.008938451297581196 ground:0.008280253037810326 :0.16573114693164825 +of:0.49347254633903503 and:0.05150845646858215 in:0.021604333072900772 as:0.020941773429512978 :0.035679835826158524 +of:0.3819045126438141 to:0.036094579845666885 for:0.026862265542149544 by:0.024834947660565376 :0.030054256319999695 +few:0.028184354305267334 little:0.021724434569478035 large:0.019329898059368134 good:0.015776963904500008 :0.1655697375535965 +schools:0.030161026865243912 school:0.025287825614213943 and:0.01795826107263565 to:0.01532693300396204 :0.11747068911790848 +been:0.32618969678878784 not:0.03681854158639908 a:0.03322231024503708 become:0.020487891510128975 :0.06419975310564041 +the:0.2719879150390625 a:0.02477209083735943 this:0.024634145200252533 tho:0.01108823623508215 :0.16236943006515503 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +thing:0.02982879802584648 feature:0.017429590225219727 way:0.016329539939761162 man:0.011738980188965797 :0.16661937534809113 +the:0.18012574315071106 be:0.11633648723363876 a:0.024175865575671196 his:0.01831338182091713 :0.09951277822256088 +the:0.05538468062877655 and:0.04692539572715759 in:0.01785220578312874 a:0.013353656977415085 :0.18248170614242554 +few:0.030688606202602386 great:0.011609701439738274 large:0.011007873341441154 man:0.010868717916309834 :0.147688627243042 +the:0.1408330202102661 to:0.05799272283911705 that:0.03406941145658493 a:0.028493233025074005 :0.11118834465742111 +H.:0.01574433594942093 W.:0.015235984697937965 M.:0.013614293187856674 A:0.013120055198669434 :0.35952672362327576 +the:0.007160782348364592 and:0.00710099283605814 er:0.0060545653104782104 to:0.005450114607810974 :0.6974999308586121 +the:0.041670285165309906 a:0.039341215044260025 not:0.028013410046696663 so:0.011916084215044975 :0.21218067407608032 +the:0.1065453439950943 a:0.07934854179620743 not:0.04749394953250885 to:0.04495478793978691 :0.12057198584079742 +the:0.20434856414794922 a:0.05492870882153511 this:0.025431321933865547 all:0.021044034510850906 :0.08431537449359894 +of:0.09019574522972107 and:0.02418879233300686 interests:0.022438054904341698 way:0.01298720296472311 :0.11953777074813843 +of:0.07161393761634827 one:0.04404955729842186 man:0.028107957914471626 year:0.025095952674746513 :0.13194215297698975 +great:0.03247062861919403 good:0.0299025047570467 very:0.027103561908006668 matter:0.01384598109871149 :0.14564718306064606 +the:0.28186190128326416 they:0.034499842673540115 he:0.02670431137084961 a:0.025292661041021347 :0.07724223285913467 +same:0.016374601051211357 first:0.008498460985720158 last:0.0064604212529957294 time:0.0058998106978833675 :0.1556771993637085 +.:0.8030061721801758 .,:0.018549341708421707 .;:0.006553898099809885 ..:0.006170828361064196 :0.07880602031946182 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +to:0.09118905663490295 and:0.07678017020225525 as:0.046501971781253815 in:0.0366358757019043 :0.06331554055213928 +.:0.06704557687044144 the:0.036082301288843155 a:0.02084694616496563 The:0.016604086384177208 :0.40512409806251526 +the:0.22515712678432465 them:0.04098469018936157 him:0.037641968578100204 you:0.02846740558743477 :0.053629398345947266 +and:0.10714621096849442 was:0.010831316001713276 to:0.00861620344221592 of:0.00846805702894926 :0.3109934628009796 +of:0.5291327834129333 and:0.03887881711125374 to:0.017642728984355927 or:0.013114778324961662 :0.03980868309736252 +of:0.09599553793668747 and:0.048062413930892944 to:0.032491061836481094 The:0.0254661925137043 :0.1769382208585739 +be:0.24006201326847076 not:0.08991895616054535 have:0.04306508228182793 bo:0.018582753837108612 :0.040053728967905045 +to:0.6563535928726196 for:0.11097224801778793 by:0.014000547118484974 and:0.01319214329123497 :0.01307414285838604 +and:0.05152524262666702 of:0.04133417829871178 the:0.03017890825867653 to:0.026074862107634544 :0.21796676516532898 +be:0.6400468945503235 not:0.046051762998104095 bo:0.0320218950510025 have:0.019944682717323303 :0.021200696006417274 +the:0.09818915277719498 that:0.06160465255379677 it:0.04339931905269623 they:0.04090586677193642 :0.06626010686159134 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +man:0.012478752061724663 large:0.008416790515184402 good:0.008008531294763088 great:0.007064047269523144 :0.3054465055465698 +from:0.15943023562431335 by:0.07266559451818466 to:0.03464539721608162 in:0.03206544741988182 :0.08982596546411514 +the:0.18909716606140137 be:0.15388283133506775 have:0.024688728153705597 a:0.020833464339375496 :0.07073041051626205 +the:0.26662713289260864 a:0.055084895342588425 tho:0.013923730701208115 this:0.013450962491333485 :0.16760489344596863 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +good:0.020066125318408012 very:0.017902236431837082 great:0.01567891053855419 trip:0.012165470980107784 :0.13903166353702545 +people:0.006104586645960808 old:0.005658355075865984 said:0.0055094617418944836 whole:0.005404449999332428 :0.18708458542823792 +of:0.14353345334529877 and:0.0827828049659729 which:0.04500015079975128 to:0.042480871081352234 :0.0437181256711483 +and:0.023764630779623985 be:0.017474202439188957 to:0.01584954746067524 the:0.008054373785853386 :0.25558963418006897 +been:0.32618969678878784 not:0.03681854158639908 a:0.03322231024503708 become:0.020487891510128975 :0.06419975310564041 +been:0.11607832461595535 a:0.04536693915724754 not:0.0391191728413105 no:0.028789788484573364 :0.07648544013500214 +of:0.40314537286758423 and:0.07299788296222687 is:0.04270147904753685 or:0.026710791513323784 :0.017731402069330215 +and:0.1635955423116684 or:0.037651918828487396 in:0.03735135868191719 is:0.03217794746160507 :0.07321342080831528 +own:0.01952824369072914 children:0.008480462245643139 lives:0.007918685674667358 work:0.007169444113969803 :0.18223406374454498 +the:0.11866007000207901 any:0.05949639156460762 a:0.0359700471162796 ever:0.03591689467430115 :0.1123884916305542 +of:0.5694342255592346 in:0.01958949863910675 are:0.016694607213139534 and:0.016169847920536995 :0.029223276302218437 +perience:0.03203970938920975 amination:0.016874823719263077 istence:0.016547992825508118 penses:0.016301454976201057 :0.5145364999771118 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +hereby:0.09737574309110641 situated:0.048742350190877914 not:0.03779253736138344 the:0.01922778971493244 :0.1731119155883789 +of:0.5203337073326111 and:0.04916191101074219 the:0.03738901764154434 to:0.02496514655649662 :0.026196714490652084 +the:0.2011546790599823 be:0.03969187289476395 a:0.02303234115242958 make:0.011051686480641365 :0.11229109019041061 +I:0.07148145139217377 1:0.023820484057068825 and:0.015142452903091908 The:0.009296600706875324 :0.4779610335826874 +of:0.4106956720352173 and:0.056921280920505524 was:0.029325362294912338 to:0.025160934776067734 :0.038770366460084915 +who:0.14538612961769104 of:0.09372660517692566 in:0.03188242018222809 on:0.018727727234363556 :0.22521933913230896 +be:0.41888338327407837 have:0.060379307717084885 not:0.029409438371658325 bo:0.019685331732034683 :0.06573310494422913 +not:0.22560258209705353 the:0.05263737961649895 so:0.021350041031837463 what:0.018399612978100777 :0.09878906607627869 +and:0.423769474029541 dollars:0.057188089936971664 feet:0.021739941090345383 dollars,:0.021533066406846046 :0.08529135584831238 +am:0.07016865164041519 have:0.06507943570613861 was:0.04551154002547264 had:0.028507746756076813 :0.13087597489356995 +own:0.025075385347008705 head:0.011627267114818096 life:0.010808377526700497 wife:0.008442504331469536 :0.14400815963745117 +is:0.18169832229614258 was:0.12622466683387756 has:0.05130589008331299 would:0.03523913398385048 :0.04398622363805771 +and:0.03755154460668564 the:0.03309299424290657 of:0.031085165217518806 to:0.019945180043578148 :0.14455825090408325 +and:0.07261090725660324 that:0.05454913526773453 as:0.032034896314144135 to:0.030908189713954926 :0.15128612518310547 +the:0.10470040887594223 and:0.053863730281591415 a:0.039325643330812454 with:0.029438607394695282 :0.13100706040859222 +of:0.3034566342830658 and:0.06913553178310394 to:0.06776462495326996 is:0.05296171456575394 :0.04984794184565544 +few:0.01764095015823841 large:0.016229873523116112 distance:0.012070278637111187 little:0.011544416658580303 :0.12462139129638672 +the:0.06903956830501556 be:0.05609896406531334 his:0.020911481231451035 make:0.01878410391509533 :0.10380452126264572 +own:0.016069835051894188 most:0.007647900376468897 first:0.006732678506523371 duty:0.005848119501024485 :0.1181943416595459 +have:0.04996223375201225 am:0.04333796352148056 was:0.039076585322618484 had:0.03097415342926979 :0.15685316920280457 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +be:0.31654104590415955 not:0.09372391551733017 have:0.07921663671731949 seem:0.031046586111187935 :0.04805479943752289 +time:0.03256382420659065 same:0.027522826567292213 rate:0.026916803792119026 end:0.01631595939397812 :0.232695072889328 +of:0.05950029566884041 hour:0.03444907069206238 in:0.013930754736065865 was:0.013392744585871696 :0.20334559679031372 +and:0.06294207274913788 of:0.02941056527197361 in:0.025353819131851196 to:0.024227704852819443 :0.13089850544929504 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +old:0.009039968252182007 other:0.00837763398885727 same:0.005290667060762644 most:0.005203993059694767 :0.3061167001724243 +the:0.34005987644195557 said:0.15536797046661377 a:0.025944914668798447 tho:0.014777222648262978 :0.10532546788454056 +the:0.03590938821434975 of:0.02872246690094471 and:0.028150422498583794 to:0.022957997396588326 :0.27374088764190674 +the:0.07176218181848526 it:0.026004234328866005 a:0.025490326806902885 he:0.019960064440965652 :0.1781165450811386 +the:0.17644360661506653 it:0.06651411205530167 they:0.059180717915296555 he:0.049919888377189636 :0.06668498367071152 +is:0.05520077049732208 in:0.053750306367874146 to:0.05337768793106079 was:0.04670027643442154 :0.07159224152565002 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.12382195889949799 be:0.02918289601802826 make:0.021456656977534294 a:0.014847091399133205 :0.10070481151342392 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.026764925569295883 thing:0.006175754591822624 men:0.005518658552318811 school:0.004630886483937502 :0.2970373034477234 +and:0.07091233134269714 the:0.042549896985292435 by:0.04076944291591644 to:0.02516072243452072 :0.14807413518428802 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +same:0.006612800527364016 provisions:0.006507871672511101 whole:0.0064651845023036 place:0.005486026871949434 :0.1847440004348755 +men:0.006999771576374769 following:0.0062985895201563835 next:0.005362247582525015 man:0.0051486436277627945 :0.13940928876399994 +the:0.0436556376516819 a:0.018519841134548187 and:0.013007945381104946 to:0.011344151571393013 :0.28293418884277344 +and:0.05634864792227745 of:0.054519105702638626 who:0.0182553231716156 was:0.01742309331893921 :0.2171134054660797 +the:0.17030979692935944 a:0.11376004666090012 his:0.02356761507689953 an:0.01642037183046341 :0.11746242642402649 +a:0.2110474854707718 no:0.1915147304534912 not:0.04970419406890869 an:0.029578860849142075 :0.03846994414925575 +is:0.28909045457839966 was:0.118467316031456 were:0.11178090423345566 are:0.11083065718412399 :0.05692046508193016 +the:0.0670376718044281 in:0.044681958854198456 than:0.03934284672141075 have:0.025957027450203896 :0.13514350354671478 +first:0.013776765204966068 only:0.012984532862901688 following:0.007272027432918549 next:0.00648352038115263 :0.1389065980911255 +and:0.009879374876618385 A.:0.0062767695635557175 J.:0.005925609264522791 in:0.005586985964328051 :0.4882229268550873 +the:0.21467460691928864 least:0.08250454813241959 once:0.07339374721050262 a:0.038844410330057144 :0.08253882080316544 +and:0.07887476682662964 in:0.05714358761906624 the:0.026630466803908348 of:0.025534924119710922 :0.12102431803941727 +m:0.1597917228937149 m.:0.0489075742661953 in.:0.019306709989905357 m.,:0.0157375019043684 :0.14450684189796448 +a:0.12887820601463318 not:0.050119299441576004 the:0.04085705429315567 now:0.019711732864379883 :0.11038553714752197 +own:0.03392026200890541 answer:0.01677636429667473 friends:0.006406414322555065 failure:0.0063746897503733635 :0.2189856320619583 +as:0.5319269299507141 from:0.02733258716762066 the:0.018013617023825645 that:0.015012743882834911 :0.027176853269338608 +and:0.08841506391763687 of:0.022390011698007584 to:0.019702032208442688 the:0.018124939873814583 :0.23805148899555206 +was:0.18799637258052826 is:0.11627962440252304 has:0.08564237505197525 had:0.046180639415979385 :0.05372995883226395 +in:0.13649094104766846 and:0.10735365748405457 as:0.08972744643688202 of:0.05537242442369461 :0.04445045441389084 +said:0.02090604044497013 same:0.019479136914014816 following:0.00809570774435997 most:0.0076226405799388885 :0.15991926193237305 +bank:0.014255926944315434 Capital:0.013472690246999264 Bank:0.009573998861014843 City:0.008559909649193287 :0.46202269196510315 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +of:0.17062091827392578 time:0.06604528427124023 one:0.02424471452832222 years:0.023832453414797783 :0.06899124383926392 +be:0.13827845454216003 have:0.11320194602012634 not:0.053875260055065155 make:0.027828743681311607 :0.0677478015422821 +United:0.015556160360574722 most:0.007520648185163736 State:0.006463862955570221 said:0.00635764142498374 :0.2803380787372589 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +The:0.1691567748785019 He:0.04824911803007126 It:0.042023591697216034 Mr.:0.02854105643928051 :0.14499887824058533 +committee:0.10042835026979446 and:0.0991358533501625 of:0.05003364756703377 committee,:0.021794326603412628 :0.15313945710659027 +and:0.03599698096513748 of:0.023563221096992493 James:0.010495899245142937 John:0.009334547445178032 :0.33126944303512573 +the:0.2007782757282257 said:0.07948923856019974 this:0.06546096503734589 a:0.026164505630731583 :0.11768323928117752 +the:0.2586686611175537 a:0.05112506449222565 Mr.:0.01797167956829071 said:0.01676211506128311 :0.12065009027719498 +of:0.04280898720026016 the:0.038496606051921844 and:0.034961361438035965 to:0.021210243925452232 :0.1871109902858734 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +man:0.03793071210384369 and:0.014607659541070461 home:0.007385602220892906 woman:0.006935137789696455 :0.21075782179832458 +a:0.06355313956737518 the:0.061338767409324646 not:0.04375753551721573 to:0.03989727795124054 :0.10692004859447479 +Y:0.07739168405532837 W:0.019863739609718323 Y.:0.013293162919580936 J:0.01290353573858738 :0.34272289276123047 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +to:0.040226049721241 and:0.03906780108809471 the:0.02728918381035328 of:0.026471897959709167 :0.19026033580303192 +same:0.013585232198238373 first:0.012981027364730835 city:0.012977709993720055 case:0.009776578284800053 :0.1773841828107834 +side:0.01271522045135498 part:0.010253667831420898 men:0.008536936715245247 man:0.007324989885091782 :0.6767228245735168 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.17711293697357178 he:0.05707608163356781 they:0.04423411190509796 it:0.03774527832865715 :0.041859932243824005 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +and:0.15702149271965027 but:0.0390796884894371 the:0.03769957646727562 with:0.018000207841396332 :0.08870621025562286 +year:0.04124730825424194 is:0.027039680629968643 week:0.024064745754003525 time:0.019227171316742897 :0.07764419168233871 +were:0.0767742171883583 are:0.07538730651140213 have:0.04372069612145424 had:0.026679260656237602 :0.07117117196321487 +United:0.013063316233456135 State:0.011377032846212387 most:0.0072413417510688305 said:0.007041397038847208 :0.27076831459999084 +of:0.11237169057130814 the:0.06264126300811768 in:0.040832553058862686 on:0.034111782908439636 :0.07096239924430847 +and:0.040514227002859116 the:0.03651578724384308 of:0.019987676292657852 to:0.01823655515909195 :0.13114644587039948 +the:0.35249385237693787 a:0.036444373428821564 all:0.030470965430140495 this:0.026895418763160706 :0.11144472658634186 +and:0.09404020756483078 is:0.046959854662418365 to:0.03864404186606407 that:0.03255369886755943 :0.08147086948156357 +the:0.13141997158527374 I:0.0351492315530777 he:0.033851973712444305 when:0.030733276158571243 :0.04761522635817528 +the:0.09856096655130386 a:0.08011255413293839 and:0.06183956190943718 to:0.042794328182935715 :0.04931024834513664 +miles:0.12832984328269958 years:0.08393637090921402 minutes:0.07637316733598709 hundred:0.057112257927656174 :0.05931880325078964 +to:0.20402264595031738 into:0.04862217977643013 on:0.04571849852800369 and:0.037445515394210815 :0.12380392104387283 +of:0.49167323112487793 and:0.03024161048233509 which:0.02636304497718811 or:0.024676024913787842 :0.05388670042157173 +cally:0.43678751587867737 cal:0.12413395941257477 is:0.008398717269301414 was:0.006093763280659914 :0.0754719004034996 +of:0.2545558214187622 and:0.04920996353030205 court:0.025642964988946915 jail:0.01932275854051113 :0.05053310841321945 +The:0.1331634521484375 It:0.0759657621383667 He:0.03184492513537407 A:0.027836903929710388 :0.1254674196243286 +of:0.2361515313386917 and:0.15400294959545135 which:0.02710668370127678 is:0.023147884756326675 :0.020431960001587868 +of:0.2762070596218109 in:0.0718463808298111 the:0.04982095584273338 was:0.02812737226486206 :0.0389404259622097 +time:0.062497083097696304 as:0.03424028307199478 to:0.02136545069515705 time,:0.017479538917541504 :0.08758080005645752 +the:0.278831422328949 this:0.04242252930998802 a:0.04098866879940033 order:0.02507004886865616 :0.06868167221546173 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +the:0.29893121123313904 a:0.04665342718362808 least:0.03679210692644119 this:0.02380952052772045 :0.1265973001718521 +the:0.24458760023117065 a:0.09850620478391647 which:0.035121820867061615 their:0.014518107287585735 :0.11310774087905884 +is:0.09201990067958832 was:0.049818627536296844 has:0.0261264406144619 year:0.018116623163223267 :0.09597719460725784 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +of:0.1612481325864792 and:0.10068657249212265 to:0.08074764907360077 the:0.053257424384355545 :0.04652071371674538 +follows,:0.3932427763938904 follows::0.2724515497684479 follows:0.044498130679130554 fol-:0.03148309513926506 :0.03735525533556938 +and:0.12767426669597626 of:0.04475336894392967 to:0.037996888160705566 that:0.02873649261891842 :0.10933324694633484 +to:0.9071978330612183 for:0.015509065240621567 of:0.005344362463802099 that:0.004694235511124134 :0.0066268532536923885 +as:0.2769642174243927 to:0.2555066645145416 that:0.09672538191080093 and:0.05220138281583786 :0.033005885779857635 +of:0.16685017943382263 who:0.08950220793485641 in:0.07188551872968674 to:0.04350223019719124 :0.05844387412071228 +Topeka:0.01998177357017994 to:0.01743435487151146 .:0.015821943059563637 A:0.015376538038253784 :0.25810810923576355 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +and:0.0516710989177227 of:0.04501277953386307 to:0.02157217264175415 the:0.019020909443497658 :0.19481949508190155 +of:0.05933157727122307 and:0.017224863171577454 Parker:0.009692496620118618 J.:0.007494836114346981 :0.3865615725517273 +the:0.2791203260421753 a:0.026561882346868515 this:0.02112903818488121 tho:0.017482751980423927 :0.11217185854911804 +the:0.18183864653110504 this:0.04440607130527496 order:0.03306384012103081 a:0.029499374330043793 :0.052641674876213074 +injured.:0.032467570155858994 and:0.02105606719851494 injured:0.0191737599670887 in:0.01778828352689743 :0.1539629101753235 +the:0.10903578251600266 he:0.040621157735586166 they:0.03544123098254204 it:0.02615717239677906 :0.09955824166536331 +and:0.07597344368696213 to:0.06848936527967453 in:0.04928446188569069 with:0.04582066461443901 :0.10746155679225922 +the:0.09816419333219528 it:0.05728405341506004 I:0.0335409976541996 he:0.030995424836874008 :0.04729418829083443 +mand:0.02698928490281105 fendants,:0.026155292987823486 mands:0.020530864596366882 struction:0.02033807523548603 :0.46629831194877625 +the:0.12820805609226227 if:0.0488838329911232 that:0.04702850058674812 it:0.033673517405986786 :0.050950951874256134 +and:0.03246641531586647 life:0.006427225191146135 in:0.006256832275539637 ones:0.0059679062105715275 :0.20780456066131592 +the:0.2505822479724884 his:0.05790373310446739 a:0.03508152812719345 tho:0.016260802745819092 :0.09486766904592514 +he:0.1615244597196579 the:0.06928564608097076 was:0.05069442465901375 they:0.04942226782441139 :0.043175652623176575 +the:0.10252004861831665 in:0.025470906868577003 a:0.02389739453792572 of:0.016292545944452286 :0.12069454789161682 +than:0.3365407884120941 or:0.0755564346909523 to:0.033198241144418716 of:0.023963216692209244 :0.10865718126296997 +of:0.1145699992775917 and:0.04659748449921608 to:0.03333348408341408 in:0.023615138605237007 :0.12490521371364594 +and:0.1712133288383484 the:0.0333898663520813 but:0.033219750970602036 in:0.030513489618897438 :0.048379506915807724 +and:0.06392545998096466 John:0.009828176349401474 James:0.006692263763397932 Smith:0.004842910449951887 :0.4983081519603729 +the:0.2213134616613388 a:0.053981561213731766 Governor,:0.014515668153762817 tho:0.012146404944360256 :0.13574354350566864 +of:0.13757234811782837 and:0.07595372200012207 in:0.0501951202750206 at:0.032760825008153915 :0.04967917129397392 +is:0.27503272891044617 are:0.17347729206085205 was:0.1410634070634842 were:0.062090735882520676 :0.04280408099293709 +throat,:0.08445204049348831 and:0.046882934868335724 to:0.04512980580329895 of:0.02753462642431259 :0.22096112370491028 +his:0.08808491379022598 the:0.0878971591591835 a:0.07060505449771881 all:0.038274843245744705 :0.06254822760820389 +half:0.05227982625365257 few:0.027100946754217148 large:0.02216946892440319 great:0.012649431824684143 :0.1533392369747162 +name:0.015120165422558784 wife:0.014373024925589561 father:0.009449860081076622 first:0.009349626488983631 :0.17920221388339996 +one:0.07839138060808182 man:0.06991796940565109 person:0.02767406776547432 thing:0.02026531472802162 :0.10281544923782349 +to:0.24956457316875458 by:0.19091211259365082 that:0.04011775553226471 in:0.0399218313395977 :0.05310583859682083 +and:0.1233072578907013 a:0.02898150123655796 but:0.02214459329843521 at:0.021100211888551712 :0.16396208107471466 +first:0.03582489490509033 service:0.023993780836462975 passage:0.018554843962192535 expiration:0.014900828711688519 :0.16801485419273376 +the:0.12176956981420517 and:0.06744091957807541 a:0.04398687928915024 in:0.038658980280160904 :0.049985405057668686 +the:0.06094525381922722 and:0.03350289165973663 that:0.027020305395126343 in:0.02558310329914093 :0.16681626439094543 +and:0.05859379097819328 of:0.04747098684310913 the:0.023583747446537018 in:0.015131473541259766 :0.09511536359786987 +is:0.18851062655448914 of:0.04665485769510269 the:0.046236149966716766 was:0.04275009408593178 :0.05140506103634834 +ployment:0.10420211404561996 ployes:0.08829672634601593 ploy:0.07607342302799225 pire:0.05927514284849167 :0.4459308683872223 +year:0.054262395948171616 hundred:0.027934180572628975 few:0.019497117027640343 week:0.017275383695960045 :0.18007616698741913 +the:0.24020139873027802 a:0.1256820410490036 his:0.026435019448399544 their:0.019885430112481117 :0.09335304796695709 +was:0.09648546576499939 had:0.04531214013695717 is:0.02926453948020935 would:0.02494198828935623 :0.1008802056312561 +amination:0.09606592357158661 pression:0.05207483470439911 perience:0.03390507400035858 change:0.03254473954439163 :0.38903436064720154 +the:0.06291686743497849 and:0.0587378554046154 in:0.048788104206323624 of:0.042462121695280075 :0.061841852962970734 +the:0.1288907378911972 a:0.09845676273107529 in:0.06472951173782349 by:0.04495372623205185 :0.032924674451351166 +and:0.03691863641142845 men:0.008289793506264687 of:0.005765459965914488 course:0.004948628135025501 :0.27660349011421204 +and:0.10434254258871078 to:0.09742662310600281 of:0.021650586277246475 in:0.020551446825265884 :0.11035455763339996 +the:0.12578953802585602 a:0.05087791010737419 4:0.01597585156559944 this:0.014127167873084545 :0.24791893362998962 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +and:0.08841506391763687 of:0.022390011698007584 to:0.019702032208442688 the:0.018124939873814583 :0.23805148899555206 +the:0.3747306168079376 a:0.029628926888108253 his:0.023902276530861855 tho:0.013897073455154896 :0.1037234291434288 +the:0.07820276916027069 on:0.06444430351257324 in:0.06235082447528839 up:0.05945052579045296 :0.07575595378875732 +than:0.1691647320985794 or:0.08251462131738663 to:0.02690100111067295 and:0.021857786923646927 :0.16923749446868896 +The:0.13758639991283417 It:0.05429239571094513 He:0.038377825170755386 We:0.03345648571848869 :0.07881823927164078 +of:0.051735199987888336 year,:0.04539909213781357 year:0.030393648892641068 and:0.02706305868923664 :0.11561820656061172 +the:0.37589842081069946 a:0.04634014144539833 this:0.02402011677622795 tho:0.012189200147986412 :0.15033593773841858 +the:0.3362897038459778 this:0.04077426344156265 a:0.04022404924035072 law:0.026685595512390137 :0.07665571570396423 +the:0.20475785434246063 a:0.06420460343360901 their:0.016043996438384056 his:0.015676284208893776 :0.13886690139770508 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +country:0.010107929818332195 people:0.007917799055576324 towns.:0.0067932517267763615 States:0.006584575399756432 :0.201976478099823 +the:0.09449546039104462 it:0.0854143276810646 he:0.06903623789548874 I:0.047289129346609116 :0.08801660686731339 +is:0.3480511009693146 was:0.09171324968338013 will:0.06133674830198288 has:0.04868519306182861 :0.03779381513595581 +and:0.21825362741947174 the:0.056793347001075745 as:0.04415099322795868 to:0.023538021370768547 :0.058151036500930786 +and:0.11720820516347885 but:0.05573192983865738 the:0.03167446702718735 that:0.022120019420981407 :0.12354464083909988 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +large:0.01668211817741394 very:0.010049821808934212 few:0.009286525659263134 little:0.009034033864736557 :0.1700279265642166 +more:0.05694686993956566 to:0.03900414705276489 of:0.037308745086193085 better:0.0341787151992321 :0.12925492227077484 +stock:0.10442381352186203 and:0.09516138583421707 in:0.05498595908284187 to:0.05407481640577316 :0.06062665581703186 +of:0.4050028622150421 and:0.03777449205517769 are:0.030159562826156616 in:0.026851767674088478 :0.026174496859312057 +and:0.08212389051914215 to:0.0673859715461731 from:0.0316990427672863 is:0.03081282041966915 :0.14012080430984497 +own:0.024753199890255928 face:0.017627177760004997 head:0.013986431062221527 way:0.012415077537298203 :0.1814691573381424 +purpose:0.013033446855843067 and:0.00487438915297389 period:0.004257124848663807 work:0.003440315369516611 :0.427042156457901 +able:0.3490895926952362 ably:0.22640730440616608 ing:0.06119897961616516 ed:0.024920770898461342 :0.07969842106103897 +in:0.06640257686376572 by:0.06356672197580338 after:0.03883134573698044 when:0.03817855194211006 :0.05087153986096382 +the:0.24392065405845642 a:0.04299566522240639 said:0.03514644503593445 this:0.020399676635861397 :0.11884595453739166 +the:0.14416436851024628 a:0.060811225324869156 his:0.013992524705827236 this:0.012807419523596764 :0.14768429100513458 +the:0.05174773558974266 and:0.04497971013188362 to:0.029781373217701912 The:0.02033403143286705 :0.15803970396518707 +of:0.2811881899833679 and:0.061861924827098846 in:0.039872925728559494 by:0.030062291771173477 :0.035720594227313995 +the:0.07886529713869095 be:0.04109737649559975 make:0.02549249306321144 do:0.020004630088806152 :0.1309908777475357 +the:0.14915892481803894 a:0.1303596794605255 his:0.0907287448644638 up:0.04712677001953125 :0.06233930215239525 +out:0.1026969701051712 the:0.07603677362203598 over:0.0753568634390831 of:0.0744597464799881 :0.03842807561159134 +the:0.1881822794675827 he:0.08176180720329285 they:0.03337281942367554 it:0.03261614218354225 :0.06812533736228943 +of:0.026663094758987427 war:0.019200695678591728 hour:0.01504451222717762 war.:0.014395113103091717 :0.14615167677402496 +for:0.09744595736265182 on:0.050246722996234894 out:0.04941422864794731 by:0.046689361333847046 :0.06755941361188889 +to:0.060164157301187515 not:0.03819650411605835 the:0.023508282378315926 in:0.01247175969183445 :0.15323852002620697 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.12686540186405182 a:0.043305035680532455 his:0.014937402680516243 their:0.01372027862817049 :0.14907947182655334 +and:0.025208286941051483 of:0.023910148069262505 the:0.022740084677934647 in:0.01705838367342949 :0.24925492703914642 +to:0.38122865557670593 in:0.036272428929805756 from:0.034533943980932236 and:0.03295627608895302 :0.03290720656514168 +and:0.2829679846763611 or:0.11595293134450912 the:0.05170217901468277 in:0.021922007203102112 :0.03765621781349182 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +provisions:0.037181537598371506 direction:0.03304610773921013 laws:0.029683992266654968 law:0.014951483346521854 :0.164664164185524 +been:0.1225370466709137 a:0.05489270016551018 to:0.03115704096853733 not:0.03077501617372036 :0.09612341225147247 +port:0.03277774527668953 sult:0.020371459424495697 turn:0.017895806580781937 ports:0.015093387104570866 :0.3989034593105316 +the:0.04962436482310295 make:0.02980661392211914 be:0.025418628007173538 do:0.017596574500203133 :0.1120653972029686 +that:0.287932813167572 of:0.11384841799736023 as:0.04539874941110611 which:0.03873313590884209 :0.043749332427978516 +the:0.40100225806236267 a:0.03748439624905586 this:0.030491691082715988 tho:0.027379928156733513 :0.05058193579316139 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +be:0.25698792934417725 have:0.029092663899064064 complain:0.02392975240945816 not:0.022819431498646736 :0.060665540397167206 +and:0.07428252696990967 of:0.05085323750972748 in:0.025603177025914192 to:0.02066737599670887 :0.15550103783607483 +was:0.14470505714416504 had:0.13513712584972382 would:0.07261236757040024 has:0.05586621165275574 :0.05392933636903763 +of:0.07242443412542343 and:0.07007266581058502 in:0.05683935806155205 is:0.045891448855400085 :0.06339793652296066 +and:0.08841506391763687 of:0.022390011698007584 to:0.019702032208442688 the:0.018124939873814583 :0.23805148899555206 +cision:0.12057714909315109 mand:0.060830987989902496 termination:0.027556326240301132 mands:0.02753567509353161 :0.29921379685401917 +the:0.3289759159088135 this:0.18347489833831787 which:0.04023618623614311 said:0.029928341507911682 :0.09146403521299362 +a:0.06815875321626663 the:0.04489733651280403 not:0.027803532779216766 in:0.01649516448378563 :0.15705691277980804 +the:0.08081518858671188 money:0.04162759706377983 said:0.014529756270349026 a:0.01412157528102398 :0.1636488437652588 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +The:0.11636495590209961 I:0.032629597932100296 A:0.03212935850024223 He:0.03178272023797035 :0.10641924291849136 +of:0.22606037557125092 is:0.0640883520245552 and:0.057107895612716675 was:0.05043485388159752 :0.14243246614933014 +ones:0.02675364352762699 children:0.023481912910938263 more:0.018690451979637146 to:0.013444208540022373 :0.18112608790397644 +a:0.10892137885093689 the:0.07961830496788025 not:0.036237068474292755 to:0.02532261423766613 :0.14692692458629608 +value:0.04664096236228943 cost:0.03517470136284828 amount:0.01462350320070982 service:0.01017651055008173 :0.12875588238239288 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.08924277126789093 in:0.08093076199293137 that:0.07490024715662003 by:0.06800281256437302 :0.06613883376121521 +and:0.044919826090335846 to:0.043357379734516144 was:0.03538501635193825 in:0.03122265636920929 :0.06293562054634094 +of:0.31838032603263855 to:0.165583536028862 and:0.04046967998147011 into:0.032230447977781296 :0.026703305542469025 +the:0.3566714823246002 a:0.02800006978213787 their:0.02019641175866127 his:0.018119405955076218 :0.09922701865434647 +own:0.039711639285087585 mind:0.02713427133858204 opinion,:0.022444089874625206 opinion:0.021266689524054527 :0.16410624980926514 +and:0.0786212831735611 the:0.053681060671806335 that:0.048240188509225845 is:0.0384245403110981 :0.032781243324279785 +the:0.2187017947435379 a:0.04304281249642372 this:0.01723552867770195 any:0.01289578340947628 :0.10971307754516602 +and:0.20702505111694336 the:0.04766789451241493 but:0.036045946180820465 that:0.02858910709619522 :0.06114780902862549 +the:0.25573021173477173 it:0.027347354218363762 they:0.024230122566223145 he:0.01865415833890438 :0.14253489673137665 +the:0.11897649616003036 and:0.07361657172441483 in:0.042940061539411545 a:0.038882024586200714 :0.06830994784832001 +the:0.18073567748069763 of:0.04640098661184311 a:0.02539561130106449 he:0.022001927718520164 :0.09600557386875153 +is:0.2867547273635864 was:0.149093896150589 Is:0.05414784699678421 has:0.040209002792835236 :0.05412304401397705 +the:0.20830810070037842 be:0.023064156994223595 me:0.02023923583328724 him:0.016401397064328194 :0.09630822390317917 +line:0.07381368428468704 center:0.0238336231559515 north:0.023357640951871872 river:0.022789383307099342 :0.14393475651741028 +and:0.04374485835433006 of:0.03984419256448746 to:0.036196425557136536 or:0.028516091406345367 :0.17317067086696625 +the:0.19376921653747559 a:0.057080429047346115 this:0.0251903235912323 his:0.02076440118253231 :0.08285007625818253 +he:0.1612474024295807 they:0.10351024568080902 the:0.07928360253572464 I:0.06969626247882843 :0.06663227081298828 +that:0.14990219473838806 he:0.05929787456989288 to:0.05045695602893829 the:0.03414585441350937 :0.1451583355665207 +the:0.059152889996767044 a:0.025921154767274857 other:0.015099422074854374 that:0.009229102171957493 :0.21327336132526398 +the:0.19067546725273132 a:0.0814916118979454 once:0.02967744693160057 all:0.028321214020252228 :0.14411255717277527 +and:0.09054435044527054 who:0.07171157002449036 in:0.06356759369373322 to:0.046387284994125366 :0.047890350222587585 +the:0.06903956830501556 be:0.05609896406531334 his:0.020911481231451035 make:0.01878410391509533 :0.10380452126264572 +The:0.16464005410671234 It:0.05155855044722557 He:0.044417452067136765 A:0.03132222220301628 :0.09918878227472305 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.059451863169670105 the:0.05426761135458946 to:0.03717953711748123 of:0.024430813267827034 :0.16763028502464294 +wife,:0.07882347702980042 wife:0.013510233722627163 head:0.006782484240829945 family:0.006577299442142248 :0.2953537702560425 +the:0.05618027225136757 and:0.054887060075998306 a:0.02930067852139473 in:0.022265147417783737 :0.07315658032894135 +the:0.21620473265647888 a:0.05832129716873169 his:0.02359975129365921 their:0.023239078000187874 :0.07462340593338013 +a:0.0726439356803894 the:0.041453536599874496 to:0.022616900503635406 no:0.018998829647898674 :0.15269926190376282 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.12414507567882538 of:0.10717760026454926 by:0.024600882083177567 for:0.018512580543756485 :0.049583472311496735 +same:0.012072070501744747 most:0.009311028756201267 said:0.007612369488924742 whole:0.006927624344825745 :0.16400305926799774 +to:0.547820508480072 a:0.019866077229380608 in:0.011998362839221954 as:0.00933191180229187 :0.12689845263957977 +and:0.22429490089416504 of:0.06147126853466034 in:0.0588691346347332 the:0.04116176441311836 :0.02838873863220215 +the:0.18859097361564636 a:0.11328939348459244 his:0.019362524151802063 which:0.01671086810529232 :0.16596859693527222 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +same:0.03825099393725395 right:0.028750479221343994 power:0.010587327182292938 first:0.009463094174861908 :0.1724800318479538 +of:0.020969094708561897 and:0.020406683906912804 is:0.02010236121714115 a:0.014749010093510151 :0.3314630687236786 +and:0.0868942067027092 to:0.07954796403646469 in:0.029140345752239227 the:0.02615291066467762 :0.13408365845680237 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.07149860262870789 the:0.04064536839723587 to:0.020944086834788322 The:0.013959788717329502 :0.16738775372505188 +and:0.04451356455683708 the:0.042501598596572876 to:0.038667231798172 with:0.019452430307865143 :0.1516069769859314 +of:0.6995248198509216 and:0.029363524168729782 to:0.012583252973854542 in:0.01163601502776146 :0.013079244643449783 +min:0.24299372732639313 min.:0.12938128411769867 minutes:0.04743647575378418 mln.:0.045813728123903275 :0.1295795440673828 +and:0.07023541629314423 of:0.01991487480700016 The:0.01972440630197525 in:0.015592631883919239 :0.27861708402633667 +the:0.0717703253030777 to:0.03481351211667061 a:0.028068482875823975 other:0.018180469051003456 :0.09542468935251236 +of:0.7814258337020874 that:0.02670164220035076 and:0.02074948325753212 to:0.016957538202404976 :0.015394316054880619 +and:0.06053023040294647 of:0.036328136920928955 the:0.027704577893018723 in:0.024294143542647362 :0.12804774940013885 +and:0.01395807508379221 Dominion:0.009901419281959534 Point:0.006726900581270456 World:0.005763300694525242 :0.5314805507659912 +of:0.8102282881736755 and:0.01982661709189415 ot:0.013347288593649864 were:0.006674532312899828 :0.014201036654412746 +House:0.26376456022262573 of:0.13048410415649414 House,:0.08627066761255264 for:0.041157979518175125 :0.050618208944797516 +and:0.07588406652212143 of:0.03885054960846901 in:0.018150808289647102 to:0.015872463583946228 :0.22811269760131836 +to:0.4003305733203888 at:0.05660059303045273 by:0.04900971055030823 and:0.04287048801779747 :0.03888089954853058 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +countries:0.020211342722177505 persons:0.020104313269257545 than:0.01606913097202778 parts:0.014511290937662125 :0.14448894560337067 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +the:0.06660860031843185 a:0.02374211512506008 other:0.01097877137362957 of:0.007918515242636204 :0.2200939953327179 +the:0.15182864665985107 a:0.04268534108996391 this:0.012690064497292042 said:0.012665214948356152 :0.18054071068763733 +by:0.07727126032114029 in:0.0730624571442604 to:0.048524290323257446 for:0.04533017799258232 :0.06963662058115005 +of:0.1690317690372467 in:0.09053017199039459 to:0.05413511022925377 and:0.05238492786884308 :0.047125913202762604 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +the:0.13944362103939056 a:0.11975710839033127 his:0.015880007296800613 an:0.015714053064584732 :0.14640818536281586 +the:0.1849527508020401 a:0.07191439718008041 any:0.07043301314115524 their:0.01269645057618618 :0.09565594047307968 +the:0.27523672580718994 he:0.05141283571720123 it:0.04566071182489395 they:0.040803439915180206 :0.03854027017951012 +and:0.07170386612415314 of:0.05190552398562431 the:0.024513201788067818 in:0.020102348178625107 :0.1629388928413391 +to:0.8423405289649963 to.:0.01150867622345686 for:0.009610439650714397 to,:0.009590188041329384 :0.023998890072107315 +when:0.0705074742436409 and:0.05654750019311905 in:0.049501851201057434 to:0.049163416028022766 :0.056841928511857986 +been:0.1966572254896164 a:0.05549009144306183 not:0.04267360270023346 ever:0.032930888235569 :0.05205322057008743 +I:0.10097602009773254 the:0.06685031205415726 that:0.03873695433139801 he:0.03368109464645386 :0.05180051177740097 +the:0.2712174355983734 was:0.03017391264438629 this:0.028921034187078476 it:0.02797912433743477 :0.054373599588871 +of:0.14726191759109497 to:0.11288438737392426 in:0.04739106446504593 for:0.03922661393880844 :0.051429733633995056 +of:0.4943571388721466 and:0.08254528045654297 in:0.023917796090245247 was:0.022766565904021263 :0.0432271882891655 +am:0.07490599900484085 have:0.0726681798696518 was:0.05445774644613266 think:0.03488145396113396 :0.05705158784985542 +of:0.6806798577308655 and:0.09842591732740402 ot:0.016764327883720398 which:0.013705159537494183 :0.012809558771550655 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.11979998648166656 the:0.05857407674193382 which:0.027877504006028175 is:0.02530345693230629 :0.08792662620544434 +the:0.40294671058654785 a:0.05477689206600189 tho:0.023478781804442406 his:0.022200079634785652 :0.08612173795700073 +for:0.11610502004623413 to:0.09962880611419678 of:0.0695628970861435 and:0.05715232342481613 :0.04398617520928383 +and:0.36972346901893616 of:0.11396587640047073 to:0.02233961410820484 in:0.015645617619156837 :0.08178355544805527 +of:0.1636360138654709 on:0.06442559510469437 upon:0.04679330065846443 rate:0.02684144675731659 :0.12028108537197113 +the:0.1276213675737381 he:0.060384370386600494 they:0.048724465072155 you:0.03832178935408592 :0.037220779806375504 +States:0.49575793743133545 States,:0.18300187587738037 States.:0.11009777337312698 Slates:0.013771237805485725 :0.10942719876766205 +to:0.23188628256320953 the:0.09422754496335983 a:0.0459570549428463 by:0.035938289016485214 :0.034738801419734955 +to:0.3410997688770294 of:0.10147154331207275 from:0.05000380426645279 in:0.041553422808647156 :0.06563383340835571 +the:0.3665037453174591 a:0.0712527185678482 his:0.028506722301244736 tho:0.021135613322257996 :0.0591549277305603 +the:0.16340884566307068 a:0.13914132118225098 an:0.018660400062799454 all:0.009593543596565723 :0.12006281316280365 +the:0.21045340597629547 with:0.06775202602148056 him:0.03782867267727852 a:0.03396173566579819 :0.035661038011312485 +May,:0.0833473950624466 April,:0.04520514979958534 the:0.04390218108892441 March,:0.04221765697002411 :0.09877561777830124 +of:0.26893162727355957 that:0.051783252507448196 is:0.042605556547641754 in:0.040281616151332855 :0.04722832515835762 +of:0.035436589270830154 the:0.03059270977973938 and:0.026026243343949318 to:0.022215329110622406 :0.2889288067817688 +and:0.04703395068645477 to:0.02655675821006298 The:0.024293649941682816 of:0.02386040985584259 :0.13530772924423218 +to:0.12720419466495514 and:0.05893868952989578 of:0.013978765346109867 The:0.013562268577516079 :0.18175913393497467 +the:0.07104265689849854 a:0.03106088377535343 to:0.030928974971175194 and:0.025052083656191826 :0.14472073316574097 +time:0.019275547936558723 and:0.01805788092315197 list:0.015009528025984764 run:0.012179367244243622 :0.1513383686542511 +and:0.022175434976816177 H.:0.01850592903792858 C.:0.015639543533325195 W.:0.015146559104323387 :0.4274551570415497 +a:0.19875091314315796 no:0.15482959151268005 the:0.04803299531340599 not:0.030747348442673683 :0.15972071886062622 +and:0.14353077113628387 of:0.13671541213989258 to:0.06450401991605759 that:0.05866188928484917 :0.055019836872816086 +he:0.15933965146541595 that:0.10418834537267685 to:0.0533822663128376 the:0.044098664075136185 :0.07487069815397263 +tered:0.06229909881949425 tirely:0.051819898188114166 titled:0.036091264337301254 gaged:0.029353229328989983 :0.5188480615615845 +was:0.14470505714416504 had:0.13513712584972382 would:0.07261236757040024 has:0.05586621165275574 :0.05392933636903763 +The:0.04042252525687218 It:0.024818014353513718 to:0.022394903004169464 In:0.02046411857008934 :0.18982097506523132 +the:0.15173257887363434 it:0.05271783471107483 he:0.04075567424297333 they:0.0397103875875473 :0.0335843563079834 +the:0.07037873566150665 he:0.05365676432847977 it:0.04934559389948845 I:0.03513273596763611 :0.0509202741086483 +the:0.04445710778236389 and:0.0366801954805851 to:0.023378649726510048 of:0.021085714921355247 :0.1968483030796051 +same:0.013585232198238373 first:0.012981027364730835 city:0.012977709993720055 case:0.009776578284800053 :0.1773841828107834 +not:0.12584617733955383 be:0.08691336959600449 do:0.03031092882156372 he:0.023135872557759285 :0.08668301999568939 +of:0.0943523719906807 ago:0.07097167521715164 ago.:0.060948438942432404 and:0.0570513941347599 :0.08073775470256805 +and:0.02071535773575306 the:0.014116222970187664 way:0.011896124109625816 a:0.006593556143343449 :0.2738068997859955 +the:0.32999512553215027 a:0.036558788269758224 this:0.019754044711589813 tho:0.015680935233831406 :0.10546746104955673 +of:0.1202179566025734 to:0.05858943983912468 and:0.05488470569252968 was:0.033019162714481354 :0.052273962646722794 +and:0.2753516137599945 of:0.18630065023899078 in:0.047050245106220245 to:0.020563973113894463 :0.032851845026016235 +5:0.03005949594080448 7:0.02994384802877903 2:0.02849017269909382 No.:0.028368953615427017 :0.20113953948020935 +said:0.05164860561490059 amount:0.013954767026007175 Board:0.0070933080278337 following:0.006666999310255051 :0.14782272279262543 +and:0.05334562435746193 The:0.028433920815587044 I:0.012767541222274303 A:0.009282438084483147 :0.30125802755355835 +the:0.010301402769982815 a:0.009706289507448673 man:0.00702379085123539 one:0.00543097173795104 :0.3725893199443817 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +is:0.11146953701972961 and:0.07197800278663635 was:0.04135068133473396 in:0.02959319017827511 :0.05609487369656563 +the:0.13593551516532898 a:0.03537110984325409 his:0.015133308246731758 it:0.015117477625608444 :0.12166321277618408 +and:0.028120754286646843 price:0.0038040238432586193 way:0.0027763843536376953 life:0.0026579247787594795 :0.20799772441387177 +the:0.14001089334487915 him:0.09663981944322586 a:0.0897391065955162 her:0.046427562832832336 :0.04667056351900101 +and:0.08496807515621185 the:0.03626713529229164 of:0.028182772919535637 in:0.024477099999785423 :0.21243315935134888 +of:0.17025785148143768 in:0.11336768418550491 and:0.0695062205195427 for:0.041414543986320496 :0.038916051387786865 +little:0.05944885313510895 much:0.05653159320354462 well:0.027058342471718788 soon:0.02675279788672924 :0.14958542585372925 +the:0.15728342533111572 a:0.10510007292032242 it:0.04341597110033035 soon:0.04115064814686775 :0.06681067496538162 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +as:0.07630965113639832 to:0.05768604204058647 and:0.049951255321502686 a:0.04167144373059273 :0.1335121989250183 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.14417116343975067 he:0.05082106590270996 not:0.03651827201247215 they:0.030771492049098015 :0.08115798979997635 +the:0.4219527840614319 a:0.045550499111413956 tho:0.022174011915922165 their:0.02120257541537285 :0.044151246547698975 +the:0.11139003932476044 a:0.013850203715264797 it:0.009708093479275703 to:0.009476704522967339 :0.1269439160823822 +and:0.05651738867163658 to:0.05619673430919647 the:0.02920619398355484 by:0.024878134950995445 :0.16639408469200134 +tain:0.2828541696071625 and:0.02320171520113945 In:0.019621988758444786 in:0.015873536467552185 :0.20852956175804138 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.06243603676557541 and:0.03124147653579712 the:0.031099895015358925 to:0.02866937778890133 :0.160891592502594 +dollars:0.18811863660812378 the:0.06231776624917984 dollars.:0.04872725531458855 dollars,:0.03501326963305473 :0.12973344326019287 +wife,:0.03618200495839119 own:0.019316434860229492 wife:0.016476640477776527 head:0.009530908428132534 :0.19299203157424927 +be:0.2609773278236389 not:0.05542534217238426 he:0.025037290528416634 bo:0.01423274353146553 :0.055837489664554596 +that:0.22885502874851227 the:0.10999374091625214 a:0.04100552201271057 like:0.020153053104877472 :0.0741346925497055 +to:0.08802676200866699 that:0.08021437376737595 for:0.04270727559924126 is:0.0422574058175087 :0.041047848761081696 +Pacific:0.0943637564778328 and:0.0605274960398674 of:0.038614362478256226 Pacific,:0.025113465264439583 :0.11218510568141937 +who:0.35642334818840027 of:0.05117466673254967 which:0.013323456980288029 in:0.013235713355243206 :0.0709976851940155 +and:0.1059061735868454 in:0.041894473135471344 alongside,:0.04119551181793213 to:0.028372345492243767 :0.17058436572551727 +other:0.05139564350247383 of:0.043269626796245575 kind:0.03650795295834541 one:0.028417862951755524 :0.13148681819438934 +of:0.13217362761497498 to:0.0682419165968895 and:0.06757868826389313 is:0.02620978280901909 :0.027370821684598923 +that:0.09712214022874832 it:0.06600384414196014 I:0.051253437995910645 the:0.03906244412064552 :0.08801686763763428 +the:0.04607206583023071 in:0.030457787215709686 of:0.023337077349424362 to:0.022218110039830208 :0.18489214777946472 +of:0.8456122279167175 ot:0.021872488781809807 ol:0.00803887564688921 and:0.005192671902477741 :0.010592752136290073 +the:0.2565126121044159 least:0.0371645949780941 a:0.0251680426299572 this:0.01921798102557659 :0.13797518610954285 +down:0.12309107929468155 out:0.06092692166566849 the:0.05931917950510979 on:0.0328187458217144 :0.11593802273273468 +the:0.303785115480423 a:0.08693524450063705 his:0.027857521548867226 tho:0.0152070801705122 :0.05536189302802086 +the:0.06903956830501556 be:0.05609896406531334 his:0.020911481231451035 make:0.01878410391509533 :0.10380452126264572 +the:0.10148832201957703 and:0.09112071990966797 he:0.042717888951301575 it:0.03335047513246536 :0.054907094687223434 +not:0.08170564472675323 now:0.036142993718385696 glad:0.028757693246006966 to:0.024080336093902588 :0.10223812609910965 +and:0.11158796399831772 to:0.04359013959765434 was:0.028231680393218994 in:0.02535161003470421 :0.08763383328914642 +and:0.12166446447372437 to:0.032846599817276 Block:0.030518436804413795 from:0.024879788979887962 :0.268736332654953 +the:0.1546153873205185 upon:0.07446514815092087 a:0.054591160267591476 to:0.04785405471920967 :0.09412716329097748 +who:0.10731881856918335 were:0.05972101166844368 in:0.03967968747019768 are:0.02854461781680584 :0.08286472409963608 +much:0.17018865048885345 long:0.024981578812003136 many:0.022077366709709167 much.:0.018515409901738167 :0.13964320719242096 +and:0.06474412977695465 to:0.029924169182777405 The:0.02861477993428707 the:0.026468124240636826 :0.1322879046201706 +the:0.17558328807353973 a:0.029920222237706184 said:0.021556410938501358 this:0.017796136438846588 :0.162523090839386 +the:0.25391173362731934 a:0.045478276908397675 his:0.01855878159403801 this:0.012791382148861885 :0.14728949964046478 +Fe:0.06965360790491104 Cruz:0.061523545533418655 Fe,:0.0550004206597805 Clara:0.028150668367743492 :0.4978887438774109 +a:0.1512627899646759 the:0.1288377195596695 such:0.06027103215456009 it:0.037343401461839676 :0.050895534455776215 +was:0.08337639272212982 had:0.04350872337818146 is:0.03765808790922165 has:0.03345349431037903 :0.12556792795658112 +the:0.10358725488185883 of:0.052428048104047775 this:0.04235793650150299 that:0.03309289738535881 :0.08962875604629517 +of:0.554608941078186 and:0.03348633646965027 which:0.023098938167095184 in:0.021957503631711006 :0.046726737171411514 +that:0.13605138659477234 the:0.1351180076599121 of:0.07498946785926819 and:0.04263037443161011 :0.05689399689435959 +be:0.05799732357263565 not:0.03744150698184967 do:0.026731910184025764 make:0.019648117944598198 :0.07878904789686203 +of:0.11835538595914841 and:0.07036447525024414 The:0.029720488935709 to:0.027321191504597664 :0.13769319653511047 +of:0.5782487988471985 than:0.060251154005527496 in:0.05317569524049759 and:0.049087002873420715 :0.023081334307789803 +the:0.11267571896314621 that:0.043204739689826965 a:0.03144227713346481 to:0.030564405024051666 :0.06365392357110977 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +of:0.20302000641822815 were:0.05826772376894951 and:0.04642042517662048 in:0.03303973004221916 :0.046530790627002716 +the:0.14508289098739624 a:0.025291860103607178 to:0.018949035555124283 in:0.01345107052475214 :0.13285785913467407 +made:0.035055749118328094 the:0.031753696501255035 a:0.023337220773100853 taken:0.013084609061479568 :0.06786978244781494 +the:0.18528372049331665 be:0.08718300610780716 have:0.014508862979710102 make:0.011956935748457909 :0.14626196026802063 +purposes:0.1307443231344223 purposes.:0.08595804125070572 purposes,:0.03796969726681709 and:0.01920371502637863 :0.11744797229766846 +are:0.10547949373722076 have:0.07946647703647614 were:0.06373827159404755 had:0.052956726402044296 :0.0942884311079979 +and:0.08256234973669052 of:0.06827607750892639 as:0.023901326581835747 to:0.022437741979956627 :0.117467500269413 +and:0.16574595868587494 the:0.08917650580406189 in:0.038279369473457336 that:0.03301965817809105 :0.031009823083877563 +the:0.1516013890504837 a:0.06513839960098267 this:0.011149643920361996 an:0.010140152648091316 :0.1891860067844391 +and:0.12674742937088013 the:0.030615413561463356 with:0.021568182855844498 who:0.017185095697641373 :0.21378286182880402 +the:0.20975494384765625 a:0.034640464931726456 tho:0.009775032289326191 this:0.009409204125404358 :0.2116258442401886 +been:0.11680389195680618 the:0.051957953721284866 a:0.0338725671172142 not:0.031403787434101105 :0.08634532988071442 +the:0.14253196120262146 to:0.05058852583169937 and:0.03611620143055916 him:0.02052118629217148 :0.05654888227581978 +the:0.2045731097459793 a:0.04723981022834778 this:0.031287167221307755 tho:0.021378561854362488 :0.1520950198173523 +is:0.2836778461933136 was:0.14617128670215607 Is:0.059683095663785934 has:0.04191187396645546 :0.05975716933608055 +the:0.10560265928506851 is:0.030292661860585213 a:0.02767314203083515 he:0.02526123635470867 :0.08069396018981934 +the:0.15215228497982025 which:0.019052471965551376 this:0.01230528298765421 said:0.010865652933716774 :0.20080333948135376 +know:0.06265963613986969 the:0.06157930567860603 of:0.05454401299357414 know,:0.04277829825878143 :0.09558282047510147 +in:0.04430268704891205 and:0.03559091314673424 at:0.02236539125442505 to:0.019740983843803406 :0.15678910911083221 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +.:0.01744440756738186 d:0.01676357351243496 e:0.01572350412607193 y:0.01567300595343113 :0.288582980632782 +the:0.2554343044757843 a:0.052381135523319244 his:0.018592527136206627 tho:0.013692053966224194 :0.1492433398962021 +and:0.06760724633932114 to:0.05165400356054306 for:0.025507517158985138 in:0.020870422944426537 :0.1265445351600647 +and:0.07313369959592819 of:0.029176589101552963 the:0.01658129319548607 to:0.015715744346380234 :0.1999908983707428 +the:0.10752249509096146 that:0.04149946942925453 and:0.026343688368797302 a:0.025318017229437828 :0.1278328001499176 +cent:0.240910142660141 cent,:0.15659064054489136 cent.:0.10561691969633102 centum:0.020559605211019516 :0.10677260905504227 +and:0.06809037923812866 of:0.02346523106098175 The:0.022157734259963036 the:0.019991476088762283 :0.1659383922815323 +the:0.18764926493167877 a:0.06680699437856674 this:0.024570979177951813 such:0.014977198094129562 :0.12160941958427429 +and:0.1028042808175087 of:0.042547278106212616 in:0.024033093824982643 the:0.016869230195879936 :0.19122673571109772 +own:0.02498718537390232 mind:0.017277564853429794 heart:0.014670581556856632 way:0.013962574303150177 :0.14640724658966064 +in:0.08977340906858444 and:0.0384889654815197 at:0.03240314498543739 by:0.025025097653269768 :0.13694915175437927 +of:0.4685995280742645 and:0.058542098850011826 that:0.03980521112680435 for:0.025013480335474014 :0.024244070053100586 +to:0.5551623702049255 of:0.19437062740325928 in:0.023135559633374214 that:0.01556272804737091 :0.025455718860030174 +and:0.03679397329688072 in:0.006416982971131802 life:0.005965574644505978 law:0.005386115051805973 :0.19857822358608246 +The:0.100333571434021 It:0.040843382477760315 He:0.03858339041471481 I:0.03791653364896774 :0.06346924602985382 +who:0.3033544421195984 of:0.01890953816473484 whose:0.010878875851631165 in:0.01007071416825056 :0.10852823406457901 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +of:0.060112014412879944 and:0.05789463594555855 the:0.021353289484977722 in:0.020336193963885307 :0.18926295638084412 +to:0.5853121280670166 the:0.042525630444288254 by:0.038798850029706955 from:0.02521263062953949 :0.024588579311966896 +be:0.31433919072151184 exceed:0.07623589038848877 have:0.030880695208907127 apply:0.029393207281827927 :0.045586396008729935 +was:0.07441375404596329 is:0.07351037114858627 and:0.04760536551475525 of:0.032296404242515564 :0.07669572532176971 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +and:0.1011999174952507 of:0.07115276902914047 in:0.03351682797074318 the:0.028981180861592293 :0.05067327991127968 +funeral:0.06324167549610138 funeral,:0.019109860062599182 meeting:0.018511531874537468 same:0.010379801504313946 :0.19995974004268646 +the:0.06022629514336586 North:0.05259035900235176 Minnesota,:0.045975103974342346 affairs:0.04273829609155655 :0.12504123151302338 +the:0.33706432580947876 War:0.0662195086479187 State:0.06381824612617493 War,:0.05277225747704506 :0.09672624617815018 +of:0.0512399859726429 and:0.039942417293787 the:0.023859072476625443 in:0.016086427494883537 :0.23228460550308228 +the:0.19753748178482056 a:0.028335971757769585 his:0.024979455396533012 their:0.021806659176945686 :0.14262768626213074 +the:0.2895038425922394 which:0.03614805266261101 this:0.029398895800113678 a:0.024870896711945534 :0.09393296390771866 +been:0.35062456130981445 a:0.050483811646699905 to:0.03515251725912094 boon:0.019710306078195572 :0.06794984638690948 +and:0.26286888122558594 in:0.02234502136707306 or:0.020368358120322227 to:0.014850502833724022 :0.12461328506469727 +the:0.4058046042919159 them:0.08327887207269669 these:0.036129429936409 our:0.035254694521427155 :0.04334323853254318 +the:0.2328631430864334 a:0.03585831820964813 work:0.016781102865934372 his:0.014936912804841995 :0.1288330852985382 +and:0.13779789209365845 but:0.05553000792860985 the:0.050072770565748215 a:0.02651369757950306 :0.09756577014923096 +of:0.5680663585662842 and:0.029158050194382668 was:0.021811071783304214 to:0.017977667972445488 :0.03192301467061043 +own:0.026312939822673798 great:0.005628270097076893 kind:0.00539973471313715 most:0.0044264704920351505 :0.2576349079608917 +and:0.0868942067027092 to:0.07954796403646469 in:0.029140345752239227 the:0.02615291066467762 :0.13408365845680237 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.19097162783145905 the:0.0465787798166275 who:0.04544224217534065 but:0.03557010740041733 :0.06515548378229141 +the:0.21360324323177338 a:0.061760131269693375 which:0.023515691980719566 this:0.02074766717851162 :0.16993434727191925 +be:0.8171921968460083 not:0.028145963326096535 bo:0.02632901258766651 have:0.01708216220140457 :0.018378116190433502 +is:0.1706904172897339 was:0.1290082484483719 are:0.11152967810630798 were:0.06314719468355179 :0.04887554422020912 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.16370047628879547 laws:0.029653891921043396 a:0.021316956728696823 that:0.018414301797747612 :0.10488034784793854 +the:0.0708450973033905 and:0.03574959188699722 The:0.03093329817056656 to:0.025980589911341667 :0.16712549328804016 +is:0.05314382538199425 year:0.04047635197639465 country:0.02348422072827816 was:0.021425532177090645 :0.1157875657081604 +to:0.07947249710559845 and:0.034406956285238266 in:0.02127922885119915 In:0.017471585422754288 :0.13431088626384735 +and:0.15538209676742554 the:0.09985673427581787 to:0.037096381187438965 in:0.03425100818276405 :0.04615084081888199 +fact:0.021119993180036545 shadow:0.00844600796699524 matter:0.006106824614107609 question:0.005587476771324873 :0.22638989984989166 +in:0.08461204171180725 and:0.059335216879844666 of:0.04565175995230675 to:0.0413779579102993 :0.07766330242156982 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +the:0.05309902876615524 for:0.037094611674547195 to:0.03267727419734001 and:0.03136930987238884 :0.12598882615566254 +to:0.14127033948898315 the:0.08401637524366379 a:0.03643987327814102 at:0.014806881546974182 :0.12867480516433716 +the:0.29268383979797363 this:0.034855134785175323 which:0.02743169292807579 a:0.026348568499088287 :0.10296914726495743 +of:0.3468165397644043 and:0.0638716071844101 was:0.04089619219303131 is:0.028784219175577164 :0.05079065263271332 +a:0.036827683448791504 the:0.021103739738464355 able:0.020132923498749733 made:0.016692593693733215 :0.1817682385444641 +of:0.09315077215433121 and:0.07157773524522781 on:0.059919729828834534 in:0.056751854717731476 :0.042610540986061096 +of:0.7051776647567749 for:0.06941182166337967 and:0.02125699073076248 to:0.009932239539921284 :0.0164895448833704 +cept:0.0897940844297409 plained:0.0291304849088192 penses:0.016937648877501488 amination:0.01473448146134615 :0.4470236897468567 +of:0.8727743625640869 ot:0.020984651520848274 ol:0.0061159939505159855 and:0.005586080253124237 :0.00737727340310812 +I:0.08068446815013885 the:0.06474301218986511 it:0.04110167920589447 he:0.03560150787234306 :0.06189708411693573 +the:0.1236080676317215 a:0.1073085367679596 to:0.041565969586372375 not:0.02395419217646122 :0.07920495420694351 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +own:0.01921035163104534 husband:0.018545977771282196 mother:0.017520340159535408 husband,:0.01355862058699131 :0.2044685184955597 +the:0.1899501532316208 to:0.031325291842222214 all:0.027728863060474396 not:0.021472062915563583 :0.16219274699687958 +and:0.03884714096784592 of:0.027826551347970963 J.:0.0096336854621768 W.:0.009149775840342045 :0.3767591714859009 +the:0.18387338519096375 a:0.04673555865883827 this:0.04203072190284729 order:0.025921301916241646 :0.0939243957400322 +and:0.06055096909403801 the:0.030006688088178635 with:0.02425234019756317 to:0.023804113268852234 :0.22046400606632233 +the:0.7252050638198853 tho:0.03213074058294296 his:0.01890869438648224 their:0.017201263457536697 :0.0165573563426733 +the:0.26289889216423035 a:0.08061429113149643 their:0.017020922154188156 tho:0.013690920546650887 :0.07754813134670258 +good:0.022972675040364265 great:0.018888847902417183 little:0.013849921524524689 very:0.00954645685851574 :0.16308359801769257 +the:0.07284940034151077 more:0.04289260134100914 a:0.02258468046784401 any:0.01978197507560253 :0.1800505518913269 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +thing:0.021811863407492638 way:0.021069517359137535 manner:0.018310874700546265 course:0.012136808596551418 :0.1532057821750641 +and:0.07166583091020584 The:0.019450534135103226 to:0.01705934666097164 the:0.015962522476911545 :0.1718333512544632 +the:0.15728342533111572 a:0.10510007292032242 it:0.04341597110033035 soon:0.04115064814686775 :0.06681067496538162 +same:0.006699069868773222 other:0.006123943720012903 old:0.004319225903600454 first:0.0041296579875051975 :0.19363898038864136 +to:0.10627724230289459 by:0.08629918843507767 and:0.05494824796915054 for:0.04893823340535164 :0.09865999966859818 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.0794910416007042 to:0.050647687166929245 by:0.03904310613870621 in:0.023251105099916458 :0.1463373601436615 +in:0.07795528322458267 noon:0.07750779390335083 a.:0.07264648377895355 p.:0.06415268033742905 :0.06521762162446976 +the:0.308261513710022 a:0.06400154531002045 this:0.023693567141890526 his:0.021754324436187744 :0.07252760976552963 +a:0.04905365779995918 every:0.046153001487255096 as:0.03994763642549515 to:0.03342888504266739 :0.22938895225524902 +be:0.2960226535797119 have:0.032838255167007446 get:0.021356843411922455 not:0.018951086327433586 :0.13222648203372955 +ister:0.21987155079841614 ing:0.11340847611427307 ute:0.07442600280046463 eral:0.059205565601587296 :0.30075111985206604 +to:0.1182953268289566 a:0.043267060071229935 and:0.02445956878364086 one:0.017261264845728874 :0.1661522388458252 +the:0.07109260559082031 a:0.011700187809765339 that:0.007047961000353098 to:0.006053019780665636 :0.14921395480632782 +Pierce,:0.014835610054433346 A:0.013406340964138508 The:0.013401763513684273 and:0.008348560892045498 :0.4175103008747101 +to:0.21531282365322113 of:0.13900282979011536 the:0.04234461113810539 is:0.03753836452960968 :0.047518134117126465 +the:0.05029891058802605 sell:0.034746866673231125 to:0.01894964464008808 decree:0.01594199799001217 :0.13808272778987885 +of:0.07504148781299591 possible:0.031217312440276146 one:0.014691977761685848 to:0.00968928262591362 :0.16573552787303925 +the:0.2147543728351593 in:0.06812451034784317 and:0.051951389759778976 at:0.039712999016046524 :0.05270606651902199 +few:0.026442648842930794 moment:0.014067880809307098 long:0.01184801384806633 good:0.01046086847782135 :0.21669606864452362 +the:0.16462677717208862 a:0.06387672573328018 one:0.021810676902532578 ten:0.017335645854473114 :0.22519893944263458 +and:0.06389378756284714 the:0.03819422423839569 to:0.023026365786790848 in:0.017869330942630768 :0.15601280331611633 +and:0.0794910416007042 to:0.050647687166929245 by:0.03904310613870621 in:0.023251105099916458 :0.1463373601436615 +the:0.3424280285835266 a:0.08259397000074387 this:0.019688798114657402 their:0.017232662066817284 :0.08923722058534622 +the:0.12105365842580795 to:0.0244135782122612 that:0.017243141308426857 a:0.016547804698348045 :0.11821094900369644 +chopped:0.022346269339323044 and:0.014562060125172138 the:0.011970197781920433 in:0.009734745137393475 :0.3406934440135956 +District,:0.13416238129138947 District:0.13018691539764404 Dis­:0.027668587863445282 District.:0.015872877091169357 :0.23454783856868744 +and:0.027689442038536072 the:0.027302362024784088 of:0.02152436226606369 in:0.017878608778119087 :0.2012987583875656 +of:0.21149343252182007 and:0.05868736281991005 the:0.02744179591536522 in:0.021655995398759842 :0.06831882148981094 +thing:0.021811863407492638 way:0.021069517359137535 manner:0.018310874700546265 course:0.012136808596551418 :0.1532057821750641 +and:0.04992767423391342 the:0.04461323842406273 The:0.016351008787751198 ing:0.01553051732480526 :0.1560979187488556 +the:0.08639764785766602 a:0.02298491820693016 that:0.01654631644487381 I:0.014264094643294811 :0.1219567283987999 +a:0.07293675094842911 to:0.0627492293715477 the:0.04190162941813469 not:0.038514766842126846 :0.1475362777709961 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +The:0.16864198446273804 It:0.0598270483314991 He:0.04064886271953583 I:0.034645501524209976 :0.11022878438234329 +the:0.302903950214386 his:0.021880468353629112 a:0.02080933004617691 be:0.018861060962080956 :0.10645369440317154 +of:0.16632328927516937 the:0.09385500103235245 in:0.034155406057834625 was:0.026405926793813705 :0.08592782914638519 +of:0.407148152589798 and:0.03302451968193054 in:0.027772674337029457 that:0.019213952124118805 :0.08527213335037231 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +of:0.23881839215755463 in:0.0771985873579979 to:0.05271504446864128 and:0.03221644088625908 :0.04908503219485283 +not:0.04164895787835121 made:0.024571813642978668 to:0.022445645183324814 the:0.019739743322134018 :0.1398298144340515 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +The:0.12315502017736435 It:0.05467170849442482 He:0.02748165652155876 A:0.026464853435754776 :0.15340197086334229 +the:0.15881586074829102 it:0.06963151693344116 they:0.04807277396321297 or:0.04729701578617096 :0.0889081358909607 +own:0.04411210119724274 respective:0.010962705127894878 own.:0.004438356030732393 lives.:0.003734826808795333 :0.23696359992027283 +same:0.0112684965133667 most:0.011113675311207771 whole:0.00871661864221096 people:0.006860203575342894 :0.15720435976982117 +of:0.5507940053939819 and:0.034261103719472885 with:0.016063004732131958 in:0.014362728223204613 :0.036811016499996185 +are:0.08934995532035828 have:0.07822192460298538 will:0.05898645520210266 were:0.04510769620537758 :0.07772161066532135 +been:0.3563385605812073 to:0.03902668505907059 a:0.03194688260555267 the:0.01409277692437172 :0.06877973675727844 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +The:0.1375083327293396 It:0.0437193363904953 He:0.04003997892141342 I:0.03624199330806732 :0.20174553990364075 +to:0.05822913348674774 the:0.05183146148920059 and:0.032778624445199966 a:0.02047363854944706 :0.14508557319641113 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +and:0.32431989908218384 in:0.05195561796426773 is:0.04050875082612038 was:0.03827325999736786 :0.05552912503480911 +the:0.2463965266942978 a:0.04012490436434746 any:0.02511988766491413 once:0.023552749305963516 :0.14005126059055328 +and:0.0486438162624836 the:0.044703103601932526 of:0.035441622138023376 to:0.020846502855420113 :0.1867225617170334 +a:0.18937812745571136 as:0.1574135571718216 an:0.044272277504205704 other:0.00874135922640562 :0.13343565165996552 +of:0.7376429438591003 for:0.04360697418451309 and:0.02175709418952465 ot:0.012226682156324387 :0.011474027298390865 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +mortgage:0.052530981600284576 mortgage,:0.018950264900922775 that:0.015254480764269829 county:0.01231406256556511 :0.1405726820230484 +the:0.11086485534906387 a:0.07149047404527664 him:0.0571538470685482 them:0.04485847428441048 :0.05123286694288254 +as:0.20255649089813232 in:0.056909024715423584 and:0.05402762442827225 by:0.0480845607817173 :0.030206851661205292 +own:0.013939537107944489 and:0.00789294671267271 life:0.004024139605462551 former:0.0038978829979896545 :0.5051394104957581 +Dewey:0.06995981186628342 Sampson:0.02487560734152794 and:0.0248080063611269 Schley:0.01229953020811081 :0.49958691000938416 +and:0.1080322191119194 by:0.04315006360411644 the:0.022581562399864197 in:0.014421592466533184 :0.24669520556926727 +have:0.06533169001340866 are:0.062382280826568604 were:0.055035773664712906 will:0.04621322453022003 :0.10766378045082092 +the:0.30588462948799133 a:0.02749195322394371 tho:0.019341859966516495 his:0.01624324731528759 :0.08362217247486115 +the:0.21448589861392975 a:0.04596078768372536 this:0.02530771866440773 his:0.015290172770619392 :0.08727840334177017 +first:0.014328613877296448 only:0.009588660672307014 following:0.00933836493641138 second:0.00720088928937912 :0.1286281943321228 +the:0.2518847584724426 a:0.05202636122703552 his:0.017207292839884758 tho:0.012675260193645954 :0.15062418580055237 +the:0.0404963418841362 and:0.03183767944574356 to:0.02172422595322132 of:0.01611439511179924 :0.1760554164648056 +the:0.29521799087524414 a:0.05970116704702377 his:0.03814973309636116 this:0.01666729897260666 :0.05865876376628876 +like:0.05477854982018471 of:0.040979884564876556 but:0.03860577195882797 that:0.03645577281713486 :0.11327873170375824 +the:0.0566573329269886 and:0.035564713180065155 be:0.03207826241850853 to:0.02390211448073387 :0.13512638211250305 +not:0.06083989888429642 the:0.023803148418664932 very:0.015427535399794579 in:0.014676772989332676 :0.150489941239357 +of:0.1352790892124176 and:0.04832310229539871 to:0.017215460538864136 the:0.011583392508327961 :0.19328036904335022 +the:0.227983295917511 a:0.13018156588077545 his:0.018293438479304314 their:0.014957820996642113 :0.14357756078243256 +of:0.05924958363175392 and:0.05451503023505211 to:0.05056602135300636 the:0.03223607316613197 :0.10707615315914154 +to:0.17486055195331573 from:0.061598844826221466 in:0.05019935965538025 out:0.04188956692814827 :0.040045514702796936 +afternoon:0.10786933451890945 morning:0.09340856969356537 in:0.06244957447052002 and:0.05695861950516701 :0.05429685488343239 +the:0.328204870223999 this:0.051205042749643326 a:0.02925587259232998 that:0.027062537148594856 :0.16063536703586578 +be:0.43592143058776855 have:0.060053322464227676 not:0.030365992337465286 bo:0.021831853315234184 :0.06696006655693054 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +that:0.057555221021175385 to:0.050965823233127594 and:0.047705426812171936 the:0.04320148751139641 :0.09895268082618713 +the:0.12360645085573196 a:0.03130755200982094 then:0.021161658689379692 that:0.01857001706957817 :0.10524678975343704 +and:0.14099468290805817 the:0.03966527059674263 but:0.02843678742647171 in:0.016756590455770493 :0.08466081321239471 +of:0.05432162433862686 and:0.026899542659521103 claims:0.024198047816753387 to:0.020688144490122795 :0.10691677778959274 +and:0.027374617755413055 career:0.019486676901578903 life:0.018380139023065567 friends:0.017322052270174026 :0.2091882824897766 +the:0.15215228497982025 which:0.019052471965551376 this:0.01230528298765421 said:0.010865652933716774 :0.20080333948135376 +have:0.11547946184873581 are:0.05935778468847275 can:0.026463979855179787 do:0.024454718455672264 :0.07399248331785202 +and:0.06482064723968506 in:0.04801188036799431 of:0.030980875715613365 that:0.02905418537557125 :0.0587918758392334 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +and:0.08351217210292816 for:0.06285397708415985 in:0.05174708738923073 to:0.039252541959285736 :0.1443566530942917 +the:0.2536894977092743 a:0.0366755835711956 which:0.020386716350913048 tho:0.02024812623858452 :0.1691989004611969 +and:0.05755026265978813 of:0.052007611840963364 to:0.02673521637916565 the:0.026274895295500755 :0.18557897210121155 +date:0.008520219475030899 United:0.008137640543282032 time:0.00669322581961751 day:0.006416283547878265 :0.18612447381019592 +the:0.26252347230911255 a:0.07255129516124725 his:0.019648615270853043 all:0.019318118691444397 :0.07247910648584366 +of:0.2735787034034729 in:0.10905992984771729 for:0.05178720876574516 to:0.051740262657403946 :0.050325240939855576 +not:0.04541261866688728 now:0.03759089112281799 the:0.028101807460188866 to:0.0233274158090353 :0.10124209523200989 +to:0.3266901671886444 in:0.0636826679110527 of:0.050992704927921295 for:0.03806887939572334 :0.03156565874814987 +the:0.05412149056792259 branches:0.03459852933883667 cases:0.025659648701548576 Houses:0.025472557172179222 :0.14015579223632812 +with:0.11278857290744781 to:0.044862158596515656 north:0.03681890666484833 south:0.03268428146839142 :0.2559266686439514 +the:0.3029346168041229 a:0.030890239402651787 this:0.02496788091957569 all:0.02269849367439747 :0.18088145554065704 +to:0.13460645079612732 in:0.11966051161289215 by:0.05498674511909485 at:0.048967618495225906 :0.049228403717279434 +the:0.3423571288585663 his:0.0498545803129673 her:0.030149729922413826 a:0.026710722595453262 :0.06578091531991959 +man:0.009333095513284206 first:0.008432809263467789 same:0.007458866573870182 men:0.006868079304695129 :0.18435433506965637 +United:0.01328139379620552 State:0.009544115513563156 said:0.005746869370341301 most:0.005404171999543905 :0.27079474925994873 +and:0.037476714700460434 the:0.017666738480329514 of:0.013145750388503075 to:0.011990214698016644 :0.20069238543510437 +seat:0.01729392074048519 little:0.012853949330747128 long:0.011447531171143055 place:0.010732813738286495 :0.147973895072937 +first:0.03582489490509033 service:0.023993780836462975 passage:0.018554843962192535 expiration:0.014900828711688519 :0.16801485419273376 +the:0.2960452437400818 that:0.08443664014339447 a:0.051248762756586075 what:0.047695010900497437 :0.03689483180642128 +and:0.02723098360002041 of:0.010230827145278454 to:0.00918745156377554 the:0.009108050726354122 :0.22967009246349335 +The:0.09159983694553375 It:0.03382480889558792 He:0.03012615256011486 I:0.027338575571775436 :0.09428903460502625 +the:0.25932395458221436 a:0.0894375890493393 this:0.026694586500525475 his:0.022873006761074066 :0.0763050839304924 +and:0.18112438917160034 of:0.09237955510616302 to:0.07844892889261246 in:0.06446123123168945 :0.08460764586925507 +C:0.027803709730505943 .:0.01086787972599268 1915,:0.0107742790132761 A:0.010202809236943722 :0.3129352629184723 +d:0.10286503285169601 the:0.05257229134440422 a:0.01660114713013172 to:0.009791716933250427 :0.3149195909500122 +W.:0.0303132813423872 W:0.02227901853621006 E.:0.020937688648700714 J.:0.018571386113762856 :0.38689371943473816 +of:0.12196390330791473 in:0.05639698728919029 have:0.038368914276361465 to:0.034890398383140564 :0.07070856541395187 +the:0.24760298430919647 a:0.05283723399043083 his:0.018059056252241135 tho:0.015208590775728226 :0.11878042668104172 +of:0.29950740933418274 from:0.04288715496659279 and:0.03281349316239357 to:0.02218163199722767 :0.17292115092277527 +of:0.192066490650177 and:0.04695796221494675 that:0.02558835782110691 board:0.022355351597070694 :0.06280814856290817 +valorem:0.1160193607211113 ministration:0.10592453181743622 vantage:0.06571242213249207 vantages:0.0391833521425724 :0.2875909209251404 +the:0.2801136076450348 a:0.02576054260134697 this:0.02025016024708748 tho:0.013246921822428703 :0.19605401158332825 +a:0.13875380158424377 the:0.09175492823123932 as:0.06923449784517288 in:0.04938328638672829 :0.04926709458231926 +sume:0.24029511213302612 sist:0.08376946300268173 tain:0.01671908050775528 ter:0.012095466256141663 :0.29709577560424805 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +one:0.0738690122961998 more:0.03187265247106552 other:0.022242993116378784 such:0.021449754014611244 :0.21449661254882812 +deal:0.10813666880130768 many:0.039123255759477615 thing:0.024324219673871994 and:0.014346479438245296 :0.15359561145305634 +the:0.19199876487255096 a:0.0378585085272789 this:0.02845323272049427 tho:0.018796849995851517 :0.12115485221147537 +The:0.17000171542167664 He:0.035965919494628906 It:0.03193243592977524 There:0.02880745381116867 :0.06531704217195511 +be:0.3150928020477295 have:0.048414357006549835 not:0.027264133095741272 bo:0.02271736040711403 :0.1065594032406807 +the:0.18377543985843658 fact,:0.05812535434961319 a:0.056348640471696854 this:0.051537107676267624 :0.07953773438930511 +been:0.26497504115104675 not:0.04884786903858185 a:0.03344185650348663 no:0.01224514003843069 :0.08224233239889145 +The:0.15518790483474731 It:0.05017366260290146 In:0.030620526522397995 A:0.03011098876595497 :0.08051174134016037 +the:0.2841855585575104 a:0.03293394669890404 reason:0.029741480946540833 this:0.01898566074669361 :0.08029720187187195 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.031753793358802795 the:0.03152695298194885 of:0.02342929132282734 was:0.019350910559296608 :0.22259895503520966 +the:0.16452062129974365 he:0.07951133698225021 they:0.06450991332530975 it:0.05735941231250763 :0.043224770575761795 +The:0.1932467818260193 It:0.045540113002061844 A:0.038369014859199524 There:0.028264906257390976 :0.10916943848133087 +and:0.04162566363811493 was:0.023552175611257553 is:0.023106643930077553 the:0.019756579771637917 :0.20298579335212708 +been:0.29973840713500977 not:0.026701712980866432 the:0.024520553648471832 taken:0.021574579179286957 :0.058826345950365067 +a:0.06630861759185791 not:0.061363451182842255 the:0.05364001542329788 to:0.017353583127260208 :0.10260779410600662 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.4679614007472992 a:0.05380270630121231 this:0.024341538548469543 tho:0.01950804516673088 :0.07177706807851791 +the:0.25685903429985046 that:0.027031412348151207 of:0.024285733699798584 a:0.020148592069745064 :0.20421066880226135 +the:0.06254741549491882 a:0.011542216874659061 that:0.010879721492528915 he:0.009061897173523903 :0.3084714114665985 +to:0.1412387639284134 and:0.12029366940259933 on:0.07480038702487946 the:0.028557363897562027 :0.10697523504495621 +and:0.07737273722887039 of:0.017347056418657303 .:0.01702914386987686 was:0.015885038301348686 :0.35626789927482605 +the:0.04830034449696541 a:0.04315425083041191 not:0.03970685601234436 to:0.02916591428220272 :0.10154176503419876 +and:0.1283455789089203 to:0.033106762915849686 in:0.015807554125785828 for:0.012507671490311623 :0.2566643953323364 +tended:0.04363609477877617 creased:0.010781893506646156 to:0.01058641355484724 -:0.009953510016202927 :0.5454651117324829 +that:0.16654951870441437 the:0.1220410093665123 a:0.04817967116832733 it:0.04660564288496971 :0.040132176131010056 +other:0.056653112173080444 one:0.056619785726070404 of:0.04511047899723053 person:0.029164984822273254 :0.13476411998271942 +the:0.21840432286262512 a:0.07276038080453873 and:0.03915027156472206 that:0.018885038793087006 :0.07719522714614868 +to:0.02196016162633896 the:0.0207731481641531 a:0.018183350563049316 down:0.017095521092414856 :0.16315869987010956 +have:0.05564379319548607 are:0.053431425243616104 is:0.04101904109120369 the:0.03186357766389847 :0.07085144519805908 +hundred:0.10051259398460388 per:0.09614849090576172 years:0.05104586482048035 minutes:0.04171062633395195 :0.08138849586248398 +the:0.2860870659351349 a:0.03218430280685425 this:0.027100838720798492 which:0.02166830003261566 :0.07978185266256332 +of:0.1395936757326126 and:0.11019254475831985 in:0.10964510589838028 that:0.06037689372897148 :0.045850079506635666 +and:0.2694908380508423 of:0.060315463691949844 to:0.05325280502438545 in:0.04420357197523117 :0.053957898169755936 +to:0.4918930232524872 the:0.06543780863285065 a:0.025671297684311867 any:0.024273939430713654 :0.028538888320326805 +to:0.12720419466495514 and:0.05893868952989578 of:0.013978765346109867 The:0.013562268577516079 :0.18175913393497467 +the:0.5240859389305115 a:0.042104631662368774 this:0.029324768111109734 his:0.02299775555729866 :0.07885325700044632 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +a:0.12668001651763916 an:0.03066096641123295 resale:0.018560707569122314 sale:0.01565805822610855 :0.15547022223472595 +the:0.3229716718196869 a:0.07298658043146133 Mr.:0.017906202003359795 tho:0.01701333373785019 :0.1138930395245552 +to:0.0874306857585907 the:0.06584298610687256 a:0.04542790353298187 not:0.0407782681286335 :0.10276937484741211 +and:0.041127342730760574 in:0.03191065788269043 the:0.029405061155557632 so:0.021177973598241806 :0.18146871030330658 +time:0.04156280681490898 condition:0.01823098585009575 time,:0.016372399404644966 time.:0.014106830582022667 :0.1091386079788208 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +DISTRICT:0.21902695298194885 COUNTY:0.00305464887060225 STATE:0.0016464142827317119 part:0.0011166469193995 :0.7277454137802124 +good:0.018771624192595482 great:0.01845475472509861 few:0.010989313945174217 little:0.010970964096486568 :0.1636224091053009 +the:0.25468266010284424 a:0.03436862677335739 to:0.019863680005073547 this:0.01745198853313923 :0.09958378225564957 +and:0.061308328062295914 as:0.04297850653529167 to:0.03251880779862404 the:0.02825506404042244 :0.1291114091873169 +mortgage:0.03486073762178421 County:0.014469009824097157 John:0.012604025192558765 James:0.009327806532382965 :0.15688163042068481 +the:0.48958972096443176 a:0.023834168910980225 tho:0.019550597295165062 said:0.015497655607759953 :0.07131784409284592 +the:0.4528491199016571 a:0.12582194805145264 his:0.030767522752285004 tho:0.02126729115843773 :0.06059675291180611 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +in:0.4332795739173889 at:0.07111992686986923 by:0.055444009602069855 In:0.05342378839850426 :0.038757387548685074 +sum:0.02743670344352722 same:0.014625280164182186 whole:0.013442819938063622 property:0.011879212222993374 :0.14300817251205444 +to:0.24597406387329102 in:0.08700134605169296 and:0.03637167438864708 by:0.025404272601008415 :0.037736035883426666 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +than:0.42006856203079224 or:0.024561895057559013 and:0.014331936836242676 of:0.014142369851469994 :0.11463094502687454 +few:0.09468217194080353 year:0.07043176144361496 two:0.05210655555129051 three:0.042040061205625534 :0.07238968461751938 +.:0.01744440756738186 d:0.01676357351243496 e:0.01572350412607193 y:0.01567300595343113 :0.288582980632782 +the:0.09410102665424347 to:0.07705346494913101 much:0.055562958121299744 he:0.05252431333065033 :0.0420771986246109 +been:0.21030887961387634 a:0.041931457817554474 not:0.03682588413357735 the:0.027401845902204514 :0.05810957029461861 +that:0.2494320124387741 to:0.24385413527488708 by:0.08385403454303741 the:0.04435209184885025 :0.04128569737076759 +lot:0.02140873670578003 mortgage:0.021078843623399734 Court,:0.018072711303830147 county:0.01616648957133293 :0.15376237034797668 +part:0.091539666056633 days:0.06527552008628845 in:0.021340221166610718 morning:0.019678667187690735 :0.1256515234708786 +the:0.058653950691223145 to:0.05678969994187355 and:0.02968996949493885 a:0.02194543369114399 :0.1714627742767334 +wife:0.03890116140246391 friends:0.014383111149072647 family:0.01307716965675354 wife,:0.012853448279201984 :0.16733230650424957 +and:0.2672567367553711 Va.,:0.06255600601434708 the:0.02133014239370823 to:0.01607723906636238 :0.1139574646949768 +to:0.34257325530052185 by:0.1431889683008194 in:0.04547407105565071 from:0.03547760844230652 :0.031941007822752 +time:0.030078517273068428 e:0.019565744325518608 and:0.015307351015508175 o'clock:0.015266697853803635 :0.26677972078323364 +to:0.1536385715007782 in:0.06502918154001236 from:0.06476330757141113 and:0.03143457695841789 :0.06323667615652084 +was:0.09586251527070999 had:0.08043235540390015 would:0.0665276050567627 has:0.06261611729860306 :0.07453515380620956 +the:0.13445137441158295 a:0.12568403780460358 to:0.058237526565790176 he:0.02599055878818035 :0.10002458840608597 +be:0.07442525774240494 the:0.0700799897313118 do:0.02392088994383812 have:0.02045867219567299 :0.1277361661195755 +and:0.10488671809434891 in:0.09029608964920044 to:0.08077671378850937 on:0.0312208104878664 :0.04752323031425476 +old:0.02000921592116356 act:0.01117708906531334 1:0.011172890663146973 hour:0.009735219180583954 :0.2592812478542328 +of:0.12510159611701965 per:0.11865941435098648 and:0.07604670524597168 on:0.032242532819509506 :0.07726140320301056 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +been:0.37725523114204407 had:0.029504738748073578 not:0.02677948586642742 the:0.018127506598830223 :0.05087440460920334 +the:0.06045522540807724 a:0.020159073173999786 any:0.01893819496035576 other:0.018130315467715263 :0.1156235933303833 +lieved:0.18317911028862 lieves:0.16702356934547424 gan:0.08941717445850372 came:0.08123373985290527 :0.11563900858163834 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +State:0.006891114171594381 United:0.006351916119456291 city:0.003313393797725439 county:0.003299689618870616 :0.5440854430198669 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.1043550968170166 a:0.028511658310890198 then:0.021276796236634254 it:0.01004021055996418 :0.18637053668498993 +and:0.06873326003551483 of:0.038311854004859924 The:0.022771483287215233 the:0.019308336079120636 :0.17743349075317383 +than:0.2531512379646301 and:0.021921737119555473 the:0.02152552828192711 to:0.017120560631155968 :0.20629459619522095 +the:0.2593526244163513 in:0.054156120866537094 and:0.04610308259725571 to:0.03764769807457924 :0.05360594764351845 +and:0.10059142112731934 of:0.030606133863329887 to:0.019985951483249664 The:0.018714837729930878 :0.21985140442848206 +the:0.2803145945072174 a:0.040840718895196915 said:0.02753443643450737 which:0.025373918935656548 :0.08390724658966064 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.17906562983989716 for:0.05908659100532532 in:0.03759915009140968 to:0.03753453493118286 :0.09584340453147888 +of:0.18355317413806915 hundred:0.027073662728071213 and:0.025338763371109962 to:0.021758167073130608 :0.09349089115858078 +the:0.24762094020843506 for:0.06704124808311462 a:0.05800044536590576 said:0.047390688210725784 :0.054712701588869095 +H.:0.074733667075634 B.:0.03366988152265549 W.:0.02274371311068535 H:0.022224929183721542 :0.2554195523262024 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +time:0.017542505636811256 right,:0.015012092888355255 other:0.012586005963385105 way:0.011546540074050426 :0.18214444816112518 +and:0.35280120372772217 but:0.040255144238471985 the:0.038704778999090195 or:0.022159701213240623 :0.04180433228611946 +the:0.07871368527412415 a:0.015442720614373684 all:0.012064067646861076 other:0.010401617735624313 :0.18777446448802948 +of:0.5547520518302917 in:0.11089590936899185 with:0.026747828349471092 In:0.019681114703416824 :0.017335964366793633 +the:0.06134175881743431 to:0.05702413618564606 a:0.04919993132352829 in:0.03141689673066139 :0.1047094464302063 +the:0.2651253640651703 a:0.09268364310264587 their:0.025241408497095108 his:0.021687254309654236 :0.06787702441215515 +as:0.05242878198623657 impossible:0.04450007900595665 entirely:0.03969324752688408 a:0.029600434005260468 :0.21062931418418884 +the:0.37107017636299133 a:0.030848050490021706 this:0.029977986589074135 tho:0.01457865722477436 :0.15678183734416962 +The:0.13127602636814117 It:0.05236012116074562 A:0.045382797718048096 There:0.02818499691784382 :0.10242004692554474 +the:0.19568099081516266 a:0.08702094107866287 which:0.022982340306043625 his:0.01969144679605961 :0.10433316975831985 +to:0.43941596150398254 for:0.10462989658117294 that:0.05561252310872078 and:0.0539095476269722 :0.042682114988565445 +the:0.0649963840842247 r:0.02980414777994156 a:0.011957149021327496 >r:0.010193065740168095 :0.3068881928920746 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +to:0.2809083163738251 the:0.057494908571243286 in:0.03816172480583191 of:0.03782392293214798 :0.03563198447227478 +and:0.034062452614307404 to:0.018815457820892334 The:0.01143611129373312 the:0.010184504091739655 :0.30974459648132324 +as:0.06652067601680756 that:0.04538702592253685 a:0.026680104434490204 the:0.014262409880757332 :0.13160189986228943 +to:0.11421576887369156 in:0.09907838702201843 by:0.03670988231897354 as:0.03637659177184105 :0.03570397570729256 +of:0.32202765345573425 in:0.06525160372257233 to:0.05877155065536499 for:0.03794270008802414 :0.03611665964126587 +of:0.1135721355676651 and:0.0630519911646843 to:0.026499858126044273 in:0.024273987859487534 :0.14849446713924408 +was:0.16739748418331146 had:0.0911748856306076 is:0.05959206819534302 said:0.043107710778713226 :0.079181008040905 +the:0.062796451151371 a:0.013025215826928616 and:0.008357929065823555 in:0.00765916658565402 :0.23015448451042175 +the:0.0898279994726181 of:0.060593146830797195 in:0.05754433199763298 a:0.03880743309855461 :0.11560744047164917 +of:0.5253048539161682 was:0.05730954557657242 is:0.05394785851240158 that:0.03914279118180275 :0.029748959466814995 +one:0.07780154794454575 person:0.07649526745080948 of:0.03805108368396759 other:0.03678891435265541 :0.10527834296226501 +and:0.10894061625003815 in:0.07096348702907562 for:0.05261138454079628 is:0.037947412580251694 :0.04320243000984192 +the:0.3569885194301605 a:0.030558010563254356 tho:0.022147325798869133 his:0.021768910810351372 :0.05677486211061478 +and:0.13905280828475952 the:0.06585391610860825 but:0.04060621187090874 which:0.03238760307431221 :0.03145437315106392 +the:0.10211697965860367 a:0.050690051168203354 of:0.03447473421692848 any:0.027845008298754692 :0.13100111484527588 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.3114946782588959 this:0.06909070163965225 his:0.0242527574300766 said:0.018839171156287193 :0.09726572781801224 +have:0.15951548516750336 not:0.050485044717788696 be:0.046453457325696945 do:0.013986606150865555 :0.21697449684143066 +the:0.09018676728010178 a:0.08006231486797333 to:0.05100603029131889 not:0.03126073628664017 :0.10601623356342316 +of:0.09300025552511215 and:0.07945964485406876 at:0.05371499061584473 in:0.051303934305906296 :0.07044203579425812 +the:0.2327444702386856 a:0.04518812894821167 his:0.04252716153860092 this:0.01792343519628048 :0.09337139129638672 +have:0.060204025357961655 am:0.053824085742235184 was:0.03365728259086609 think:0.027902474626898766 :0.15090975165367126 +the:0.11258159577846527 a:0.031026620417833328 in:0.02637026458978653 it:0.015474707819521427 :0.09249306470155716 +E.:0.028957970440387726 J.:0.0221122894436121 C.:0.018253926187753677 A.:0.016194166615605354 :0.4122845530509949 +old:0.026175247505307198 order:0.023118725046515465 act:0.02026953175663948 inch:0.014763460494577885 :0.2104703038930893 +the:0.28811830282211304 this:0.06626055389642715 New:0.015997264534235 that:0.013177035376429558 :0.139358788728714 +and:0.06112043932080269 with:0.025466013699769974 life:0.01708490401506424 in:0.014633895829319954 :0.18955133855342865 +the:0.0635177418589592 of:0.058664921671152115 tenor:0.029853567481040955 if:0.025301998481154442 :0.13998351991176605 +most:0.010441779159009457 said:0.006707647815346718 right:0.0058454773388803005 law:0.005641283001750708 :0.17847338318824768 +and:0.06746780872344971 to:0.062734454870224 is:0.04131867364048958 in:0.03713233768939972 :0.07473412901163101 +of:0.4938121438026428 money:0.1328069418668747 price:0.10141579806804657 and:0.027210844680666924 :0.028589630499482155 +a:0.2730173170566559 no:0.19056589901447296 an:0.032306570559740067 not:0.031219782307744026 :0.045145291835069656 +He:0.1207919493317604 The:0.09414272755384445 and:0.03154062107205391 But:0.020560862496495247 :0.12457210570573807 +of:0.33717599511146545 and:0.06524330377578735 in:0.054883722215890884 was:0.033739279955625534 :0.030954834073781967 +the:0.14278171956539154 he:0.14036183059215546 they:0.08152713626623154 it:0.035925816744565964 :0.06296534836292267 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +the:0.21168582141399384 least:0.19890359044075012 a:0.04877706244587898 this:0.01927635446190834 :0.15641920268535614 +the:0.1074163019657135 be:0.04857688769698143 do:0.026489069685339928 make:0.02028750814497471 :0.09529559314250946 +the:0.278508722782135 a:0.06461028009653091 their:0.027535680681467056 his:0.015717653557658195 :0.07536255568265915 +hundred:0.06697499752044678 o'clock:0.06013182923197746 years:0.04162363335490227 and:0.03123222477734089 :0.18321385979652405 +men:0.005058476235717535 way:0.00450994074344635 people:0.004237808752804995 I:0.003998425789177418 :0.3419777452945709 +the:0.1542363464832306 a:0.07523947209119797 an:0.014618457295000553 his:0.01432423759251833 :0.09336625784635544 +Beginning:0.11278549581766129 The:0.04337054863572121 Commencing:0.02683524787425995 Section:0.024838602170348167 :0.2503405511379242 +much:0.06100325658917427 he:0.047625891864299774 the:0.045599859207868576 they:0.04247409477829933 :0.07368846237659454 +a:0.08515550941228867 the:0.06136830523610115 in:0.05984046310186386 and:0.04300633445382118 :0.06899622827768326 +the:0.12448099255561829 that:0.051422275602817535 it:0.02455766871571541 if:0.018895132467150688 :0.04234935715794563 +the:0.05674300342798233 and:0.03816640004515648 to:0.028459249064326286 in:0.019976070150732994 :0.18523631989955902 +and:0.058455679565668106 to:0.054118480533361435 of:0.04403581842780113 in:0.031287528574466705 :0.18918611109256744 +same:0.011578007601201534 said:0.010594593361020088 fact:0.009639066644012928 first:0.006735473405569792 :0.17227666079998016 +of:0.3620305359363556 for:0.09899941086769104 in:0.04593232274055481 to:0.028444286435842514 :0.02037312276661396 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +lot:0.02140873670578003 mortgage:0.021078843623399734 Court,:0.018072711303830147 county:0.01616648957133293 :0.15376237034797668 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.3302059471607208 a:0.07750371843576431 an:0.01622289977967739 said:0.015397473238408566 :0.08826246112585068 +the:0.20359258353710175 a:0.055969126522541046 his:0.03723966330289841 her:0.024862758815288544 :0.1731431633234024 +of:0.11845606565475464 and:0.05333052948117256 The:0.02188676781952381 the:0.01838817447423935 :0.14379659295082092 +and:0.10779763013124466 man:0.041895538568496704 men:0.014502360485494137 man.:0.011431923136115074 :0.18415191769599915 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +and:0.050755575299263 the:0.03879564255475998 of:0.03849586099386215 to:0.026176609098911285 :0.14138416945934296 +wife:0.018596678972244263 father:0.0168400090187788 friends:0.014486747793853283 heart:0.014309181831777096 :0.1695805937051773 +own:0.025663912296295166 people:0.016796793788671494 country:0.015315479598939419 State:0.011126575991511345 :0.1643151491880417 +to:0.3009812533855438 that:0.08932949602603912 in:0.07764286547899246 from:0.04831400886178017 :0.056212399154901505 +have:0.07946977019309998 are:0.07787274569272995 shall:0.045229095965623856 can:0.04341917112469673 :0.04930945858359337 +years:0.13825839757919312 of:0.04683423414826393 miles:0.032513320446014404 hundred:0.025742510333657265 :0.32289358973503113 +only:0.011972418054938316 first:0.010673439130187035 most:0.008606527000665665 people:0.0077771651558578014 :0.09839557111263275 +was:0.11853624135255814 is:0.06400483101606369 had:0.04678812995553017 has:0.04547860845923424 :0.04921264946460724 +right:0.010710906237363815 most:0.007423183415085077 line:0.006651714909821749 same:0.00640926044434309 :0.1886604130268097 +of:0.2626526355743408 and:0.06609191000461578 to:0.049949824810028076 in:0.03566449135541916 :0.04215148091316223 +is:0.21182584762573242 was:0.14790785312652588 would:0.04275316372513771 will:0.04244416952133179 :0.05709187686443329 +ordered:0.27994251251220703 ordered,:0.08973916620016098 to:0.03563324362039566 that:0.02488754503428936 :0.09910350292921066 +ciety:0.3568709194660187 the:0.005409891717135906 and:0.004567289724946022 In:0.004370322450995445 :0.2732751965522766 +the:0.05031648650765419 to:0.038804128766059875 and:0.030159205198287964 The:0.01863894611597061 :0.14366786181926727 +A.:0.017805084586143494 J:0.011311671696603298 J.:0.01125268917530775 A:0.009961726143956184 :0.5051540732383728 +the:0.2030867338180542 a:0.03887531906366348 to:0.02234623022377491 said:0.013952123932540417 :0.10745465755462646 +from:0.11413516849279404 to:0.09871892631053925 by:0.07176431268453598 in:0.058822400867938995 :0.06074634566903114 +the:0.03559744358062744 a:0.01409927848726511 for:0.013915885239839554 and:0.012431148439645767 :0.0865754708647728 +to:0.0325525663793087 the:0.02870955877006054 and:0.02729121595621109 was:0.02648431994020939 :0.20046015083789825 +the:0.05928066372871399 in:0.01750519871711731 that:0.012429498136043549 he:0.011804413981735706 :0.15741200745105743 +to:0.9487133622169495 for:0.007836190983653069 that:0.006244470365345478 by:0.0036375438794493675 :0.0036000802647322416 +the:0.08625642210245132 a:0.07719862461090088 to:0.04199300333857536 out:0.034347932785749435 :0.07008669525384903 +ing:0.36158180236816406 ed:0.13298679888248444 and:0.031067896634340286 The:0.017404265701770782 :0.16327746212482452 +the:0.17660193145275116 and:0.08079282939434052 him:0.05609804764389992 to:0.04775112494826317 :0.029261961579322815 +the:0.2598726451396942 a:0.0577668696641922 tho:0.017695540562272072 his:0.011614101007580757 :0.15107402205467224 +of:0.5641595721244812 and:0.041816987097263336 that:0.02409961260855198 which:0.02107088267803192 :0.02034818008542061 +of:0.6527388691902161 to:0.02210780419409275 for:0.018760476261377335 and:0.01707444153726101 :0.020685091614723206 +a:0.03943595290184021 the:0.02959256060421467 thing:0.011970777995884418 thing,:0.00933354813605547 :0.3370208442211151 +with:0.09786192327737808 in:0.08829965442419052 and:0.0676097497344017 was:0.03241855651140213 :0.03212948516011238 +be:0.30219095945358276 have:0.028512097895145416 the:0.026516469195485115 bo:0.020274542272090912 :0.0679178386926651 +and:0.06551449000835419 of:0.025544308125972748 who:0.02431388385593891 the:0.016070624813437462 :0.20832055807113647 +the:0.2940760552883148 a:0.04027627781033516 this:0.023090217262506485 tho:0.02126288414001465 :0.1703386902809143 +to:0.11694908142089844 per:0.1047835573554039 feet:0.06469622999429703 and:0.06172621622681618 :0.10533862560987473 +and:0.01292349211871624 school:0.00538723636418581 council:0.004605148918926716 people:0.004600408021360636 :0.19722282886505127 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +to:0.22727060317993164 and:0.0766509622335434 in:0.04636375233530998 for:0.032595194876194 :0.12153885513544083 +of:0.15373104810714722 to:0.131336972117424 that:0.0664382353425026 and:0.04529499262571335 :0.039715688675642014 +The:0.042102061212062836 and:0.021392010152339935 I:0.020590562373399734 the:0.01801510713994503 :0.2411169409751892 +old:0.02000921592116356 act:0.01117708906531334 1:0.011172890663146973 hour:0.009735219180583954 :0.2592812478542328 +and:0.06578126549720764 in:0.056529536843299866 who:0.05231744050979614 to:0.04198559373617172 :0.06629633903503418 +The:0.09823713451623917 and:0.04943337291479111 In:0.047460515052080154 It:0.03318604826927185 :0.2440873682498932 +successively,:0.0956219881772995 ago:0.08654914051294327 in:0.08362352102994919 ago,:0.06322898715734482 :0.048104021698236465 +of:0.10538823902606964 for:0.0842183381319046 in:0.04267635941505432 at:0.04251478239893913 :0.04035073146224022 +the:0.13086077570915222 a:0.06761959940195084 to:0.059839751571416855 they:0.03752827271819115 :0.06290028244256973 +the:0.055890265852212906 in:0.015026671811938286 a:0.010497236624360085 their:0.00778094632551074 :0.19626183807849884 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.032299160957336426 other:0.019481653347611427 interest:0.008584030903875828 power:0.006348340772092342 :0.29930368065834045 +the:0.1113506630063057 a:0.0249997116625309 that:0.01638110727071762 to:0.01426743809133768 :0.1281851828098297 +to:0.06861526519060135 the:0.044976018369197845 and:0.03211219608783722 The:0.01635529100894928 :0.13306035101413727 +to:0.3339128792285919 and:0.10284990072250366 on:0.06339753419160843 from:0.044795479625463486 :0.0372459851205349 +and:0.09250368922948837 but:0.0254945307970047 who:0.020548924803733826 the:0.016180826351046562 :0.11507571488618851 +of:0.8994738459587097 ot:0.013881973922252655 and:0.011022044345736504 or:0.006345879286527634 :0.005620223935693502 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.11969299614429474 a:0.021021472290158272 this:0.00922303181141615 tho:0.007480216678231955 :0.2621268033981323 +are:0.08699417859315872 and:0.08688834309577942 have:0.039989568293094635 in:0.03659335896372795 :0.061475712805986404 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +to:0.04632631316781044 the:0.03323119133710861 and:0.02690225839614868 I:0.02035318873822689 :0.16611263155937195 +in:0.03334268182516098 to:0.030082009732723236 and:0.029329096898436546 In:0.021774092689156532 :0.33637329936027527 +and:0.08841506391763687 of:0.022390011698007584 to:0.019702032208442688 the:0.018124939873814583 :0.23805148899555206 +and:0.07232222706079483 as:0.03826350346207619 to:0.028765909373760223 of:0.025885503739118576 :0.1920897662639618 +been:0.12996841967105865 a:0.05242052674293518 not:0.029057122766971588 the:0.026974858716130257 :0.118819460272789 +few:0.043048661202192307 very:0.01854846253991127 short:0.016552865505218506 great:0.012824597768485546 :0.16029050946235657 +the:0.07937920838594437 a:0.0293667521327734 Mrs.:0.020140785723924637 his:0.015246571972966194 :0.162353515625 +The:0.12727485597133636 It:0.07922914624214172 He:0.038246218115091324 A:0.02579018473625183 :0.07595755159854889 +been:0.2749062776565552 seen:0.0687902569770813 heard:0.04996500164270401 had:0.02293919026851654 :0.05471435934305191 +the:0.1154593825340271 that:0.03329026326537132 a:0.02271382324397564 it:0.0210794098675251 :0.09915627539157867 +provisions:0.037181537598371506 direction:0.03304610773921013 laws:0.029683992266654968 law:0.014951483346521854 :0.164664164185524 +of:0.10557465255260468 and:0.08400677889585495 at:0.026615174487233162 with:0.014903114177286625 :0.07070805132389069 +and:0.034172069281339645 is:0.024607207626104355 of:0.022776294499635696 was:0.021358070895075798 :0.1676490157842636 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +a:0.042180489748716354 the:0.021789610385894775 made:0.015193022787570953 paid:0.013734845444560051 :0.19045595824718475 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +be:0.3248842656612396 not:0.08988837897777557 bo:0.022929834201931953 have:0.015596957877278328 :0.058546941727399826 +know:0.05386008322238922 want:0.026809213683009148 think:0.024889199063181877 see:0.023745935410261154 :0.10354577004909515 +president:0.13443714380264282 president,:0.0861329436302185 president;:0.05104345083236694 president.:0.042380109429359436 :0.1790018230676651 +the:0.1351853311061859 a:0.028655752539634705 his:0.010249066166579723 this:0.009872225113213062 :0.2422417253255844 +the:0.15235170722007751 a:0.1307184100151062 us:0.062107816338539124 to:0.05206119269132614 :0.05812529847025871 +May,:0.0833473950624466 April,:0.04520514979958534 the:0.04390218108892441 March,:0.04221765697002411 :0.09877561777830124 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.009796070866286755 A:0.009555306285619736 J:0.009232346899807453 and:0.00859452411532402 :0.3858252465724945 +the:0.12347561120986938 in:0.04202122986316681 it:0.03631236404180527 so:0.024492282420396805 :0.07367243617773056 +Virginia:0.057344868779182434 of:0.05205606669187546 Point:0.030962510034441948 quarter:0.016485951840877533 :0.30196413397789 +the:0.06787645816802979 a:0.026680219918489456 three:0.022594403475522995 ten:0.021846264600753784 :0.1778925657272339 +a:0.09884971380233765 to:0.05840995907783508 the:0.049201447516679764 not:0.048803627490997314 :0.1113777756690979 +and:0.09438405930995941 the:0.04299524798989296 of:0.03534650802612305 The:0.029682014137506485 :0.1651107519865036 +and:0.033034130930900574 to:0.01394505612552166 of:0.01359292771667242 in:0.01267232559621334 :0.28110313415527344 +and:0.1871054470539093 in:0.03132464364171028 is:0.025082379579544067 or:0.024568045511841774 :0.14158739149570465 +a:0.13291078805923462 not:0.04278473183512688 the:0.03309959918260574 in:0.021612757816910744 :0.10055673867464066 +not:0.053762733936309814 in:0.03112144209444523 the:0.02457885630428791 to:0.01237398013472557 :0.18016478419303894 +per:0.196242094039917 a:0.1353181004524231 for:0.11402291059494019 to:0.061651572585105896 :0.07543706893920898 +a:0.11667012423276901 not:0.07240572571754456 the:0.0684872716665268 said:0.019106311723589897 :0.06670841574668884 +the:0.2507799565792084 a:0.02262248657643795 said:0.02249409444630146 tho:0.011631290428340435 :0.3121333122253418 +in:0.5062586069107056 to:0.07203523069620132 In:0.057421907782554626 on:0.02037237212061882 :0.028547970578074455 +as:0.10570060461759567 the:0.0776565819978714 from:0.041086580604314804 more:0.03588585555553436 :0.07382075488567352 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +the:0.2999851703643799 which:0.058735623955726624 them:0.04290900006890297 whom:0.03577494993805885 :0.08375435322523117 +the:0.2945614457130432 a:0.03598383814096451 their:0.03303138166666031 his:0.025330014526844025 :0.049480754882097244 +was:0.08628088980913162 have:0.08011560142040253 am:0.03850065544247627 had:0.026389656588435173 :0.16673806309700012 +said:0.021214697510004044 most:0.006603692192584276 people:0.0061209253035485744 same:0.0059409295208752155 :0.19460350275039673 +are:0.11483923345804214 were:0.09597868472337723 will:0.0752810537815094 have:0.0710834264755249 :0.059421516954898834 +and:0.06071443855762482 the:0.02359774336218834 in:0.023595284670591354 of:0.018464863300323486 :0.22135427594184875 +.:0.20764240622520447 .—:0.04415387660264969 of:0.022267241030931473 ,:0.019052239134907722 :0.27011698484420776 +The:0.11080717295408249 He:0.0463712252676487 It:0.03949408605694771 In:0.028463607653975487 :0.12652331590652466 +the:0.05381914973258972 to:0.04148606210947037 and:0.029639558866620064 a:0.021061250939965248 :0.14225879311561584 +products:0.0971902459859848 and:0.04161645472049713 products,:0.023168887943029404 lands:0.019826740026474 :0.12145084887742996 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.06517083942890167 it:0.04570917785167694 he:0.04172936826944351 that:0.04088236391544342 :0.04969945177435875 +the:0.07719844579696655 of:0.021291455253958702 in:0.02017504908144474 other:0.01862724870443344 :0.15783251821994781 +and:0.07675403356552124 of:0.06349483877420425 The:0.028149334713816643 to:0.02517380379140377 :0.15719106793403625 +man:0.049640439450740814 one:0.04463038221001625 day:0.023187978193163872 person:0.019885091111063957 :0.1470203995704651 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +that:0.1889834851026535 the:0.11787362396717072 by:0.05351799353957176 a:0.046628013253211975 :0.036804378032684326 +to:0.05822913348674774 the:0.05183146148920059 and:0.032778624445199966 a:0.02047363854944706 :0.14508557319641113 +own:0.039221979677677155 life:0.0089398343116045 friends:0.005477586295455694 party:0.0046061198227107525 :0.19100113213062286 +the:0.06267064064741135 with:0.02949454076588154 to:0.029181281104683876 and:0.027490952983498573 :0.1191127672791481 +years:0.12289469689130783 thousand:0.07184809446334839 dollars:0.05314384773373604 miles:0.050974249839782715 :0.10271688550710678 +the:0.33532917499542236 a:0.039115384221076965 this:0.019708041101694107 him:0.013396643102169037 :0.12469090521335602 +and:0.07099711149930954 the:0.06357217580080032 to:0.023183995857834816 a:0.021128658205270767 :0.09417647868394852 +most:0.012055794708430767 same:0.0094993244856596 fact:0.007477842271327972 best:0.006794540211558342 :0.16772958636283875 +be:0.0271143801510334 the:0.024203572422266006 and:0.01783042401075363 have:0.01758904568850994 :0.1517137736082077 +own:0.04081447422504425 home:0.013125790283083916 wife:0.008947865106165409 friends:0.006803629919886589 :0.15939073264598846 +was:0.08017958700656891 had:0.06133495271205902 would:0.029766879975795746 has:0.02238655835390091 :0.09192518144845963 +the:0.1629452407360077 they:0.05455750599503517 I:0.041939280927181244 it:0.04113234952092171 :0.07055383920669556 +the:0.1604475975036621 a:0.060132890939712524 contact:0.04426277428865433 this:0.016853483393788338 :0.08376412093639374 +be:0.2345019429922104 not:0.06053047999739647 have:0.03435703366994858 take:0.018168048933148384 :0.05296776443719864 +condition.:0.048852141946554184 condition:0.026125460863113403 and:0.023009665310382843 condition,:0.017632709816098213 :0.14428558945655823 +Springs,:0.487146258354187 Springs.:0.08622805774211884 Springs:0.06816965341567993 and:0.010652209632098675 :0.06750340759754181 +and:0.13924278318881989 the:0.08212010562419891 a:0.03044561855494976 but:0.027668634429574013 :0.09153911471366882 +the:0.3156227767467499 a:0.02813773788511753 this:0.02790733240544796 tho:0.015222071669995785 :0.10254357755184174 +the:0.19494597613811493 he:0.06562450528144836 it:0.03211187943816185 a:0.02225775271654129 :0.0887773334980011 +the:0.2529110908508301 a:0.06828901916742325 this:0.03309154510498047 least:0.02643621526658535 :0.12597723305225372 +the:0.1350296288728714 a:0.02093168906867504 said:0.007921271957457066 this:0.007871583104133606 :0.2298765480518341 +the:0.15313126146793365 by:0.11999710649251938 through:0.039436161518096924 at:0.03554942458868027 :0.0576334185898304 +be:0.3619093894958496 not:0.05560678988695145 have:0.03701428696513176 bo:0.024489648640155792 :0.06576728820800781 +of:0.3262025713920593 or:0.027206530794501305 and:0.023440616205334663 No.:0.022204115986824036 :0.05031653493642807 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.11691523343324661 of:0.09672170132398605 are:0.04278469830751419 in:0.03949787840247154 :0.05348954722285271 +same:0.007907147519290447 man:0.006524408236145973 right:0.0049738893285393715 whole:0.00407964875921607 :0.13526561856269836 +and:0.053231626749038696 to:0.0461282953619957 in:0.020034246146678925 of:0.013081299141049385 :0.2570137083530426 +the:0.1777314841747284 be:0.02521245740354061 make:0.02043488807976246 do:0.01233776193112135 :0.09994065761566162 +and:0.04530368372797966 be:0.020424742251634598 in:0.018254432827234268 a:0.011220305226743221 :0.44633036851882935 +are:0.13459327816963196 were:0.08423428982496262 have:0.07195324450731277 will:0.041764695197343826 :0.07502695918083191 +tory:0.46275046467781067 tory.:0.08625740557909012 ble:0.07684655487537384 tory,:0.06876164674758911 :0.08070757240056992 +of:0.2127908319234848 hundred:0.04642021656036377 or:0.03249439224600792 and:0.025764083489775658 :0.07700714468955994 +said:0.06354490667581558 following:0.014061421155929565 first:0.008072069846093655 next:0.007262836210429668 :0.16901318728923798 +of:0.08089945465326309 and:0.043370191007852554 in:0.029862845316529274 to:0.02663467638194561 :0.11966127902269363 +lbs.:0.03781183436512947 and:0.02673097886145115 the:0.023764077574014664 Inclusive,:0.012846328318119049 :0.25281548500061035 +only:0.009022862650454044 first:0.00881500355899334 other:0.00802664179354906 man:0.0078043402172625065 :0.13087928295135498 +Horn,:0.03241722285747528 Buren:0.02929900772869587 Horn:0.010722762905061245 A:0.002907262882217765 :0.840726375579834 +gested:0.19141702353954315 gest:0.13821646571159363 gestion:0.10567187517881393 and:0.013399024493992329 :0.28569865226745605 +and:0.06259091198444366 of:0.04432102292776108 to:0.025623057037591934 in:0.017337527126073837 :0.2163652926683426 +of:0.26472213864326477 to:0.20570847392082214 a:0.031919240951538086 the:0.019412430003285408 :0.06657510250806808 +be:0.33712825179100037 have:0.11119896918535233 do:0.025555342435836792 bo:0.0211369339376688 :0.06711545586585999 +and:0.07505124807357788 than:0.06016397848725319 a:0.029065433889627457 the:0.013561490923166275 :0.12330133467912674 +the:0.06419233232736588 and:0.035616129636764526 to:0.033008139580488205 a:0.02274399995803833 :0.1466279923915863 +the:0.06581629067659378 a:0.015049522742629051 in:0.013057289645075798 that:0.011489701457321644 :0.16750788688659668 +and:0.05652804300189018 the:0.0560506209731102 of:0.04609527438879013 to:0.027323942631483078 :0.14394764602184296 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +of:0.05763157084584236 and:0.02105056867003441 was:0.01547766849398613 is:0.009408907033503056 :0.32247456908226013 +dren:0.5662750005722046 dren,:0.045877497643232346 and:0.007865602150559425 dren.:0.007200028281658888 :0.09264867007732391 +and:0.01161715667694807 D.:0.010249233804643154 Smith,:0.006350664421916008 J.:0.0061826859600842 :0.6109973192214966 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +the:0.27878913283348083 a:0.08791843056678772 consideration:0.055153511464595795 custody:0.03495180979371071 :0.07635204493999481 +of:0.2796964645385742 and:0.07253065705299377 to:0.05139337480068207 the:0.04772088676691055 :0.04248068854212761 +the:0.3688792288303375 this:0.0241742841899395 a:0.023637956008315086 said:0.02224702388048172 :0.10804525017738342 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +order:0.018043266609311104 act:0.016853993758559227 attempt:0.013388318940997124 old:0.012412928976118565 :0.13078001141548157 +only:0.00996746402233839 first:0.009210998192429543 people:0.006241869647055864 man:0.006193837150931358 :0.13680675625801086 +a:0.09591004997491837 the:0.05603496730327606 to:0.05535212159156799 no:0.05069180577993393 :0.07538338005542755 +on:0.031026437878608704 in:0.025571376085281372 to:0.022435270249843597 of:0.02023189328610897 :0.2419796586036682 +to:0.1854526847600937 and:0.12938494980335236 the:0.03984931856393814 in:0.027502167969942093 :0.10160558670759201 +ter:0.2718295753002167 fected:0.030949465930461884 fects:0.0291267279535532 ternoon:0.02158779464662075 :0.4301798939704895 +to:0.16763055324554443 and:0.10010164976119995 from:0.06187484785914421 was:0.028470775112509727 :0.08775162696838379 +and:0.16151733696460724 in:0.08297783136367798 to:0.05623139813542366 of:0.043123044073581696 :0.050050582736730576 +not:0.27801522612571716 the:0.0717223733663559 a:0.015858961269259453 so:0.015059296041727066 :0.059549540281295776 +the:0.3655802011489868 a:0.03590578958392143 and:0.03247930109500885 to:0.021251505240797997 :0.046029262244701385 +been:0.4115866720676422 not:0.040362581610679626 a:0.018678363412618637 made:0.016463715583086014 :0.026941193267703056 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +and:0.04576903581619263 of:0.02187766507267952 the:0.01916060596704483 in:0.015067131258547306 :0.16084237396717072 +be:0.27914366126060486 not:0.13966330885887146 have:0.04728182777762413 he:0.02073400281369686 :0.056702859699726105 +and:0.10008373856544495 to:0.04849563539028168 from:0.03178393840789795 in:0.026605995371937752 :0.10957033187150955 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.17502924799919128 a:0.08788374811410904 which:0.018068889155983925 his:0.015605462715029716 :0.1472873091697693 +be:0.43394210934638977 have:0.04226591810584068 not:0.041927702724933624 bo:0.019784320145845413 :0.05499345064163208 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +country:0.04265175014734268 city:0.02772749587893486 place:0.013813643716275692 time:0.012881061993539333 :0.11461232602596283 +the:0.34602615237236023 a:0.05880704149603844 this:0.03263351321220398 said:0.019500629976391792 :0.07466746866703033 +line:0.13344347476959229 street:0.04271846264600754 road:0.03273099660873413 alley:0.03260239586234093 :0.1468443125486374 +M.:0.023142661899328232 H.:0.01856779307126999 A.:0.017950473353266716 B.:0.015994979068636894 :0.508188009262085 +be:0.5875412225723267 have:0.046476513147354126 not:0.027204031124711037 bo:0.022370170801877975 :0.043227486312389374 +The:0.10483218729496002 It:0.05346468836069107 He:0.03020597994327545 In:0.02886948548257351 :0.14624066650867462 +the:0.28811830282211304 this:0.06626055389642715 New:0.015997264534235 that:0.013177035376429558 :0.139358788728714 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +to:0.06107335910201073 and:0.0287924874573946 in:0.018898997455835342 with:0.014762235805392265 :0.08629488199949265 +hundred:0.09221075475215912 years:0.07915182411670685 per:0.040596168488264084 or:0.0376671627163887 :0.11595014482736588 +The:0.12675972282886505 He:0.04864925518631935 It:0.031532444059848785 There:0.02583685703575611 :0.1002533882856369 +said:0.007090104278177023 world:0.005813304800540209 value:0.005809382069855928 same:0.0057586245238780975 :0.2307140827178955 +and:0.161235973238945 or:0.017841016873717308 the:0.013961691409349442 in:0.012902745977044106 :0.10001254081726074 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.1961042582988739 a:0.03808439150452614 tho:0.013911745510995388 this:0.01307158637791872 :0.21125665307044983 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +home:0.05301534757018089 own:0.04963254928588867 office:0.015053898096084595 head:0.01317682582885027 :0.15059520304203033 +The:0.11802235245704651 It:0.05493886396288872 I:0.033909883350133896 He:0.03332575783133507 :0.17357969284057617 +in:0.06747507303953171 to:0.052376579493284225 the:0.0509248711168766 and:0.04838985949754715 :0.03957239165902138 +She:0.12535615265369415 The:0.08151011168956757 He:0.05897735431790352 It:0.05453023687005043 :0.09070850908756256 +and:0.03845943510532379 or:0.01825900748372078 the:0.013723508454859257 a:0.009495935402810574 :0.1692911684513092 +the:0.24944674968719482 a:0.0937800481915474 his:0.02228793501853943 mind:0.021738853305578232 :0.09685889631509781 +and:0.21468867361545563 but:0.0944129005074501 the:0.06113902106881142 with:0.019288400188088417 :0.0965561643242836 +the:0.09034654498100281 it:0.08838839083909988 that:0.07334262877702713 they:0.058082759380340576 :0.04448815435171127 +and:0.15350903570652008 to:0.06333490461111069 the:0.04326128959655762 but:0.03621385991573334 :0.06044960394501686 +to:0.05822913348674774 the:0.05183146148920059 and:0.032778624445199966 a:0.02047363854944706 :0.14508557319641113 +the:0.10710674524307251 to:0.101316437125206 a:0.07036353647708893 upon:0.06452304124832153 :0.12504254281520844 +to:0.2733317017555237 on:0.05986560508608818 down:0.059396494179964066 into:0.052046943455934525 :0.0483841747045517 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +own:0.0396784171462059 way:0.006668202579021454 first:0.006385627202689648 purpose:0.006098763085901737 :0.2731189429759979 +John:0.035951029509305954 James:0.01932046003639698 William:0.015547852031886578 M:0.015250574797391891 :0.35234907269477844 +and:0.3409026563167572 the:0.044642575085163116 but:0.04271819442510605 it:0.020287329331040382 :0.07456846535205841 +time:0.0629587396979332 of:0.06055779755115509 point:0.024580299854278564 day:0.019293926656246185 :0.11060529202222824 +few:0.03192117437720299 .:0.027368560433387756 large:0.02243524231016636 man:0.014616143889725208 :0.24444647133350372 +same:0.01121708657592535 public:0.007795852608978748 whole:0.006743445061147213 most:0.0061668590642511845 :0.17874287068843842 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +of:0.0969020426273346 and:0.08621162176132202 to:0.047005414962768555 have:0.037133242934942245 :0.05964791402220726 +the:0.057867687195539474 and:0.05555706098675728 to:0.030307166278362274 in:0.02838580310344696 :0.09715723991394043 +and:0.10703641176223755 The:0.026946378871798515 to:0.022355837747454643 but:0.017809685319662094 :0.15553919970989227 +He:0.10110532492399216 The:0.08363448083400726 It:0.03349756449460983 and:0.02142486721277237 :0.08337956666946411 +and:0.09300605952739716 who:0.03704313188791275 the:0.01751171052455902 in:0.014736568555235863 :0.1690024584531784 +and:0.11846190690994263 in:0.058134935796260834 with:0.05196579173207283 to:0.040520381182432175 :0.039854031056165695 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +by:0.265147864818573 for:0.19649361073970795 that:0.06746990233659744 in:0.05619790032505989 :0.04606293886899948 +and:0.14163139462471008 or:0.0568859800696373 in:0.027808284386992455 the:0.025601446628570557 :0.14739862084388733 +and:0.055715322494506836 of:0.05139913037419319 the:0.024195948615670204 in:0.01874803565442562 :0.1917198896408081 +fifty:0.12188242375850677 twenty:0.0412837378680706 sixty:0.04099259525537491 forty:0.02585120126605034 :0.24302779138088226 +and:0.0717393308877945 the:0.020730741322040558 to:0.014410702511668205 in:0.012652173638343811 :0.23855073750019073 +since:0.03673747926950455 the:0.020532723516225815 to:0.017660412937402725 had:0.014121332205832005 :0.15864259004592896 +to:0.13762196898460388 the:0.10568893700838089 and:0.10530561208724976 in:0.049897097051143646 :0.03116326779127121 +the:0.06134175881743431 to:0.05702413618564606 a:0.04919993132352829 in:0.03141689673066139 :0.1047094464302063 +the:0.047487523406744 to:0.04689270257949829 and:0.040126603096723557 in:0.022536421194672585 :0.16093631088733673 +the:0.16889581084251404 of:0.07074254006147385 over:0.027420930564403534 that:0.0217900313436985 :0.13283461332321167 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +be:0.055264223366975784 have:0.03284124657511711 the:0.03211531415581703 in:0.027039727196097374 :0.13742965459823608 +of:0.20333336293697357 and:0.06996552646160126 Court:0.030535109341144562 Court,:0.014387955889105797 :0.1956581324338913 +of:0.7001802325248718 in:0.03143475204706192 and:0.029718229547142982 ot:0.0126274973154068 :0.02512865513563156 +a:0.11667012423276901 not:0.07240572571754456 the:0.0684872716665268 said:0.019106311723589897 :0.06670841574668884 +and:0.13003255426883698 who:0.04371282830834389 the:0.04014172405004501 but:0.0282538253813982 :0.07740291208028793 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +of:0.615493655204773 and:0.030445227399468422 to:0.021291520446538925 on:0.016750799492001534 :0.016076596453785896 +a:0.04232782870531082 the:0.035746920853853226 not:0.024341769516468048 to:0.019819192588329315 :0.12274099886417389 +own:0.04081447422504425 home:0.013125790283083916 wife:0.008947865106165409 friends:0.006803629919886589 :0.15939073264598846 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +a:0.04232782870531082 the:0.035746920853853226 not:0.024341769516468048 to:0.019819192588329315 :0.12274099886417389 +and:0.20439815521240234 the:0.08382497727870941 but:0.05000339075922966 that:0.0354430191218853 :0.06562239676713943 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.6625372171401978 to:0.055222149938344955 and:0.02051892690360546 was:0.016078565269708633 :0.01129990629851818 +W:0.03620102256536484 H.:0.03528910130262375 W.:0.03369429334998131 M:0.029303453862667084 :0.21584898233413696 +are:0.10472738742828369 men:0.04253273084759712 were:0.029053140431642532 facts:0.021609852090477943 :0.11166750639677048 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +of:0.2191961407661438 to:0.054330263286828995 in:0.0504155158996582 are:0.046832531690597534 :0.0690622478723526 +and:0.1981070339679718 of:0.050718870013952255 the:0.045040786266326904 in:0.04129542037844658 :0.057949088513851166 +to:0.08147139847278595 are:0.044305771589279175 were:0.039089735597372055 the:0.037806957960128784 :0.07743315398693085 +and:0.030394695699214935 of:0.009695536457002163 or:0.008797001093626022 was:0.00860475655645132 :0.45483237504959106 +of:0.4949673116207123 where:0.03165246546268463 to:0.028153708204627037 and:0.02706795372068882 :0.04163787513971329 +cupied:0.05069943889975548 casion:0.03627469390630722 curred:0.0311383455991745 of:0.012481686659157276 :0.704727292060852 +of:0.5193054676055908 due:0.04111647978425026 required:0.023401184007525444 claimed:0.02216358110308647 :0.031738873571157455 +of:0.052961915731430054 and:0.042259376496076584 to:0.030205469578504562 in:0.014734516851603985 :0.21803930401802063 +was:0.13125334680080414 is:0.06680191308259964 had:0.06317514926195145 has:0.04956600442528725 :0.058482252061367035 +school:0.03626261278986931 library:0.016301726922392845 opinion:0.014651091769337654 road:0.012793480418622494 :0.17864324152469635 +the:0.03975481912493706 and:0.03768061846494675 of:0.032442498952150345 to:0.022347306832671165 :0.22075971961021423 +the:0.1644776463508606 a:0.08703915029764175 this:0.031369104981422424 some:0.02936217188835144 :0.0905376449227333 +is:0.21074002981185913 Is:0.14870712161064148 was:0.14616583287715912 has:0.03462919965386391 :0.047351911664009094 +penses:0.0872381404042244 perience:0.0617494098842144 pense:0.023085447028279305 istence:0.022509559988975525 :0.46171051263809204 +have:0.06076160818338394 was:0.033142298460006714 do:0.02189689874649048 am:0.019325168803334236 :0.20265887677669525 +ten:0.3397611081600189 nine:0.08674306422472 two:0.031073857098817825 four:0.022917788475751877 :0.06229804828763008 +quired:0.02266690321266651 mains:0.017222244292497635 ceived:0.016932034865021706 turned:0.014141504652798176 :0.45781418681144714 +to:0.08274191617965698 of:0.07488612085580826 for:0.060906991362571716 in:0.023295598104596138 :0.12887199223041534 +wife:0.016670258715748787 wife,:0.0143659058958292 name:0.010663095861673355 life:0.009491060860455036 :0.12690742313861847 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +of:0.18338090181350708 was:0.16177578270435333 is:0.14650362730026245 has:0.0318630076944828 :0.031217172741889954 +the:0.1140516847372055 it:0.07883230596780777 I:0.04349252209067345 he:0.03616766631603241 :0.04491265118122101 +of:0.14906902611255646 in:0.10427218675613403 are:0.07076936960220337 from:0.05762440711259842 :0.04062832519412041 +and:0.06539034098386765 the:0.042818762362003326 to:0.03147021308541298 The:0.01701093465089798 :0.1289553940296173 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +ferent:0.6092715263366699 Mrs.:0.007146062329411507 I:0.005639998707920313 ference:0.0053164055570960045 :0.16710041463375092 +time:0.2436775118112564 the:0.06494952738285065 time,:0.03632161393761635 time.:0.031979817897081375 :0.04981571063399315 +and:0.06179862469434738 to:0.022657983005046844 with:0.011096887290477753 a:0.008441487327218056 :0.3180921971797943 +of:0.20646381378173828 upon:0.10768584161996841 on:0.10591815412044525 to:0.04803498089313507 :0.0760517492890358 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.18670322000980377 of:0.0890333503484726 or:0.024863891303539276 in:0.013523588888347149 :0.15779860317707062 +the:0.11378059536218643 be:0.030280541628599167 make:0.023053163662552834 pay:0.013803230598568916 :0.09938321262598038 +the:0.05434975400567055 and:0.03546980395913124 a:0.02048935927450657 .:0.007058696821331978 :0.30844369530677795 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +men:0.019442830234766006 and:0.00793654378503561 weeks:0.007556466851383448 men,:0.005775280762463808 :0.2178933173418045 +the:0.3751060962677002 least:0.08549147844314575 a:0.04531214013695717 his:0.02436055801808834 :0.07913000136613846 +the:0.2918153703212738 it:0.04115210846066475 he:0.032272856682538986 they:0.0275963693857193 :0.05018538236618042 +of:0.26561036705970764 to:0.10275328159332275 and:0.0692029669880867 in:0.04160016030073166 :0.055708322674036026 +of:0.05606209486722946 the:0.047367509454488754 or:0.046290453523397446 in:0.045750781893730164 :0.07328654080629349 +of:0.49082496762275696 and:0.07111375778913498 or:0.02005656622350216 the:0.016815897077322006 :0.06988456845283508 +not:0.07336033880710602 have:0.058596447110176086 be:0.05654846131801605 make:0.017457451671361923 :0.08435508608818054 +direction:0.02506101131439209 provisions:0.024692978709936142 laws:0.014565224759280682 present:0.012365708127617836 :0.2616964280605316 +make:0.03279533609747887 do:0.03237069025635719 get:0.027034861966967583 pay:0.01552716176956892 :0.10511016845703125 +the:0.22601298987865448 a:0.028002511709928513 this:0.02682858519256115 tho:0.00944177620112896 :0.15517757833003998 +to:0.5166533589363098 that:0.03198299929499626 as:0.029944714158773422 a:0.01280450914055109 :0.04950945824384689 +and:0.028810624033212662 as:0.008174994960427284 men:0.005848660599440336 people:0.004951755050569773 :0.26643019914627075 +the:0.24194815754890442 he:0.04207810014486313 it:0.039154376834630966 they:0.030368654057383537 :0.032103054225444794 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.11638600379228592 a:0.09224217385053635 an:0.021633286029100418 in:0.018618803471326828 :0.08841961622238159 +that:0.05913775786757469 to:0.05757538974285126 much:0.05602818727493286 as:0.04865887388586998 :0.11030921339988708 +the:0.10020901262760162 a:0.09961660951375961 well:0.06658950448036194 to:0.03737172856926918 :0.05778418108820915 +the:0.24141724407672882 a:0.15967601537704468 an:0.023493750020861626 his:0.01951015181839466 :0.07439804822206497 +and:0.3262690007686615 but:0.06622283905744553 which:0.044053781777620316 the:0.03223750367760658 :0.05143396928906441 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.2895053029060364 he:0.0618542805314064 it:0.03058757819235325 a:0.030135011300444603 :0.04709484055638313 +and:0.05954701453447342 of:0.0509704053401947 the:0.028458017855882645 in:0.011551372706890106 :0.23903967440128326 +to:0.10121356695890427 is:0.09031921625137329 of:0.07663870602846146 was:0.04601147770881653 :0.043160323053598404 +to:0.2734222114086151 of:0.19903084635734558 in:0.04377999156713486 the:0.04135610908269882 :0.03363674134016037 +by:0.15463566780090332 to:0.13265028595924377 the:0.09198583662509918 in:0.059243977069854736 :0.054563116282224655 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +the:0.25982096791267395 a:0.10423915833234787 all:0.01919051632285118 an:0.01619722694158554 :0.07934451103210449 +the:0.2998783588409424 a:0.058409739285707474 this:0.018794715404510498 or:0.01643955521285534 :0.10413684695959091 +The:0.13372235000133514 It:0.05250151827931404 He:0.028695477172732353 I:0.02818971499800682 :0.1971544474363327 +and:0.0898527130484581 at:0.03319815546274185 on:0.023128675296902657 the:0.02266259305179119 :0.12624697387218475 +to:0.17712293565273285 the:0.0910458192229271 in:0.04889945685863495 a:0.04733677953481674 :0.041102126240730286 +the:0.30595213174819946 a:0.06499015539884567 this:0.0231513362377882 his:0.022284148260951042 :0.06901000440120697 +been:0.21189318597316742 a:0.057977527379989624 the:0.04250900074839592 to:0.02712184563279152 :0.06830049306154251 +of:0.6319249868392944 and:0.038826506584882736 in:0.027656324207782745 to:0.01891927979886532 :0.02461974322795868 +and:0.045678459107875824 the:0.03627284988760948 in:0.018250728026032448 to:0.013543478213250637 :0.16786693036556244 +by:0.16003622114658356 in:0.08404837548732758 the:0.06458070874214172 on:0.05428744852542877 :0.06125517189502716 +and:0.12782272696495056 the:0.031297311186790466 to:0.0302810687571764 but:0.02804197557270527 :0.1095549687743187 +by:0.20922914147377014 to:0.19227778911590576 that:0.04735955223441124 the:0.028309930115938187 :0.07694926112890244 +of:0.5201343297958374 and:0.03969687968492508 is:0.015219639986753464 was:0.01083524338901043 :0.0700235366821289 +pany:0.1328294277191162 mittee:0.08672171086072922 pany,:0.04386311396956444 mon:0.033193014562129974 :0.21120819449424744 +of:0.5618203282356262 to:0.036326535046100616 with:0.03588614985346794 more:0.03488666191697121 :0.03280078247189522 +the:0.20981483161449432 a:0.04650913178920746 this:0.012448404915630817 their:0.011365829966962337 :0.23417046666145325 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +the:0.06755568087100983 and:0.05201525613665581 to:0.028047744184732437 in:0.022040758281946182 :0.11124974489212036 +as:0.17031517624855042 in:0.07461733371019363 the:0.02919907495379448 with:0.028226682916283607 :0.05163879320025444 +a:0.03684420883655548 the:0.0364057794213295 made:0.02793208695948124 sold:0.016866616904735565 :0.12324710190296173 +the:0.2980958819389343 a:0.06917902082204819 that:0.013463517650961876 an:0.01181278470903635 :0.1989118456840515 +time:0.00894338358193636 people:0.007895090617239475 men:0.006594390142709017 work:0.006224261596798897 :0.3389850854873657 +the:0.327004611492157 a:0.03556910529732704 his:0.023867115378379822 this:0.020182782784104347 :0.09506212919950485 +large:0.017505064606666565 few:0.015538843348622322 little:0.012820732779800892 great:0.011661599390208721 :0.14756615459918976 +ed:0.3644770383834839 ing:0.31469962000846863 and:0.0375329852104187 ed,:0.014181342907249928 :0.05403860658407211 +and:0.11023573577404022 the:0.05491199344396591 that:0.05205743759870529 in:0.03980226814746857 :0.0759088471531868 +as:0.10911809653043747 and:0.07548974454402924 in:0.029623720794916153 to:0.02197885699570179 :0.12928155064582825 +the:0.14929939806461334 a:0.019072959199547768 all:0.018202122300863266 they:0.017431296408176422 :0.16299046576023102 +have:0.038119975477457047 was:0.03399815037846565 am:0.018867837265133858 had:0.017141548916697502 :0.21767304837703705 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.12256025522947311 who:0.05229015275835991 to:0.045195572078228 mortgagors,:0.03379551321268082 :0.08942001312971115 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +to:0.10121670365333557 a:0.06962299346923828 the:0.06031462177634239 from:0.021705573424696922 :0.0899851992726326 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +that:0.27809247374534607 to:0.061863645911216736 the:0.057928845286369324 they:0.03299045190215111 :0.1028684452176094 +subject:0.012155482545495033 property:0.011088290251791477 said:0.008938451297581196 ground:0.008280253037810326 :0.16573114693164825 +of:0.4979505240917206 and:0.05857730284333229 were:0.0288397166877985 that:0.0184358861297369 :0.03306986391544342 +and:0.20009364187717438 in:0.0875854566693306 the:0.03209463134407997 to:0.03082008846104145 :0.06261483579874039 +be:0.17345429956912994 have:0.05872456729412079 see:0.026525968685746193 get:0.023200541734695435 :0.09837786108255386 +the:0.24462585151195526 this:0.03816622123122215 a:0.036068279296159744 which:0.02735218033194542 :0.07884317636489868 +the:0.14318953454494476 a:0.028900032863020897 there:0.022385649383068085 to:0.020111436024308205 :0.06449941545724869 +to:0.07689499109983444 and:0.07229388505220413 of:0.04565546289086342 the:0.022268731147050858 :0.09173285216093063 +be:0.2050066739320755 have:0.028163984417915344 only:0.02433883398771286 do:0.01757112145423889 :0.07342761754989624 +the:0.2072553038597107 a:0.052831344306468964 be:0.03499995917081833 said:0.02058788761496544 :0.1572306752204895 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.054465968161821365 the:0.016789846122264862 and:0.012246226891875267 he:0.011255932040512562 :0.315753698348999 +States:0.12257370352745056 Pacific:0.0819588378071785 States,:0.04961545765399933 States.:0.020997358486056328 :0.14999759197235107 +the:0.197000652551651 a:0.0747913345694542 that:0.03669552877545357 and:0.03601818531751633 :0.08687484264373779 +of:0.14667975902557373 is:0.1260821372270584 was:0.08401056379079819 has:0.06209784373641014 :0.039822060614824295 +creased:0.07270117849111557 terested:0.04316795617341995 tended:0.04234633222222328 serted:0.038155194371938705 :0.317404180765152 +and:0.11107437312602997 of:0.04875202104449272 to:0.027258649468421936 The:0.022901875898241997 :0.19361773133277893 +for:0.5385962724685669 of:0.04002111405134201 and:0.032187703996896744 to:0.02999563328921795 :0.028567275032401085 +nor:0.22124794125556946 and:0.025789372622966766 drugs:0.01782812736928463 the:0.011240157298743725 :0.29138892889022827 +and:0.00984710082411766 to:0.00856087077409029 in:0.006388178560882807 the:0.005867628380656242 :0.34343641996383667 +and:0.07873646169900894 of:0.042056795209646225 The:0.03680022805929184 in:0.027285302057862282 :0.11846348643302917 +a:0.1837819665670395 case:0.11613663285970688 cases:0.04714963212609291 an:0.03462531790137291 :0.11099185794591904 +of:0.08745899796485901 who:0.08533940464258194 from:0.07560205459594727 for:0.031851865351200104 :0.08068934082984924 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +and:0.1916697919368744 in:0.030989928171038628 to:0.024967320263385773 as:0.01910785213112831 :0.10855694860219955 +and:0.08435028046369553 to:0.026490027084946632 The:0.018797509372234344 of:0.016599323600530624 :0.16484713554382324 +the:0.4180006980895996 tho:0.024161579087376595 them:0.018246369436383247 said:0.018037689849734306 :0.12015899270772934 +are:0.08802945166826248 have:0.05765152722597122 had:0.05209645628929138 was:0.04756566509604454 :0.058262474834918976 +view:0.023221604526042938 large:0.015091892331838608 few:0.013403327204287052 little:0.011755388230085373 :0.19891507923603058 +that:0.1332339644432068 of:0.07314291596412659 to:0.04569828510284424 for:0.033330194652080536 :0.0630384013056755 +been:0.17217190563678741 a:0.09063860774040222 the:0.08861395716667175 an:0.01522032730281353 :0.08020587265491486 +been:0.28215134143829346 to:0.028674038127064705 not:0.028338002040982246 the:0.026251569390296936 :0.05517028644680977 +good:0.025313090533018112 very:0.023942340165376663 great:0.01810312829911709 right:0.016045689582824707 :0.13344401121139526 +the:0.08356063812971115 a:0.020975351333618164 which:0.011152397841215134 this:0.010362356901168823 :0.23469702899456024 +the:0.2005019187927246 a:0.06852975487709045 favor:0.022158537060022354 his:0.018610302358865738 :0.09412894397974014 +of:0.3238202631473541 to:0.06767568737268448 and:0.06245353817939758 in:0.03483554348349571 :0.035317037254571915 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +of:0.4107828140258789 in:0.03884376212954521 that:0.03837556764483452 to:0.03478410840034485 :0.02376028709113598 +the:0.3606921136379242 a:0.039443884044885635 he:0.01903717964887619 this:0.01874454692006111 :0.07587452977895737 +and:0.09032153338193893 number:0.04958480969071388 amount:0.030292712152004242 proportion:0.02213788591325283 :0.14475010335445404 +be:0.42448684573173523 not:0.03132231533527374 have:0.02909701317548752 bo:0.02691180258989334 :0.06226800009608269 +the:0.1101459413766861 that:0.10840072482824326 it:0.06963039189577103 a:0.05828820914030075 :0.05976752191781998 +not:0.02560732141137123 in:0.019985897466540337 to:0.019962366670370102 born:0.019280459731817245 :0.15087631344795227 +great:0.03247062861919403 good:0.0299025047570467 very:0.027103561908006668 matter:0.01384598109871149 :0.14564718306064606 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +of:0.07604867964982986 and:0.07293933629989624 the:0.057869601994752884 to:0.05503469333052635 :0.08969872444868088 +of:0.18656951189041138 one:0.025412235409021378 other:0.02499689720571041 means:0.021352307870984077 :0.16046567261219025 +and:0.05448953062295914 the:0.048731230199337006 to:0.030513688921928406 a:0.022244902327656746 :0.19270427525043488 +amendment:0.060414720326662064 of:0.021719783544540405 rights:0.02006710320711136 and:0.019730951637029648 :0.19935090839862823 +to:0.25408920645713806 into:0.04744062200188637 over:0.034486137330532074 on:0.03136632964015007 :0.030625734478235245 +the:0.09277065098285675 that:0.06426530331373215 it:0.025012942031025887 a:0.02464206889271736 :0.08451676368713379 +and:0.2965303957462311 of:0.15112777054309845 in:0.05799902603030205 or:0.042783770710229874 :0.05464529991149902 +follows::0.11521518230438232 much:0.058868300169706345 well:0.03995947539806366 a:0.03831657022237778 :0.07569565623998642 +small:0.052518293261528015 few:0.04914691671729088 a:0.03370536118745804 little:0.031242094933986664 :0.21120265126228333 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +a:0.029354669153690338 made:0.021220248192548752 in:0.017908724024891853 the:0.015689436346292496 :0.1536957174539566 +the:0.27766749262809753 a:0.2701788544654846 an:0.022552235051989555 this:0.01879669912159443 :0.11592590063810349 +the:0.2580510079860687 a:0.03134771063923836 and:0.024084249511361122 it:0.02347012236714363 :0.048911202698946 +the:0.07999226450920105 a:0.05417008325457573 not:0.040737103670835495 to:0.02913508005440235 :0.13046911358833313 +of:0.046975940465927124 to:0.03602803125977516 and:0.03142666444182396 in:0.025984380394220352 :0.18342798948287964 +the:0.2600879669189453 a:0.06829790771007538 his:0.032575372606515884 their:0.031780049204826355 :0.09547536820173264 +the:0.14600810408592224 any:0.051955994218587875 that:0.04718196019530296 a:0.04355597496032715 :0.09431358426809311 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +The:0.11735507100820541 It:0.05996234342455864 He:0.03742665797472 A:0.0300690196454525 :0.1367216855287552 +the:0.22064584493637085 a:0.06341207772493362 said:0.016916142776608467 law.:0.01587398536503315 :0.09363529831171036 +be:0.21228820085525513 is:0.09954188764095306 are:0.05336662754416466 was:0.04387231916189194 :0.046415701508522034 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +and:0.07616133987903595 mess:0.010067706927657127 in:0.007717069238424301 white:0.005788589362055063 :0.19739840924739838 +North,:0.07283915579319 north:0.06574434787034988 north,:0.05438411980867386 of:0.04186109080910683 :0.22707144916057587 +are:0.12217803299427032 were:0.07861416786909103 will:0.07099581509828568 have:0.06905921548604965 :0.08099502325057983 +large:0.011399081908166409 great:0.01091082114726305 new:0.008965902961790562 very:0.008872567676007748 :0.2262764722108841 +a:0.11667012423276901 not:0.07240572571754456 the:0.0684872716665268 said:0.019106311723589897 :0.06670841574668884 +of:0.1492101550102234 ago:0.11510444432497025 ago.:0.05322454869747162 ago,:0.04195550084114075 :0.06866758316755295 +the:0.07938524335622787 a:0.02617373690009117 that:0.01682998053729534 in:0.010493244975805283 :0.10252375900745392 +been:0.3073214888572693 a:0.059816617518663406 the:0.035544030368328094 to:0.025687478482723236 :0.0563824363052845 +from:0.20558889210224152 the:0.06966450065374374 and:0.05027391389012337 with:0.044897664338350296 :0.08017861098051071 +dollars:0.1329939067363739 cents:0.04885999485850334 years:0.03977670893073082 thousand:0.036594171077013016 :0.1718890517950058 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +the:0.2969170808792114 this:0.028325119987130165 a:0.02332986891269684 their:0.018519245088100433 :0.10422681272029877 +was:0.09157408028841019 is:0.07072358578443527 had:0.042472660541534424 has:0.03434213250875473 :0.09656401723623276 +of:0.41824182868003845 was:0.06947372853755951 is:0.06804382055997849 has:0.022130340337753296 :0.021941103041172028 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +tory:0.543871283531189 tory,:0.08574528247117996 torial:0.0353696271777153 tories:0.022728940472006798 :0.08727724850177765 +few:0.042575348168611526 two:0.0417640320956707 of:0.024718686938285828 year:0.021629415452480316 :0.131012424826622 +right:0.026027409359812737 same:0.01738891750574112 best:0.016106681898236275 most:0.014148964546620846 :0.12504778802394867 +the:0.08502551168203354 a:0.04031989350914955 more:0.017879188060760498 one:0.015453290194272995 :0.20978237688541412 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +ernment:0.5822787284851074 ernment.:0.08279740810394287 ernor:0.04814811795949936 ernment,:0.04164230450987816 :0.16168558597564697 +Y.:0.16035938262939453 Y:0.09266482293605804 C:0.03259441629052162 Y.,:0.03099382296204567 :0.14952827990055084 +of:0.20308826863765717 court:0.08156869560480118 in:0.05607123300433159 to:0.04950152337551117 :0.06397431343793869 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +the:0.2536894977092743 a:0.0366755835711956 which:0.020386716350913048 tho:0.02024812623858452 :0.1691989004611969 +and:0.05764605104923248 of:0.019442196935415268 the:0.01501460187137127 boy.:0.013152790255844593 :0.22881226241588593 +not:0.05638493597507477 the:0.029136285185813904 now:0.019368108361959457 to:0.01935030147433281 :0.11735815554857254 +and:0.06259091198444366 of:0.04432102292776108 to:0.025623057037591934 in:0.017337527126073837 :0.2163652926683426 +and:0.06551449000835419 of:0.025544308125972748 who:0.02431388385593891 the:0.016070624813437462 :0.20832055807113647 +said:0.008642644621431828 following:0.008587304502725601 first:0.00682665454223752 next:0.005300174932926893 :0.09281262010335922 +dollars:0.18811863660812378 the:0.06231776624917984 dollars.:0.04872725531458855 dollars,:0.03501326963305473 :0.12973344326019287 +the:0.4395137131214142 a:0.03985617682337761 said:0.025233346968889236 tho:0.023232098668813705 :0.04482284560799599 +of:0.49050846695899963 in:0.06891769170761108 from:0.026115667074918747 were:0.023137841373682022 :0.03866258263587952 +and:0.0444164052605629 John:0.0054998681880533695 Lincoln:0.004819598980247974 J:0.004600514657795429 :0.6048753261566162 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +The:0.11682839691638947 It:0.04066281393170357 I:0.029502542689442635 He:0.025782257318496704 :0.1710207164287567 +the:0.09686898440122604 a:0.04875163361430168 to:0.0449778288602829 by:0.02552189491689205 :0.177703857421875 +and:0.06268484890460968 of:0.03895953297615051 the:0.03100564517080784 in:0.018377410247921944 :0.11750049889087677 +be:0.32350441813468933 not:0.07234170287847519 have:0.033869531005620956 bo:0.023598697036504745 :0.0392550565302372 +and:0.21956951916217804 the:0.08447583019733429 but:0.03816278651356697 he:0.024445993825793266 :0.07303296029567719 +to:0.2014879584312439 in:0.08011356741189957 and:0.07838636636734009 by:0.07492704689502716 :0.05537853762507439 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +made:0.04281739890575409 said:0.0373661071062088 the:0.020553722977638245 paid:0.017824722453951836 :0.18098293244838715 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +the:0.15824782848358154 a:0.019617706537246704 said:0.011418784037232399 this:0.010625130496919155 :0.18329018354415894 +at:0.26422151923179626 in:0.1429833173751831 from:0.055642880499362946 and:0.05489406734704971 :0.04511423408985138 +the:0.3683330714702606 a:0.03462614864110947 this:0.03128659352660179 his:0.018038135021924973 :0.1506701409816742 +the:0.29233160614967346 a:0.03717098385095596 this:0.023813841864466667 his:0.01953897438943386 :0.06947722285985947 +and:0.008431392721831799 of:0.006838909350335598 work:0.004139096941798925 man:0.0032855533063411713 :0.2057449370622635 +to:0.12117232382297516 that:0.07659123092889786 for:0.0373685248196125 in:0.02686706930398941 :0.07863938063383102 +one:0.04499140381813049 doubt:0.027597948908805847 longer:0.018558766692876816 such:0.01824367046356201 :0.08386331796646118 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.16540725529193878 it:0.06176329404115677 he:0.046730149537324905 we:0.03810039162635803 :0.04163290932774544 +a:0.2066628485918045 the:0.10499053448438644 it:0.03543838858604431 an:0.03496186062693596 :0.0772220715880394 +Pierce,:0.014835610054433346 A:0.013406340964138508 The:0.013401763513684273 and:0.008348560892045498 :0.4175103008747101 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.07921015471220016 or:0.04669877141714096 to:0.04635339602828026 ing:0.024108167737722397 :0.4117410480976105 +John:0.013178103603422642 J.:0.011314828880131245 J:0.009001430124044418 C.:0.008230620063841343 :0.4575485289096832 +the:0.08618272095918655 and:0.06748997420072556 two:0.02468857355415821 a:0.018320847302675247 :0.08425208181142807 +shall:0.09779732674360275 to:0.057459138333797455 as:0.05230163037776947 and:0.041968125849962234 :0.04743129014968872 +the:0.05787545070052147 a:0.023287933319807053 and:0.021654518321156502 in:0.018423259258270264 :0.13966527581214905 +to:0.06321415305137634 a:0.0504303053021431 been:0.048330217599868774 at:0.03210066631436348 :0.10014914721250534 +the:0.22121797502040863 a:0.07158822566270828 this:0.02070021815598011 all:0.014955812133848667 :0.0757501944899559 +and:0.029466334730386734 next,:0.024846043437719345 A.:0.015645578503608704 1,:0.015083394944667816 :0.18428730964660645 +of:0.060112014412879944 and:0.05789463594555855 the:0.021353289484977722 in:0.020336193963885307 :0.18926295638084412 +and:0.1101737916469574 girl.:0.019891461357474327 the:0.01874026469886303 boy.:0.015662116929888725 :0.21671617031097412 +by:0.6339917778968811 in:0.07600945234298706 for:0.050628140568733215 to:0.03403511270880699 :0.023286689072847366 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +than:0.041107792407274246 and:0.017505383118987083 men:0.007514230906963348 things:0.007196078542619944 :0.22774489223957062 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.03403365612030029 Miss:0.025310611352324486 was:0.024677908048033714 of:0.017515286803245544 :0.33529865741729736 +The:0.15526318550109863 He:0.03937991335988045 It:0.036176782101392746 A:0.03466382995247841 :0.12694843113422394 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +a:0.058249957859516144 the:0.03936286270618439 not:0.02704646810889244 in:0.01152911689132452 :0.09631822258234024 +of:0.4894849956035614 and:0.02376476489007473 the:0.014354810118675232 day:0.00916761253029108 :0.06619492918252945 +quantities:0.028339633718132973 amount:0.021266454830765724 and:0.01858842931687832 of:0.012227236293256283 :0.20958253741264343 +the:0.2944895327091217 a:0.0272216834127903 tho:0.02141367457807064 this:0.01652868092060089 :0.09977857768535614 +pared:0.14575298130512238 sent:0.06517345458269119 serve:0.04230791702866554 vious:0.023833012208342552 :0.34601378440856934 +the:0.05546632781624794 a:0.03593676537275314 to:0.023006295785307884 and:0.01904725842177868 :0.17824165523052216 +the:0.37497252225875854 a:0.03766647353768349 this:0.022178493440151215 tho:0.018962446600198746 :0.07960905134677887 +same:0.04469560831785202 best:0.016909899190068245 most:0.011440337635576725 work:0.005398724228143692 :0.16788248717784882 +been:0.15846839547157288 not:0.04170609265565872 to:0.039592500776052475 a:0.02621503174304962 :0.06814787536859512 +the:0.16889581084251404 of:0.07074254006147385 over:0.027420930564403534 that:0.0217900313436985 :0.13283461332321167 +of:0.04455268010497093 and:0.03978307545185089 to:0.0186876580119133 is:0.013851812109351158 :0.15888142585754395 +the:0.018445534631609917 made:0.012868492864072323 a:0.012658555991947651 in:0.00984681025147438 :0.15408383309841156 +the:0.2088458389043808 by:0.08161826431751251 for:0.0515216700732708 that:0.045786648988723755 :0.045675262808799744 +same:0.00657580466940999 first:0.00634103175252676 said:0.00603741779923439 old:0.004179275594651699 :0.2545613944530487 +and:0.0184515081346035 law:0.009419651702046394 building:0.006762382108718157 line:0.006395032163709402 :0.1749783307313919 +.:0.11584964394569397 H:0.03064607083797455 W:0.025644436478614807 B:0.016617832705378532 :0.3275350332260132 +of:0.1678318977355957 in:0.06097087636590004 on:0.03652409836649895 out:0.033292077481746674 :0.07094287872314453 +hand,:0.10346733778715134 side:0.03877659887075424 hand:0.02346140891313553 day:0.020031249150633812 :0.13421951234340668 +and:0.06271591782569885 but:0.04867548123002052 to:0.03814316540956497 in:0.03753240406513214 :0.06716287136077881 +be:0.3066445291042328 not:0.05875183641910553 have:0.04960280656814575 bo:0.027043985202908516 :0.056609295308589935 +the:0.26198336482048035 a:0.03113342635333538 this:0.016701871529221535 his:0.016332658007740974 :0.09333791583776474 +man:0.012478752061724663 large:0.008416790515184402 good:0.008008531294763088 great:0.007064047269523144 :0.3054465055465698 +and:0.043674275279045105 in:0.029309837147593498 by:0.022168336436152458 to:0.01838691718876362 :0.2261733114719391 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +and:0.10902812331914902 of:0.10214251279830933 in:0.039375074207782745 the:0.02534991316497326 :0.07002860307693481 +and:0.06259091198444366 of:0.04432102292776108 to:0.025623057037591934 in:0.017337527126073837 :0.2163652926683426 +and:0.011548335663974285 power:0.004276001825928688 matter:0.0034632342867553234 fact:0.003025083104148507 :0.33472615480422974 +The:0.1028686985373497 It:0.053298939019441605 He:0.04819666966795921 I:0.038185399025678635 :0.13801349699497223 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.04592394456267357 to:0.025986531749367714 of:0.02582724206149578 The:0.01938442885875702 :0.18710914254188538 +The:0.13956286013126373 He:0.09670346230268478 It:0.05838366597890854 They:0.02565404586493969 :0.0568777360022068 +same:0.05279190465807915 time:0.012526815757155418 middle:0.010734767653048038 first:0.009949818253517151 :0.1596759706735611 +the:0.18584683537483215 a:0.09156250953674316 he:0.014124538749456406 this:0.014116681180894375 :0.1266302764415741 +and:0.06577996164560318 of:0.062294937670230865 to:0.04150405898690224 in:0.030480287969112396 :0.12913700938224792 +of:0.4398898482322693 and:0.06790319085121155 the:0.01874532923102379 was:0.01844712346792221 :0.08604257553815842 +and:0.045905064791440964 the:0.04055905342102051 a:0.0260672178119421 of:0.02578112483024597 :0.2563435435295105 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.057350851595401764 the:0.05326913297176361 to:0.03028019331395626 which:0.02963813580572605 :0.030892997980117798 +a:0.2110474854707718 no:0.1915147304534912 not:0.04970419406890869 an:0.029578860849142075 :0.03846994414925575 +and:0.05020921304821968 of:0.025944914668798447 the:0.021274076774716377 The:0.016771964728832245 :0.16438846290111542 +the:0.26847732067108154 a:0.051597461104393005 his:0.02029886655509472 tho:0.019025705754756927 :0.09233631938695908 +place:0.0165095292031765 oath:0.01486811600625515 matter:0.009266890585422516 same:0.008923111483454704 :0.13979202508926392 +the:0.20757894217967987 be:0.04442591592669487 a:0.026239672675728798 tho:0.010226955637335777 :0.0944557636976242 +a:0.10362710803747177 one:0.06262753903865814 the:0.06150731071829796 two:0.03602425754070282 :0.11146154999732971 +the:0.13395743072032928 a:0.09838823974132538 rid:0.04818589612841606 out:0.044972892850637436 :0.0631580650806427 +great:0.02843404747545719 good:0.021941043436527252 very:0.0215480737388134 member:0.021500952541828156 :0.1742185652256012 +the:0.037689343094825745 a:0.01692132279276848 to:0.010751412250101566 that:0.010229627601802349 :0.17306245863437653 +of:0.12372444570064545 and:0.061415329575538635 the:0.03090195171535015 to:0.02082597278058529 :0.15226395428180695 +to:0.6030062437057495 and:0.1421937644481659 by:0.05929267406463623 that:0.022536499425768852 :0.01987059786915779 +a:0.03721143677830696 able:0.02707509696483612 in:0.021022256463766098 the:0.01893334463238716 :0.16589820384979248 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +will:0.07837961614131927 can:0.04019085690379143 have:0.037512391805648804 would:0.032266464084386826 :0.08687067776918411 +and:0.07738904654979706 expanse:0.027498753741383553 of:0.006806232966482639 prairies:0.005529335234314203 :0.19823786616325378 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +is:0.2306077778339386 was:0.1955881416797638 would:0.07234462350606918 will:0.05431658402085304 :0.04618776962161064 +the:0.2190050482749939 a:0.041697558015584946 be:0.02965695410966873 his:0.01513594575226307 :0.11907926201820374 +be:0.2505118250846863 have:0.11258574575185776 not:0.07811325788497925 bo:0.014981350861489773 :0.06693170964717865 +to:0.09105458855628967 were:0.06815613061189651 are:0.0534711629152298 and:0.052833668887615204 :0.05260034278035164 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +is:0.2836778461933136 was:0.14617128670215607 Is:0.059683095663785934 has:0.04191187396645546 :0.05975716933608055 +of:0.08081664144992828 and:0.06963202357292175 to:0.06561308354139328 the:0.030962860211730003 :0.1289723962545395 +where:0.10009822994470596 in:0.09897197037935257 and:0.07640587538480759 on:0.037469275295734406 :0.0844520851969719 +try:0.4475606083869934 try,:0.19419832527637482 ty:0.07841120660305023 try.:0.06186434254050255 :0.0706322193145752 +to:0.0714070275425911 a:0.06300004571676254 the:0.05254900082945824 in:0.03185765817761421 :0.14463578164577484 +a:0.019765393808484077 in:0.014096862636506557 the:0.012418627738952637 otherwise:0.010597552172839642 :0.2275853157043457 +to:0.2076740711927414 and:0.14636868238449097 of:0.07611092180013657 in:0.04556828364729881 :0.04120482876896858 +other:0.056653112173080444 one:0.056619785726070404 of:0.04511047899723053 person:0.029164984822273254 :0.13476411998271942 +and:0.09462122619152069 the:0.07251174002885818 of:0.03686840459704399 in:0.02459869347512722 :0.1996268779039383 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +and:0.09368692338466644 of:0.08870524168014526 to:0.06484012305736542 the:0.03774923086166382 :0.07760288566350937 +and:0.31841492652893066 to:0.04906582832336426 the:0.03554202988743782 at:0.023862827569246292 :0.04485386237502098 +the:0.07718418538570404 to:0.05495094880461693 in:0.03811086341738701 a:0.03658920153975487 :0.15160831809043884 +of:0.1251591145992279 and:0.041535694152116776 in:0.03273820877075195 which:0.023444203659892082 :0.06895541399717331 +and:0.2789788544178009 but:0.05605816841125488 the:0.03715657442808151 which:0.03313915804028511 :0.06958610564470291 +few:0.043048661202192307 very:0.01854846253991127 short:0.016552865505218506 great:0.012824597768485546 :0.16029050946235657 +a:0.289775013923645 an:0.06286574900150299 as:0.03428056091070175 other:0.008651545271277428 :0.1445934772491455 +and:0.042588815093040466 was:0.0418924018740654 of:0.03348160162568092 is:0.024259153753519058 :0.15120083093643188 +and:0.03870801255106926 of:0.033178653568029404 to:0.01738731563091278 the:0.015688322484493256 :0.21468263864517212 +a:0.10640080273151398 the:0.10134146362543106 to:0.07499408721923828 well:0.03075789473950863 :0.09623216092586517 +a:0.04450319707393646 the:0.03517715632915497 made:0.03189803659915924 to:0.030992718413472176 :0.14755742251873016 +of:0.057627253234386444 and:0.042642731219530106 was:0.023096702992916107 in:0.018361838534474373 :0.22970090806484222 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +of:0.42249298095703125 and:0.09020999819040298 in:0.04963923245668411 from:0.03359828516840935 :0.030872564762830734 +given:0.3085511326789856 given,:0.1474568098783493 ordered:0.0423969104886055 authorized:0.039465732872486115 :0.08384460210800171 +people:0.025059454143047333 readers:0.023240679875016212 own:0.021269235759973526 friend:0.01632923260331154 :0.15412761270999908 +and:0.07788015156984329 in:0.04681609943509102 for:0.02016613818705082 with:0.01662261411547661 :0.19408035278320312 +sides:0.3748877942562103 sides,:0.09237731248140335 sides.:0.07296251505613327 the:0.04304397851228714 :0.08802595734596252 +have:0.1093050017952919 are:0.08971327543258667 were:0.02594595029950142 do:0.024643203243613243 :0.07733680307865143 +a:0.09480494260787964 to:0.07440934330224991 the:0.07118257880210876 you:0.034293778240680695 :0.07066407054662704 +had:0.05161484703421593 saw:0.032628949731588364 was:0.020396294072270393 knew:0.020210202783346176 :0.1308361440896988 +upon:0.20771390199661255 the:0.13802087306976318 to:0.06325262784957886 on:0.0324028916656971 :0.0994759127497673 +the:0.0726679340004921 a:0.019531695172190666 State:0.012194301933050156 Mrs.:0.01098703034222126 :0.20293739438056946 +of:0.18710483610630035 to:0.07062272727489471 for:0.0504288487136364 house:0.0465545579791069 :0.05552052706480026 +the:0.22296391427516937 be:0.046850211918354034 a:0.029881933704018593 his:0.01476238016039133 :0.08367807418107986 +of:0.37274760007858276 and:0.06129518896341324 in:0.0503341481089592 to:0.03184318169951439 :0.04567861557006836 +the:0.44941097497940063 a:0.042595695704221725 tho:0.022237423807382584 this:0.019286859780550003 :0.06084192544221878 +and:0.04769512638449669 obligation:0.016544494777917862 courage:0.0163694079965353 support:0.015143054537475109 :0.26181361079216003 +the:0.13173864781856537 this:0.0380953811109066 make:0.017251065000891685 be:0.013950394466519356 :0.13966533541679382 +the:0.5650389790534973 a:0.039710186421871185 this:0.019779711961746216 tho:0.016916703432798386 :0.08023536950349808 +is:0.04714009538292885 was:0.035377006977796555 year:0.03132569417357445 morning:0.02232900820672512 :0.10423233360052109 +be:0.2854720652103424 not:0.04503680020570755 only:0.02937500737607479 bo:0.020493805408477783 :0.056969162076711655 +of:0.46490272879600525 per:0.12195015698671341 to:0.027198834344744682 and:0.024614164605736732 :0.05134638026356697 +of:0.2912176251411438 the:0.0836719498038292 and:0.03951535001397133 a:0.0283088106662035 :0.07483992725610733 +and:0.15724064409732819 to:0.055725716054439545 as:0.031659819185733795 the:0.028678275644779205 :0.1538914442062378 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +mortgage:0.03486073762178421 County:0.014469009824097157 John:0.012604025192558765 James:0.009327806532382965 :0.15688163042068481 +the:0.37751951813697815 a:0.04401682689785957 this:0.024772431701421738 least:0.023963814601302147 :0.09068062901496887 +in:0.49141210317611694 In:0.09089436382055283 from:0.08796551823616028 on:0.02449178136885166 :0.014995803125202656 +of:0.38649770617485046 for:0.11819637566804886 to:0.11209356039762497 and:0.06819890439510345 :0.024135911837220192 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +of:0.09572727233171463 you:0.08649950474500656 the:0.07312525063753128 me:0.06791220605373383 :0.07472095638513565 +the:0.17185688018798828 to:0.09256166219711304 a:0.04238615185022354 with:0.026203006505966187 :0.0675661712884903 +amount:0.00798737071454525 of:0.006759877782315016 and:0.0055910274386405945 business:0.0055389404296875 :0.20468489825725555 +and:0.025028664618730545 W:0.011352517642080784 J:0.01076237391680479 W.:0.0062873344868421555 :0.4568849503993988 +Carlos:0.011862227693200111 and:0.010538613423705101 Juan:0.008197533898055553 I:0.005740319844335318 :0.5979200601577759 +of:0.6129624247550964 in:0.03360084444284439 and:0.019659750163555145 on:0.01586800441145897 :0.013420294038951397 +and:0.04025367647409439 of:0.0389803946018219 to:0.018076255917549133 in:0.016967885196208954 :0.22971422970294952 +the:0.23258621990680695 a:0.08936533331871033 their:0.024133116006851196 his:0.01401539146900177 :0.10560084134340286 +a:0.11307432502508163 the:0.07565367221832275 an:0.016312161460518837 great:0.008807231672108173 :0.18392989039421082 +edy:0.19954364001750946 and:0.019631298258900642 was:0.007216966710984707 of:0.005757605656981468 :0.3766024112701416 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.06596796959638596 to:0.050862252712249756 a:0.025898579508066177 in:0.020098237320780754 :0.13425779342651367 +the:0.0652458518743515 and:0.03981897979974747 to:0.027220897376537323 that:0.017417164519429207 :0.12699054181575775 +the:0.2696284055709839 a:0.04739311337471008 his:0.022499041631817818 this:0.01699078641831875 :0.12931866943836212 +the:0.08570234477519989 in:0.07871939986944199 them:0.06280018389225006 a:0.056132204830646515 :0.051922835409641266 +the:0.6045584082603455 which:0.041223786771297455 tho:0.031068041920661926 a:0.02146340161561966 :0.021648315712809563 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +and:0.3724449872970581 but:0.08444338291883469 the:0.02938951924443245 as:0.02519698068499565 :0.028973765671253204 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +same:0.011145134456455708 most:0.010789616033434868 first:0.007867911830544472 best:0.006996136158704758 :0.15984013676643372 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +The:0.13882409036159515 In:0.049159545451402664 It:0.04547783359885216 This:0.028681058436632156 :0.23344159126281738 +and:0.15817973017692566 for:0.05685262754559517 to:0.04918438941240311 in:0.03158041834831238 :0.10527519881725311 +and:0.08841506391763687 of:0.022390011698007584 to:0.019702032208442688 the:0.018124939873814583 :0.23805148899555206 +fact:0.005835378542542458 people:0.005788719747215509 best:0.004636609926819801 most:0.004147239960730076 :0.26740869879722595 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.04792732372879982 a:0.023401908576488495 said:0.014851811341941357 got:0.01404611300677061 :0.13516245782375336 +than:0.13438905775547028 or:0.03494067117571831 of:0.022953428328037262 to:0.015051344409584999 :0.15636302530765533 +and:0.06600230187177658 H.:0.021313851699233055 W.:0.01908077672123909 M.:0.019020631909370422 :0.3984532952308655 +and:0.08841506391763687 of:0.022390011698007584 to:0.019702032208442688 the:0.018124939873814583 :0.23805148899555206 +are:0.11509925872087479 have:0.1090821623802185 were:0.07481090724468231 will:0.03796584531664848 :0.104457788169384 +of:0.08385924249887466 and:0.08226530253887177 in:0.06202369183301926 at:0.034906163811683655 :0.04972218722105026 +of:0.31595379114151 men:0.05078064650297165 and:0.04242606833577156 man:0.02106783352792263 :0.045676108449697495 +the:0.06387463957071304 and:0.06157149374485016 to:0.0443684384226799 ed:0.02703496813774109 :0.1095937117934227 +of:0.15210476517677307 and:0.09794000536203384 who:0.055794261395931244 to:0.03738084435462952 :0.037554267793893814 +a:0.2110474854707718 no:0.1915147304534912 not:0.04970419406890869 an:0.029578860849142075 :0.03846994414925575 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +not:0.07724644243717194 the:0.05042419582605362 a:0.018016699701547623 all:0.017193835228681564 :0.15980234742164612 +the:0.05082084983587265 a:0.02805444784462452 any:0.020677393302321434 other:0.0164695605635643 :0.26022598147392273 +and:0.08344408124685287 the:0.08006829768419266 that:0.07467267662286758 a:0.029759366065263748 :0.06578655540943146 +situate:0.05965249985456467 in:0.05886959284543991 and:0.05068540573120117 to:0.028075754642486572 :0.07618731260299683 +of:0.26166126132011414 who:0.0577114038169384 to:0.04644044488668442 in:0.0401947945356369 :0.036791641265153885 +acres:0.03300904482603073 and:0.029362015426158905 .:0.022280914708971977 of:0.022037699818611145 :0.17029422521591187 +and:0.027257487177848816 The:0.018786687403917313 the:0.01660330966114998 It:0.010601040907204151 :0.2201537936925888 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +of:0.10638386756181717 the:0.060433704406023026 and:0.04557157680392265 to:0.03973974660038948 :0.07959376275539398 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +of:0.32390010356903076 and:0.13562855124473572 are:0.06171013042330742 in:0.04637204110622406 :0.027542706578969955 +of:0.08969079703092575 and:0.04115283116698265 to:0.013259340077638626 the:0.012422003783285618 :0.3232773244380951 +part:0.05985468253493309 number:0.03822752460837364 amount:0.029122712090611458 degree:0.027164451777935028 :0.11656775325536728 +old:0.02000921592116356 act:0.01117708906531334 1:0.011172890663146973 hour:0.009735219180583954 :0.2592812478542328 +the:0.191718190908432 a:0.023820029571652412 be:0.02105511911213398 see:0.014636867679655552 :0.1018129214644432 +the:0.22749333083629608 virtue:0.09496134519577026 a:0.03469686955213547 said:0.02660208009183407 :0.10030040889978409 +are:0.014569859951734543 party:0.013119685463607311 men:0.012208295986056328 have:0.010080238804221153 :0.1353188306093216 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +of:0.12340638041496277 and:0.10005967319011688 that:0.0539030022919178 to:0.03760363161563873 :0.04969669133424759 +the:0.06351546198129654 he:0.026943068951368332 they:0.02498440630733967 is:0.022453028708696365 :0.0649874210357666 +of:0.13819408416748047 other:0.03589022159576416 one:0.023185277357697487 degree:0.009614182636141777 :0.16885171830654144 +the:0.10933192074298859 in:0.047342900186777115 if:0.03784121572971344 a:0.03152293339371681 :0.09463344514369965 +the:0.1175706684589386 he:0.06140637770295143 it:0.04722054302692413 they:0.04517137631773949 :0.04872215911746025 +miles:0.09055803716182709 hundred:0.08640341460704803 or:0.0688173770904541 years:0.0668552815914154 :0.05864373594522476 +The:0.053160663694143295 and:0.031951941549777985 A:0.012693343684077263 It:0.011959757655858994 :0.1866309642791748 +to:0.05061379075050354 for:0.042527902871370316 of:0.03485387563705444 and:0.032916340976953506 :0.09384617209434509 +and:0.11077547073364258 in:0.046127934008836746 that:0.040923986583948135 which:0.02939411997795105 :0.10107193142175674 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +by:0.5123091340065002 with:0.044537171721458435 the:0.035730645060539246 in:0.03291678801178932 :0.03139885887503624 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.23049116134643555 a:0.05281327664852142 this:0.012494226917624474 St.:0.010850266553461552 :0.26055264472961426 +the:0.09802104532718658 a:0.024238508194684982 his:0.005607169587165117 Mr.:0.005012931302189827 :0.36495110392570496 +head:0.03668556734919548 head,:0.023934977129101753 own:0.01941303163766861 to:0.017495905980467796 :0.14323537051677704 +the:0.1365906000137329 to:0.06160850077867508 a:0.04770168289542198 them:0.041009001433849335 :0.08399687707424164 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.10497064888477325 that:0.03651593625545502 a:0.0189997348934412 to:0.013405350968241692 :0.13825318217277527 +and:0.22105130553245544 where:0.042048100382089615 the:0.03282994031906128 or:0.03018566220998764 :0.08371710032224655 +the:0.19482474029064178 he:0.03923160210251808 they:0.035897064954042435 it:0.03054697811603546 :0.07345926761627197 +the:0.023812221363186836 any:0.020166054368019104 more:0.015616978518664837 to:0.01238514855504036 :0.21142752468585968 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.17784999310970306 in:0.04079323261976242 or:0.026874063536524773 to:0.02229810692369938 :0.08080492168664932 +off:0.07008155435323715 and:0.06628002971410751 in:0.05242979899048805 to:0.04600921645760536 :0.04411349073052406 +of:0.71367347240448 and:0.025582659989595413 to:0.020238041877746582 ot:0.015578735619783401 :0.0212855264544487 +to:0.06679214537143707 the:0.030327802523970604 of:0.02623170055449009 and:0.02438097633421421 :0.22614683210849762 +of:0.14043162763118744 as:0.040550652891397476 to:0.03622482344508171 in:0.03372582420706749 :0.10336846858263016 +and:0.11490458250045776 to:0.027919989079236984 at:0.025995729491114616 the:0.021141434088349342 :0.07384368777275085 +a:0.06815875321626663 the:0.04489733651280403 not:0.027803532779216766 in:0.01649516448378563 :0.15705691277980804 +the:0.15914395451545715 that:0.026942094787955284 a:0.02090788632631302 they:0.01790260151028633 :0.08301255106925964 +It:0.0848836898803711 The:0.07868240773677826 I:0.04433658719062805 In:0.02169143222272396 :0.14747650921344757 +not:0.04980239272117615 in:0.02706148475408554 the:0.018896562978625298 to:0.017280016094446182 :0.17729981243610382 +the:0.12499335408210754 you:0.11579158902168274 he:0.06149471178650856 it:0.05128469690680504 :0.05797029659152031 +and:0.23887217044830322 but:0.0852087140083313 to:0.03622408211231232 the:0.03444542735815048 :0.032924309372901917 +was:0.11737138777971268 had:0.05606537312269211 is:0.04181225597858429 would:0.040793102234601974 :0.07370158284902573 +and:0.28678518533706665 but:0.03669700771570206 the:0.029112841933965683 as:0.02591092512011528 :0.059255942702293396 +the:0.06515621393918991 a:0.025883907452225685 to:0.01215329673141241 in:0.009236549027264118 :0.10006608814001083 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.052587494254112244 train:0.04297472536563873 of:0.03753884881734848 to:0.03639708831906319 :0.06623657047748566 +.:0.027106892317533493 the:0.016063939779996872 and:0.014671675860881805 a:0.00897663738578558 :0.41347536444664 +the:0.07656588405370712 a:0.033489540219306946 of:0.009406855329871178 other:0.00835630763322115 :0.20534943044185638 +and:0.009533660486340523 of:0.00834740325808525 United:0.007086189929395914 the:0.00637141615152359 :0.2941235899925232 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +of:0.8777292966842651 ot:0.008308833464980125 that:0.0066352360881865025 and:0.006392345298081636 :0.006054136902093887 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +or:0.07070443779230118 years:0.06706826388835907 weeks:0.03847617655992508 hundred:0.024867329746484756 :0.17635104060173035 +the:0.08081518858671188 money:0.04162759706377983 said:0.014529756270349026 a:0.01412157528102398 :0.1636488437652588 +the:0.40268704295158386 his:0.034626930952072144 their:0.029843278229236603 all:0.028944334015250206 :0.05021486431360245 +time:0.062497083097696304 as:0.03424028307199478 to:0.02136545069515705 time,:0.017479538917541504 :0.08758080005645752 +the:0.02345561794936657 not:0.023331860080361366 in:0.019272981211543083 made:0.017976148054003716 :0.21227896213531494 +be:0.4173854887485504 not:0.04189971089363098 have:0.0374738834798336 bo:0.01695345900952816 :0.12546230852603912 +that:0.08715927600860596 the:0.056240107864141464 in:0.048320285975933075 as:0.04207472503185272 :0.0991358757019043 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.20436902344226837 a:0.0343848392367363 his:0.028710665181279182 them:0.023294951766729355 :0.1267951875925064 +a:0.07918224483728409 the:0.05503809079527855 up:0.0224219411611557 into:0.02233758382499218 :0.14133845269680023 +covered:0.1268141120672226 posed:0.07454060763120651 solved:0.03511614352464676 charged:0.030753357335925102 :0.27539587020874023 +and:0.04365130513906479 Company:0.041896577924489975 of:0.028983768075704575 Company,:0.01859918236732483 :0.1963053047657013 +been:0.22281159460544586 a:0.05023995414376259 not:0.02663886733353138 the:0.02092059515416622 :0.09591406583786011 +and:0.06571445614099503 of:0.05494821071624756 the:0.022201746702194214 to:0.019535621628165245 :0.22784313559532166 +point:0.01289771031588316 large:0.008590435609221458 very:0.007094068918377161 visit:0.006071233656257391 :0.17110176384449005 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +the:0.11267571896314621 that:0.043204739689826965 a:0.03144227713346481 to:0.030564405024051666 :0.06365392357110977 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +a:0.03684420883655548 the:0.0364057794213295 made:0.02793208695948124 sold:0.016866616904735565 :0.12324710190296173 +to:0.04148423299193382 not:0.03421717509627342 in:0.028998645022511482 the:0.02129547856748104 :0.1818513572216034 +and:0.06894595175981522 of:0.057344574481248856 from:0.030245959758758545 to:0.02680492214858532 :0.05646058917045593 +of:0.1839607208967209 to:0.05625985562801361 and:0.042984865605831146 by:0.042771268635988235 :0.06925731897354126 +of:0.057473428547382355 and:0.042553987354040146 the:0.028069065883755684 to:0.027277592569589615 :0.19031991064548492 +.:0.08340547233819962 C:0.015602982603013515 W:0.01436623279005289 M:0.013878916390240192 :0.49741750955581665 +are:0.09622860699892044 were:0.08240942656993866 have:0.06716438382863998 would:0.051348209381103516 :0.049744561314582825 +to:0.4921996593475342 in:0.15487365424633026 from:0.03408318758010864 at:0.026852412149310112 :0.025959717109799385 +and:0.11324407905340195 the:0.051891203969717026 to:0.026850448921322823 in:0.015238232910633087 :0.16047032177448273 +much:0.06890972703695297 long:0.023213597014546394 well:0.01945529133081436 far:0.01727360673248768 :0.15199588239192963 +and:0.13209566473960876 for:0.05857952684164047 the:0.056951846927404404 to:0.055453620851039886 :0.07091500610113144 +own:0.039221979677677155 life:0.0089398343116045 friends:0.005477586295455694 party:0.0046061198227107525 :0.19100113213062286 +and:0.07240244746208191 of:0.048315197229385376 in:0.020462771877646446 The:0.01970761828124523 :0.15345637500286102 +be:0.05006244406104088 make:0.04482496157288551 get:0.03224902227520943 the:0.027131004258990288 :0.0766770988702774 +the:0.09621217846870422 that:0.03416382148861885 to:0.019613206386566162 it:0.019513066858053207 :0.09328607469797134 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +and:0.12103546410799026 by:0.10768123716115952 with:0.06599080562591553 the:0.05678479000926018 :0.03951611742377281 +the:0.049898937344551086 and:0.035593077540397644 to:0.032317835837602615 of:0.025478430092334747 :0.1442532241344452 +and:0.01543455570936203 the:0.007295914925634861 a:0.006519753485918045 years,:0.005609460640698671 :0.3642102777957916 +the:0.1951190084218979 a:0.028970852494239807 tho:0.01516641303896904 this:0.014514291658997536 :0.14138607680797577 +person:0.02834084816277027 persons:0.01712105982005596 rock:0.009726515971124172 of:0.009327895008027554 :0.1859796643257141 +The:0.03199378028512001 and:0.031217288225889206 In:0.020819535478949547 I:0.01316796150058508 :0.4670853316783905 +the:0.20434856414794922 a:0.05492870882153511 this:0.025431321933865547 all:0.021044034510850906 :0.08431537449359894 +Carolina:0.08549775928258896 Dakota,:0.06788195669651031 Carolina,:0.03191028907895088 and:0.023328954353928566 :0.2455146759748459 +the:0.2534317672252655 a:0.06083406135439873 tho:0.0143583994358778 virtue:0.014082925394177437 :0.1255786269903183 +the:0.45761623978614807 a:0.06132711097598076 tho:0.023723842576146126 said:0.018932297825813293 :0.07143265008926392 +few:0.2762191891670227 short:0.059232547879219055 year:0.046773869544267654 mile:0.04288389906287193 :0.1163131445646286 +and:0.06373066455125809 to:0.026988675817847252 the:0.022208321839571 of:0.020408816635608673 :0.11405263841152191 +a:0.057294029742479324 been:0.051289841532707214 to:0.04760027676820755 no:0.04384852573275566 :0.07710041105747223 +.:0.2637500762939453 of:0.017864778637886047 .,:0.009326276369392872 the:0.008464318700134754 :0.362876296043396 +the:0.25054773688316345 a:0.026294035837054253 this:0.0188615582883358 that:0.01817893423140049 :0.13473932445049286 +have:0.075868159532547 are:0.05109960958361626 shall:0.03799578174948692 will:0.0332656130194664 :0.08409862220287323 +the:0.04327864572405815 of:0.04021436721086502 and:0.02796841785311699 to:0.011439701542258263 :0.22635839879512787 +of:0.1850384622812271 and:0.12102477252483368 to:0.04263996705412865 was:0.030145511031150818 :0.06119387969374657 +time:0.017542505636811256 right,:0.015012092888355255 other:0.012586005963385105 way:0.011546540074050426 :0.18214444816112518 +as:0.11832983791828156 the:0.10652521997690201 to:0.05445593222975731 a:0.043687641620635986 :0.1716156303882599 +first:0.01656775362789631 said:0.014147539623081684 people:0.013477622531354427 time:0.011680027469992638 :0.1652756780385971 +and:0.0927080437541008 Union:0.0586923286318779 Canada:0.02490535005927086 Union,:0.01337719801813364 :0.30802080035209656 +and:0.06318928301334381 of:0.029846930876374245 the:0.017411723732948303 who:0.017378507182002068 :0.2197999358177185 +J:0.011539807543158531 James:0.011438027024269104 W.:0.010592851787805557 John:0.010174836963415146 :0.4575771391391754 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +of:0.13639728724956512 and:0.1283591240644455 was:0.048826299607753754 or:0.04350367560982704 :0.0598580501973629 +the:0.24045071005821228 a:0.045154083520174026 it:0.0418689101934433 all,:0.03775998577475548 :0.11354478448629379 +to:0.013527811504900455 and:0.007943963631987572 law:0.0070436191745102406 in:0.0035516407806426287 :0.36185476183891296 +act:0.03377475216984749 overwhelming:0.027280816808342934 order:0.02145477384328842 instrument:0.020022137090563774 :0.20426474511623383 +the:0.2174631804227829 of:0.06788533926010132 a:0.023526573553681374 that:0.017408637329936028 :0.06278703361749649 +and:0.26072683930397034 yards:0.043623920530080795 dollars:0.042572371661663055 feet:0.038244638592004776 :0.13334670662879944 +the:0.3197058439254761 a:0.05040528625249863 it:0.022826706990599632 their:0.0215525534003973 :0.07045254856348038 +sale:0.21892139315605164 the:0.17811615765094757 a:0.018031667917966843 this:0.010841733776032925 :0.11575713008642197 +other:0.044749483466148376 more:0.02949557639658451 thing:0.021203109994530678 such:0.020312080159783363 :0.14338357746601105 +way:0.0162950549274683 and:0.00610182574018836 case:0.005204537883400917 city:0.005146820098161697 :0.3004406690597534 +now:0.04170689359307289 not:0.0396726056933403 the:0.038179244846105576 to:0.03253788873553276 :0.1130368709564209 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.17784570157527924 be:0.05361972749233246 a:0.022567151114344597 that:0.013838723301887512 :0.10626310110092163 +Louis:0.15562577545642853 Paul:0.021045485511422157 John,:0.018595555797219276 the:0.01412817370146513 :0.37498006224632263 +the:0.03704138472676277 was:0.026406165212392807 and:0.02611684799194336 of:0.02325477823615074 :0.17209234833717346 +and:0.16142943501472473 is:0.04618637636303902 in:0.04130032658576965 was:0.038738541305065155 :0.03118125908076763 +the:0.3706720769405365 a:0.06427207589149475 tho:0.03522475063800812 his:0.026089323684573174 :0.07989183813333511 +of:0.1306796669960022 the:0.054613783955574036 and:0.028421007096767426 in:0.013681613840162754 :0.14583122730255127 +the:0.1490318775177002 that:0.1005307286977768 any:0.05586787685751915 to:0.03570318967103958 :0.054188910871744156 +and:0.10302583128213882 the:0.03405585139989853 or:0.02853103168308735 in:0.018281159922480583 :0.1622193306684494 +of:0.048868875950574875 and:0.04405232146382332 the:0.03280138224363327 to:0.023142416030168533 :0.15923365950584412 +than:0.03778427466750145 of:0.01997172087430954 important:0.018663892522454262 and:0.012058580294251442 :0.1627875417470932 +of:0.15899455547332764 and:0.0922146812081337 the:0.04064706340432167 but:0.020553354173898697 :0.15099646151065826 +the:0.04148406535387039 a:0.0369773767888546 to:0.03331417962908745 in:0.0314784049987793 :0.1726565659046173 +the:0.08336056768894196 a:0.07003176957368851 out:0.031869471073150635 rid:0.024398786947131157 :0.12215057760477066 +old,:0.2576281428337097 ago:0.07859230041503906 of:0.07396125793457031 old.:0.06840957701206207 :0.04882800206542015 +the:0.08115216344594955 a:0.040986549109220505 at:0.011922096833586693 then:0.011720918118953705 :0.13258129358291626 +and:0.06920504570007324 as:0.04901151731610298 in:0.042543407529592514 the:0.036063965409994125 :0.0561695322394371 +and:0.1549510955810547 to:0.12184710055589676 that:0.05410127341747284 in:0.05160592868924141 :0.04515642672777176 +to:0.47916102409362793 and:0.0977180078625679 of:0.029127618297934532 or:0.025003276765346527 :0.02300686202943325 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +of:0.39454659819602966 to:0.11654066294431686 entitled:0.05036191642284393 in:0.021090170368552208 :0.03202672675251961 +the:0.25108659267425537 a:0.04828927665948868 Congress:0.01683768630027771 that:0.012487363070249557 :0.15236735343933105 +to:0.13028906285762787 the:0.0958697721362114 a:0.06867235898971558 may:0.028894199058413506 :0.07981414347887039 +the:0.23799699544906616 a:0.04221582040190697 tho:0.014849789440631866 this:0.014704192988574505 :0.22046831250190735 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.27374598383903503 where:0.04425341635942459 or:0.02703981101512909 the:0.021757515147328377 :0.053542960435152054 +important:0.033643923699855804 of:0.02098493091762066 prominent:0.011481708846986294 beautiful:0.01122498232871294 :0.16610804200172424 +a:0.09493284672498703 the:0.09486702084541321 to:0.03298448398709297 it:0.0228742603212595 :0.14346913993358612 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +and:0.05541291832923889 the:0.05430624261498451 to:0.036724336445331573 in:0.02973989024758339 :0.12324361503124237 +to:0.19129489362239838 the:0.10279547423124313 a:0.03346210718154907 three:0.02832575887441635 :0.13162624835968018 +and:0.02828514203429222 the:0.014767060987651348 was:0.012139871716499329 is:0.012099828571081161 :0.3255583643913269 +that:0.3696795105934143 the:0.11797811836004257 a:0.06230544671416283 by:0.04102018103003502 :0.03291429206728935 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.03888683021068573 amount:0.029591059312224388 mortgage:0.012925785966217518 that:0.011165386997163296 :0.15945924818515778 +hundred:0.6038985848426819 of:0.057215701788663864 hun-:0.01698281802237034 and:0.01250957790762186 :0.04256780818104744 +of:0.11893732845783234 to:0.04432716220617294 on:0.03902756795287132 the:0.03786700963973999 :0.07022859156131744 +the:0.18679605424404144 to:0.08349050581455231 a:0.027735447511076927 his:0.019152482971549034 :0.1533176451921463 +own:0.05106574296951294 hands:0.03582387417554855 hands.:0.017254140228033066 hands,:0.009615251794457436 :0.21689745783805847 +bearers:0.25344523787498474 of:0.24237921833992004 and:0.05983518809080124 is:0.014042387716472149 :0.07360292226076126 +the:0.2457294911146164 a:0.06111094728112221 said:0.03223906457424164 this:0.027372632175683975 :0.09231271594762802 +been:0.35705727338790894 to:0.030045753344893456 a:0.019974419847130775 done:0.01883944869041443 :0.058857910335063934 +and:0.05872911959886551 of:0.03419974818825722 the:0.023355869576334953 to:0.015720602124929428 :0.17298877239227295 +the:0.35936084389686584 a:0.03589876368641853 this:0.026164546608924866 such:0.01630225218832493 :0.10125298798084259 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +not:0.05281554162502289 the:0.028157664462924004 all:0.017914706841111183 now:0.017601938918232918 :0.11589504033327103 +W:0.049227334558963776 W.:0.042395252734422684 H.:0.03249899670481682 H:0.024029668420553207 :0.22734567523002625 +way:0.19202543795108795 the:0.14252597093582153 a:0.031968165189027786 suffrage:0.02623969316482544 :0.1109621450304985 +the:0.2603914439678192 he:0.0506560355424881 it:0.04192600026726723 they:0.04000229015946388 :0.08977511525154114 +the:0.17230047285556793 a:0.04863288626074791 their:0.016470428556203842 any:0.015906425192952156 :0.12377212941646576 +of:0.15056920051574707 fund:0.08516152948141098 and:0.04122273996472359 the:0.031120026484131813 :0.10972657054662704 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +and:0.2331458181142807 but:0.05406052991747856 the:0.03253522142767906 with:0.023683233186602592 :0.07944361865520477 +the:0.25040140748023987 he:0.05652531608939171 they:0.03809880092740059 it:0.03498151898384094 :0.05241021886467934 +the:0.2715776562690735 and:0.048075150698423386 in:0.030491802841424942 to:0.027575857937335968 :0.06383519619703293 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.09665697067975998 a:0.08728040009737015 it:0.041935425251722336 to:0.02270268090069294 :0.0747031643986702 +a:0.0726439356803894 the:0.041453536599874496 to:0.022616900503635406 no:0.018998829647898674 :0.15269926190376282 +and:0.1123625859618187 to:0.04568718746304512 the:0.03594011068344116 The:0.022487806156277657 :0.14161385595798492 +Office:0.3197298049926758 Office,:0.07684091478586197 No.:0.030185090377926826 Office.:0.0291180107742548 :0.13399995863437653 +of:0.07878785580396652 and:0.039714861661195755 to:0.013362293131649494 The:0.012594894506037235 :0.2453196942806244 +was:0.0762634426355362 is:0.05966881290078163 and:0.053640950471162796 to:0.03491917997598648 :0.0438106432557106 +purposes:0.04162965342402458 purposes,:0.03460109233856201 and:0.03263344615697861 purposes.:0.014238337054848671 :0.12265578657388687 +opportunity:0.0321476012468338 old:0.020937515422701836 hour:0.016495227813720703 average:0.013666698709130287 :0.16737738251686096 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +do:0.04092108830809593 get:0.035186298191547394 make:0.03368506208062172 see:0.017309587448835373 :0.0832904651761055 +of:0.12455954402685165 and:0.09446694701910019 the:0.02967735566198826 to:0.02864924632012844 :0.08647345751523972 +and:0.11963072419166565 to:0.09589813649654388 that:0.03480445221066475 for:0.03211979940533638 :0.03825084865093231 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +know:0.05386008322238922 want:0.026809213683009148 think:0.024889199063181877 see:0.023745935410261154 :0.10354577004909515 +is:0.20393991470336914 was:0.09463091939687729 will:0.03776639699935913 would:0.033526234328746796 :0.08905144780874252 +from:0.22031912207603455 of:0.13649919629096985 to:0.08293911814689636 and:0.028113454580307007 :0.03959950432181358 +the:0.2536894977092743 a:0.0366755835711956 which:0.020386716350913048 tho:0.02024812623858452 :0.1691989004611969 +the:0.037985268980264664 was:0.021413734182715416 am:0.0171686839312315 have:0.016913708299398422 :0.23247003555297852 +ceived:0.11199072003364563 quired:0.09796912223100662 membered:0.047301746904850006 garded:0.040813785046339035 :0.1952214390039444 +of:0.045723527669906616 and:0.021868525072932243 part:0.0192605871707201 year:0.01655881106853485 :0.10554948449134827 +and:0.11523330211639404 as:0.02759815938770771 a:0.0219326950609684 for:0.016484517604112625 :0.2333901822566986 +to:0.07726014405488968 as:0.07613608986139297 that:0.05370323732495308 and:0.04818792641162872 :0.04625410959124565 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +Dr.:0.06427197903394699 J:0.04693051800131798 J.:0.037060536444187164 John:0.02775641158223152 :0.14309145510196686 +and:0.05253095179796219 to:0.03669770434498787 of:0.02815118245780468 a:0.0181469414383173 :0.2913304567337036 +the:0.2045731097459793 a:0.04723981022834778 this:0.031287167221307755 tho:0.021378561854362488 :0.1520950198173523 +that:0.13818344473838806 me:0.13665297627449036 him:0.10126391053199768 the:0.06793644279241562 :0.06418146938085556 +of:0.18937106430530548 and:0.043078795075416565 is:0.03214172273874283 to:0.027503395453095436 :0.10200440138578415 +was:0.08465151488780975 is:0.05789036303758621 has:0.052739471197128296 and:0.0366605743765831 :0.09846726804971695 +and:0.06726757436990738 ers:0.029436474665999413 The:0.015763387084007263 of:0.01485707052052021 :0.21490557491779327 +said:0.010425232350826263 same:0.009290038608014584 people:0.007789068389683962 other:0.005896376445889473 :0.2327064573764801 +is:0.2404213845729828 was:0.11587538570165634 will:0.04546183720231056 would:0.039107877761125565 :0.04966389760375023 +lage:0.6439573764801025 and:0.0059760683216154575 of:0.001282478217035532 land:0.00100080412812531 :0.25708845257759094 +self:0.37711554765701294 self.:0.07406499981880188 self,:0.06616007536649704 of:0.02181798405945301 :0.05941848084330559 +and:0.08999594300985336 to:0.03587965667247772 of:0.022132230922579765 or:0.016851991415023804 :0.15874354541301727 +by:0.3320181965827942 in:0.1385696828365326 to:0.050452373921871185 the:0.048660557717084885 :0.040109165012836456 +the:0.0882067009806633 a:0.04465160518884659 and:0.03860637545585632 that:0.018573882058262825 :0.11968743801116943 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +to:0.7110658288002014 a:0.021952860057353973 the:0.009817158803343773 in:0.009653383865952492 :0.03018735721707344 +be:0.22775162756443024 the:0.05014452338218689 have:0.04208415001630783 bo:0.014867320656776428 :0.09491126984357834 +the:0.2895796000957489 a:0.044074878096580505 this:0.019557440653443336 tho:0.011691223829984665 :0.14382541179656982 +and:0.22108061611652374 of:0.07295163720846176 in:0.022414064034819603 were:0.02205452136695385 :0.07542877644300461 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +and:0.059299781918525696 the:0.043819911777973175 The:0.016800064593553543 to:0.015914324671030045 :0.16520632803440094 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.14924877882003784 and:0.08237208425998688 was:0.02137260138988495 which:0.015716062858700752 :0.10160545259714127 +the:0.2125081717967987 section:0.21109001338481903 Section:0.08084726333618164 a:0.07683240622282028 :0.07709634304046631 +a:0.02836454287171364 made:0.02077404037117958 the:0.020418105646967888 was:0.009990881197154522 :0.2544764280319214 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +The:0.18092744052410126 It:0.04289838299155235 A:0.040721647441387177 He:0.03445161134004593 :0.13633151352405548 +and:0.042588815093040466 was:0.0418924018740654 of:0.03348160162568092 is:0.024259153753519058 :0.15120083093643188 +only:0.25375762581825256 a:0.12519466876983643 one:0.0388040654361248 the:0.037657562643289566 :0.07399693131446838 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +o'clock:0.3231278955936432 o’clock:0.06905844062566757 o'clock,:0.0317675806581974 times:0.029882336035370827 :0.12668396532535553 +the:0.4260583817958832 a:0.06584863364696503 his:0.034842152148485184 this:0.01929376646876335 :0.07400786876678467 +been:0.24565957486629486 not:0.03656308352947235 a:0.029995977878570557 the:0.019106321036815643 :0.08974777907133102 +The:0.16510379314422607 It:0.04012313112616539 This:0.028831541538238525 A:0.02762557752430439 :0.12970705330371857 +from:0.39470404386520386 the:0.12626856565475464 in:0.04115170240402222 to:0.036616407334804535 :0.03650354593992233 +the:0.1374002993106842 that:0.1316986382007599 to:0.09026413410902023 his:0.04448236525058746 :0.0392981581389904 +have:0.0516352504491806 was:0.04617501422762871 had:0.03197900205850601 am:0.028831392526626587 :0.10159948468208313 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.0643630176782608 of:0.03314466029405594 the:0.02263013646006584 to:0.019756317138671875 :0.1809171736240387 +been:0.17093238234519958 not:0.046588677912950516 the:0.019873134791851044 a:0.019773107022047043 :0.06568558514118195 +the:0.16857972741127014 least:0.06061121076345444 a:0.03751497343182564 this:0.02783673070371151 :0.1483941674232483 +the:0.07856377214193344 a:0.04206473380327225 business:0.03208642080426216 this:0.02787632867693901 :0.05598987266421318 +great:0.03223976120352745 very:0.022109882906079292 good:0.01982683502137661 member:0.017859771847724915 :0.1469806283712387 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.12115830183029175 a:0.03694098815321922 called:0.02508510649204254 to:0.022571219131350517 :0.1379365175962448 +not:0.04407241940498352 a:0.042467497289180756 the:0.029679030179977417 made:0.01843062788248062 :0.14749376475811005 +that:0.06177077814936638 to:0.05623368173837662 a:0.04535961151123047 of:0.04358172044157982 :0.05158268287777901 +of:0.2767636775970459 to:0.10653860867023468 and:0.09014841169118881 for:0.057944200932979584 :0.03406885266304016 +the:0.13172504305839539 a:0.018614526838064194 this:0.009167280979454517 tho:0.006786441896110773 :0.18937033414840698 +said:0.1500219851732254 the:0.12549220025539398 lot:0.011132778599858284 a:0.010363791137933731 :0.15867651998996735 +The:0.010307349264621735 A:0.008778111077845097 and:0.008091484196484089 E.:0.005881980061531067 :0.462535560131073 +that:0.17677424848079681 the:0.06989074498414993 a:0.046106599271297455 to:0.04121004045009613 :0.08641119301319122 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.060289762914180756 has:0.05235844850540161 was:0.044297851622104645 is:0.03527513146400452 :0.17619359493255615 +in:0.13246172666549683 the:0.09696903824806213 by:0.05709013715386391 a:0.04183484986424446 :0.04625212028622627 +the:0.3280109465122223 a:0.06947432458400726 which:0.0673493817448616 their:0.024838905781507492 :0.04794662073254585 +a:0.023418139666318893 the:0.015103933401405811 was:0.014226587489247322 made:0.013266476802527905 :0.20640437304973602 +and:0.1571926325559616 the:0.040634267032146454 but:0.036124810576438904 with:0.028925810009241104 :0.08415631204843521 +the:0.22004149854183197 a:0.1392817497253418 his:0.037693336606025696 her:0.02708274871110916 :0.07656096667051315 +and:0.18024469912052155 the:0.07829006016254425 but:0.04850045219063759 was:0.01981980912387371 :0.07989119738340378 +a:0.03961244225502014 not:0.032545726746320724 in:0.024066850543022156 the:0.022396786138415337 :0.1161077544093132 +the:0.04362325370311737 and:0.030829427763819695 that:0.027555081993341446 in:0.024029454216361046 :0.1484416127204895 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.26630306243896484 a:0.037751536816358566 this:0.03185164928436279 their:0.017644595354795456 :0.1556367427110672 +the:0.26597467064857483 a:0.020325761288404465 this:0.01702040247619152 tho:0.012646329589188099 :0.15622463822364807 +days:0.10273377597332001 years:0.06602511554956436 weeks:0.04140475019812584 minutes:0.03718847781419754 :0.12437938153743744 +been:0.3608543872833252 a:0.038779981434345245 to:0.035113394260406494 the:0.029403124004602432 :0.05530192330479622 +a:0.06527507305145264 the:0.05446629598736763 to:0.04048503190279007 not:0.03388857841491699 :0.09150058031082153 +of:0.4143759608268738 and:0.03260588273406029 in:0.013828614726662636 to:0.01275982242077589 :0.09355470538139343 +the:0.27318379282951355 it:0.06389813870191574 this:0.03950105980038643 them:0.03299741446971893 :0.02588074468076229 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +who:0.08042005449533463 and:0.06749068945646286 to:0.04290526732802391 is:0.027059974148869514 :0.04892025887966156 +same:0.007444839924573898 United:0.005806095898151398 first:0.004795813001692295 State:0.004304828587919474 :0.23130883276462555 +the:0.2356676459312439 a:0.047035638242959976 this:0.03243245184421539 which:0.017069822177290916 :0.05838475003838539 +of:0.16737444698810577 and:0.09137751162052155 to:0.05456314608454704 was:0.0356307253241539 :0.07623199373483658 +the:0.058420579880476 to:0.051956430077552795 and:0.03430130332708359 a:0.02446211874485016 :0.13615016639232635 +the:0.23177430033683777 said:0.08954953402280807 a:0.08502618968486786 an:0.0143933380022645 :0.100350022315979 +the:0.05082084983587265 a:0.02805444784462452 any:0.020677393302321434 other:0.0164695605635643 :0.26022598147392273 +be:0.17345429956912994 have:0.05872456729412079 see:0.026525968685746193 get:0.023200541734695435 :0.09837786108255386 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +and:0.16099466383457184 the:0.05258631333708763 but:0.037514038383960724 was:0.024461816996335983 :0.06029793620109558 +the:0.20115815103054047 a:0.06666568666696548 two:0.034832071512937546 three:0.02114000916481018 :0.09407680481672287 +of:0.70465087890625 which:0.020470010116696358 that:0.01898586004972458 and:0.017278704792261124 :0.014023441821336746 +to:0.2506890296936035 and:0.07267633825540543 minded:0.028818968683481216 in:0.025604916736483574 :0.11663542687892914 +and:0.07499302178621292 of:0.04361261799931526 in:0.015873847529292107 the:0.014091265387833118 :0.1738795042037964 +the:0.20710891485214233 a:0.08156341314315796 to:0.025315960869193077 his:0.023771340027451515 :0.06302783638238907 +and:0.01413683220744133 The:0.0085296630859375 the:0.005747263785451651 or:0.00453569833189249 :0.6380696296691895 +the:0.10026750713586807 climate:0.015032676979899406 a:0.014312250539660454 in:0.012639861553907394 :0.11544729024171829 +from:0.051232535392045975 as:0.02774401195347309 of:0.019375618547201157 back:0.016594449058175087 :0.17599616944789886 +the:0.36044013500213623 a:0.031306471675634384 their:0.022961201146245003 this:0.01876237988471985 :0.15615132451057434 +country:0.05043152719736099 city:0.04669062793254852 way:0.03818235173821449 city,:0.02081887423992157 :0.09693814814090729 +cree:0.0659162849187851 mand:0.06252039223909378 gree:0.052449896931648254 cided:0.04884408414363861 :0.2748297452926636 +of:0.5253048539161682 was:0.05730954557657242 is:0.05394785851240158 that:0.03914279118180275 :0.029748959466814995 +and:0.06766214221715927 feet:0.037802889943122864 of:0.03289363905787468 dollars:0.025039903819561005 :0.2569088637828827 +the:0.1481660008430481 and:0.11786109954118729 but:0.029257630929350853 a:0.022240538150072098 :0.08926589041948318 +the:0.33933162689208984 a:0.04654642567038536 said:0.0418040007352829 this:0.01921829953789711 :0.06880957633256912 +of:0.3446589410305023 and:0.10412070155143738 that:0.04016254469752312 are:0.03194296360015869 :0.02483130618929863 +been:0.1947655826807022 not:0.03565683960914612 a:0.03482203185558319 the:0.019727425649762154 :0.049225229769945145 +al.:0.10012085735797882 seq.,:0.06211015209555626 al.,:0.029760736972093582 the:0.026279190555214882 :0.4224337041378021 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.20979928970336914 a:0.06996910274028778 their:0.050073713064193726 this:0.020085085183382034 :0.08632460236549377 +page:0.7501912713050842 the:0.0858837217092514 pages:0.014977866783738136 said:0.01150964293628931 :0.042462706565856934 +and:0.3196236491203308 in:0.02752920240163803 which:0.02462822012603283 the:0.021960116922855377 :0.04907156899571419 +a:0.06489495187997818 the:0.036906648427248 not:0.020343013107776642 in:0.020281581208109856 :0.11746831983327866 +a:0.06630861759185791 not:0.061363451182842255 the:0.05364001542329788 to:0.017353583127260208 :0.10260779410600662 +the:0.05670313537120819 a:0.012789024971425533 in:0.007743240334093571 all:0.00705511262640357 :0.1417539417743683 +been:0.12996841967105865 a:0.05242052674293518 not:0.029057122766971588 the:0.026974858716130257 :0.118819460272789 +.:0.05932355299592018 J:0.026165319606661797 W:0.02390822395682335 M:0.015715301036834717 :0.42461052536964417 +been:0.1511765718460083 the:0.04415497928857803 a:0.039759427309036255 to:0.018881123512983322 :0.13494747877120972 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.3223249614238739 a:0.020896727219223976 this:0.015447624959051609 their:0.013906077481806278 :0.13774263858795166 +the:0.08699934929609299 in:0.06806018948554993 his:0.0672876387834549 on:0.06317855417728424 :0.061376940459012985 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +the:0.2241651564836502 a:0.04446223005652428 any:0.04207395762205124 this:0.024531671777367592 :0.08450126647949219 +said:0.014038375578820705 people:0.012619299814105034 United:0.008266115561127663 same:0.008011269383132458 :0.16576042771339417 +House:0.26376456022262573 of:0.13048410415649414 House,:0.08627066761255264 for:0.041157979518175125 :0.050618208944797516 +own:0.01921035163104534 husband:0.018545977771282196 mother:0.017520340159535408 husband,:0.01355862058699131 :0.2044685184955597 +.:0.033427413552999496 The:0.02720237895846367 and:0.01984318159520626 -:0.010369718074798584 :0.28873077034950256 +that:0.1573595255613327 of:0.07119685411453247 the:0.06453736871480942 as:0.03665894269943237 :0.03954243287444115 +said:0.014038375578820705 people:0.012619299814105034 United:0.008266115561127663 same:0.008011269383132458 :0.16576042771339417 +to:0.10222146660089493 the:0.055660102516412735 and:0.04455395042896271 a:0.02775396779179573 :0.1406361609697342 +of:0.31536948680877686 and:0.038443632423877716 to:0.02490830421447754 in:0.017974190413951874 :0.06642293184995651 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.28706327080726624 said:0.05817112326622009 a:0.02170468121767044 New:0.01997501030564308 :0.13941779732704163 +of:0.11343146860599518 and:0.07016752660274506 the:0.029089344665408134 to:0.026006530970335007 :0.15102973580360413 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +own:0.04887836053967476 respective:0.011901591904461384 friends:0.006266470532864332 hands:0.004259617067873478 :0.2530166804790497 +and:0.07593188434839249 of:0.02597189135849476 the:0.02151402272284031 to:0.01800237037241459 :0.1494099497795105 +the:0.2888213098049164 a:0.02196507528424263 said:0.016460590064525604 tho:0.012522044591605663 :0.11529193818569183 +the:0.09787477552890778 his:0.055101655423641205 a:0.04417913034558296 to:0.03123314306139946 :0.15099142491817474 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.4798271656036377 a:0.06332972645759583 any:0.0278193149715662 this:0.02379593811929226 :0.06684362888336182 +and:0.050235748291015625 of:0.01959734968841076 in:0.019083945080637932 at:0.018322836607694626 :0.23113954067230225 +the:0.1479266881942749 be:0.07294837385416031 a:0.01869160309433937 pay:0.0116264084354043 :0.10681111365556717 +the:0.029595613479614258 and:0.019868910312652588 that:0.014688095077872276 in:0.014167848974466324 :0.1338600367307663 +of:0.12054402381181717 and:0.04496336728334427 to:0.01769721694290638 The:0.012213888578116894 :0.2349577397108078 +and:0.17336496710777283 the:0.0810057744383812 in:0.08016031980514526 for:0.07313454896211624 :0.05926274508237839 +to:0.057820823043584824 from:0.05369928851723671 at:0.04296280816197395 and:0.04160571098327637 :0.10490258038043976 +and:0.13839666545391083 the:0.04308053478598595 but:0.038663722574710846 in:0.01672925427556038 :0.1954176127910614 +and:0.11407075077295303 the:0.053352341055870056 but:0.029172701761126518 as:0.024703221395611763 :0.05711567401885986 +and:0.2749178409576416 to:0.08095598965883255 of:0.04946643486618996 or:0.03908272087574005 :0.08230751752853394 +he:0.07314600795507431 the:0.07131148129701614 it:0.0383041687309742 we:0.03596318140625954 :0.08040457218885422 +house:0.1535574048757553 and:0.08350411057472229 house,:0.07906198501586914 of:0.0468037873506546 :0.08064202964305878 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +and:0.0797778069972992 or:0.011302086524665356 conditions:0.008660422638058662 parties:0.0074929906986653805 :0.27642345428466797 +the:0.3035309910774231 which:0.035491444170475006 a:0.0301025602966547 tho:0.014729922637343407 :0.12227735668420792 +line:0.17538514733314514 side:0.16367168724536896 half:0.05285440757870674 of:0.05131980776786804 :0.06390371918678284 +States:0.49575793743133545 States,:0.18300187587738037 States.:0.11009777337312698 Slates:0.013771237805485725 :0.10942719876766205 +the:0.4058046042919159 them:0.08327887207269669 these:0.036129429936409 our:0.035254694521427155 :0.04334323853254318 +the:0.30588462948799133 a:0.02749195322394371 tho:0.019341859966516495 his:0.01624324731528759 :0.08362217247486115 +the:0.049905937165021896 a:0.04678601771593094 and:0.03481544926762581 to:0.022705836221575737 :0.16155458986759186 +the:0.17692634463310242 he:0.05972303822636604 I:0.046704646199941635 we:0.039951637387275696 :0.13467201590538025 +and:0.04447666555643082 the:0.03492744266986847 to:0.013810358010232449 of:0.013559531420469284 :0.12778405845165253 +of:0.12248912453651428 the:0.08679627627134323 that:0.04230693355202675 in:0.03404051437973976 :0.03339111804962158 +and:0.06789526343345642 of:0.05890246480703354 The:0.025816714391112328 in:0.02475353516638279 :0.11281502991914749 +the:0.3721828758716583 a:0.03617193177342415 his:0.03448276221752167 their:0.02663145214319229 :0.09284015744924545 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.8525561690330505 and:0.017177294939756393 ot:0.008504638448357582 that:0.007555659860372543 :0.014034327119588852 +a:0.12667003273963928 the:0.08259522169828415 that:0.03664306923747063 by:0.03432483226060867 :0.12183663249015808 +same:0.024806998670101166 first:0.008469250984489918 great:0.005572004709392786 other:0.005212641786783934 :0.242383673787117 +The:0.13637635111808777 It:0.06620742380619049 In:0.05325789377093315 He:0.03281111270189285 :0.07692811638116837 +than:0.6608549952507019 or:0.011232740245759487 to:0.010804393328726292 of:0.008589424192905426 :0.05870794132351875 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.11266851425170898 of:0.04458693414926529 the:0.026645516976714134 The:0.0235885139554739 :0.16792389750480652 +the:0.09744886308908463 a:0.059014927595853806 in:0.04189644753932953 for:0.037142153829336166 :0.0787469670176506 +a:0.23233887553215027 the:0.13921436667442322 it:0.03866339474916458 an:0.030824339017271996 :0.05006899684667587 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +of:0.051735199987888336 year,:0.04539909213781357 year:0.030393648892641068 and:0.02706305868923664 :0.11561820656061172 +the:0.08228746801614761 be:0.06307908892631531 make:0.017384113743901253 have:0.011082060635089874 :0.12474701553583145 +off:0.09849871695041656 the:0.041246406733989716 down:0.0392296239733696 to:0.033816859126091 :0.054980333894491196 +of:0.4272307753562927 in:0.08551155030727386 and:0.04692325368523598 on:0.0294633861631155 :0.032161496579647064 +of:0.6942159533500671 ot:0.016939962282776833 and:0.015025828033685684 ol:0.0077101862989366055 :0.042148008942604065 +of:0.2902209460735321 to:0.058824509382247925 and:0.04717506468296051 in:0.03299762308597565 :0.04484829306602478 +of:0.6344705820083618 and:0.04144460707902908 to:0.021522317081689835 in:0.016447270289063454 :0.01577586866915226 +court:0.4425249397754669 court,:0.17198947072029114 court.:0.05040929466485977 and:0.006306689232587814 :0.04722850024700165 +The:0.09690599143505096 It:0.03960171714425087 He:0.023619841784238815 I:0.023196471855044365 :0.1620723456144333 +a:0.2110474854707718 no:0.1915147304534912 not:0.04970419406890869 an:0.029578860849142075 :0.03846994414925575 +the:0.07234346866607666 after:0.022690244019031525 a:0.016971193253993988 to:0.016869470477104187 :0.12855106592178345 +the:0.2328631430864334 a:0.03585831820964813 work:0.016781102865934372 his:0.014936912804841995 :0.1288330852985382 +us:0.1479426473379135 the:0.11783396452665329 him:0.11099207401275635 me:0.09679858386516571 :0.037226784974336624 +and:0.21537132561206818 to:0.02961975522339344 where:0.029111461713910103 as:0.028745943680405617 :0.058471791446208954 +the:0.1710004061460495 be:0.0589020811021328 a:0.024716826155781746 his:0.0129725132137537 :0.12457750737667084 +to:0.08777765929698944 and:0.05835557356476784 with:0.026673732325434685 line:0.022394362837076187 :0.1394786834716797 +and:0.3277915120124817 but:0.036784619092941284 for:0.03118482232093811 the:0.028379593044519424 :0.08157281577587128 +that:0.2602013647556305 upon:0.259403258562088 on:0.0945478081703186 to:0.04341379925608635 :0.02591162547469139 +and:0.2061322033405304 that:0.05180715024471283 as:0.03537604212760925 which:0.03317035734653473 :0.04160143807530403 +been:0.15846839547157288 not:0.04170609265565872 to:0.039592500776052475 a:0.02621503174304962 :0.06814787536859512 +who:0.2236393392086029 and:0.051539771258831024 in:0.03914620727300644 to:0.026179270818829536 :0.057758878916502 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +to:0.6377233862876892 for:0.10664897412061691 in:0.0336315855383873 and:0.02278679423034191 :0.02105914242565632 +years:0.08663235604763031 feet:0.04734088480472565 to:0.041157543659210205 o'clock:0.03791050240397453 :0.2004718780517578 +the:0.23397551476955414 a:0.07955830544233322 his:0.016471263021230698 tho:0.013444798067212105 :0.14131766557693481 +is:0.1262170970439911 can:0.0641649067401886 will:0.057569656521081924 shall:0.049562614411115646 :0.13920727372169495 +of:0.05612010136246681 and:0.03622075170278549 to:0.02601284347474575 the:0.015779731795191765 :0.2719928026199341 +is:0.07108765840530396 was:0.04785778373479843 and:0.04121220111846924 has:0.028372138738632202 :0.12514728307724 +to:0.08392219990491867 is:0.05853240564465523 was:0.05686374753713608 the:0.054550498723983765 :0.05747796222567558 +time:0.011191383935511112 and:0.0081035066395998 party:0.006718497257679701 place:0.004433015827089548 :0.2046879678964615 +are:0.08802945166826248 have:0.05765152722597122 had:0.05209645628929138 was:0.04756566509604454 :0.058262474834918976 +a:0.03081437572836876 the:0.01651179976761341 and:0.013331534340977669 understood:0.010874101892113686 :0.3663548231124878 +and:0.05548381805419922 the:0.030881494283676147 ing:0.023387564346194267 to:0.02211417816579342 :0.14909116923809052 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +a:0.11524630337953568 the:0.09714585542678833 been:0.08655476570129395 an:0.014757072553038597 :0.06994976848363876 +the:0.13043829798698425 a:0.024301547557115555 this:0.012057406827807426 any:0.00910625234246254 :0.18086998164653778 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.0689726397395134 to:0.05986529961228371 and:0.05897405743598938 ing:0.025571340695023537 :0.1957346796989441 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +The:0.12020256370306015 Beginning:0.06694735586643219 All:0.039448607712984085 In:0.028305718675255775 :0.21814365684986115 +own:0.010733766481280327 names:0.0069722202606499195 children:0.005582474637776613 heads:0.0043102530762553215 :0.24502213299274445 +the:0.1664440780878067 of:0.14342015981674194 they:0.11062170565128326 he:0.06854119896888733 :0.0678630843758583 +and:0.07260794937610626 of:0.03764062747359276 was:0.03314400464296341 has:0.02033540979027748 :0.14264649152755737 +mortgage:0.17308108508586884 mortgage,:0.1182728260755539 deed:0.02539871819317341 mort­:0.017924293875694275 :0.11381442099809647 +hich:0.08802004903554916 ith:0.08131171017885208 ill:0.0649692639708519 hen:0.038834914565086365 :0.17287695407867432 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +to:0.14786355197429657 down:0.08689470589160919 out:0.07896343618631363 into:0.061367280781269073 :0.04792037978768349 +or:0.10059599578380585 miles:0.06628773361444473 years:0.055278852581977844 and:0.053797654807567596 :0.12962600588798523 +is:0.0799526497721672 are:0.058848798274993896 they:0.04567372053861618 the:0.04483550414443016 :0.05804365500807762 +the:0.11711110174655914 be:0.04936542361974716 a:0.01700565591454506 make:0.01523415744304657 :0.10783574730157852 +be:0.029637696221470833 had:0.023108070716261864 the:0.013578576035797596 and:0.01293028425425291 :0.1425037980079651 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.11332942545413971 to:0.036872122436761856 The:0.030657732859253883 the:0.029921088367700577 :0.12164989858865738 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +guilty:0.08808514475822449 to:0.08413351327180862 necessary:0.05793680623173714 advisable:0.04402140900492668 :0.17876078188419342 +W:0.055712003260850906 A.:0.052122924476861954 W.:0.04539066180586815 H.:0.0368494912981987 :0.1678796410560608 +No.:0.19622762501239777 and:0.04898278787732124 8,:0.035006020218133926 9,:0.02123953588306904 :0.09182101488113403 +Court:0.43922969698905945 Court,:0.08358348160982132 Courts:0.07278845459222794 Court.:0.029216740280389786 :0.12843380868434906 +most:0.04022032395005226 only:0.03943133354187012 best:0.021071380004286766 same:0.016193628311157227 :0.14704184234142303 +was:0.023898186162114143 the:0.013936645351350307 of:0.010195630602538586 a:0.007798161823302507 :0.3346080482006073 +the:0.12879304587841034 a:0.024987569078803062 that:0.014952696859836578 then:0.012540102005004883 :0.10919250547885895 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +and:0.2285849004983902 but:0.07321268320083618 as:0.061320602893829346 the:0.0470920167863369 :0.062387410551309586 +a:0.1747397631406784 the:0.17304103076457977 which:0.04929189383983612 an:0.022618703544139862 :0.13758181035518646 +and:0.15856201946735382 coast:0.053331173956394196 seaboard:0.03922977298498154 to:0.03538373485207558 :0.16172108054161072 +same:0.013332481496036053 property:0.010811879299581051 most:0.009458922781050205 people:0.008413556963205338 :0.22050923109054565 +the:0.04316709190607071 and:0.03431566432118416 to:0.02990628406405449 of:0.028667347505688667 :0.16332420706748962 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +Science:0.03140874579548836 and:0.023523904383182526 street:0.009891780093312263 men:0.006259723100811243 :0.3233463764190674 +the:0.10648015886545181 be:0.03932281956076622 make:0.020529750734567642 a:0.01455267146229744 :0.1379043161869049 +the:0.07136949896812439 and:0.035850852727890015 a:0.034832462668418884 to:0.020216558128595352 :0.11228927224874496 +the:0.09875110536813736 it:0.0421869158744812 he:0.02537091262638569 a:0.024399852380156517 :0.07307907938957214 +the:0.17505598068237305 said:0.02421347238123417 a:0.02228505350649357 this:0.01952887885272503 :0.2339012622833252 +the:0.055290479212999344 a:0.01546113844960928 any:0.013809173367917538 other:0.012127995491027832 :0.16619658470153809 +feet:0.030270149931311607 cents:0.0285659059882164 to:0.02818736620247364 and:0.023827658966183662 :0.4050176441669464 +and:0.06417416781187057 to:0.04619235917925835 in:0.03660014271736145 of:0.027054816484451294 :0.08436601608991623 +of:0.12993356585502625 and:0.0727967917919159 was:0.023729834705591202 in:0.020832279697060585 :0.07672154158353806 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +The:0.12236854434013367 It:0.10644569247961044 He:0.035713136196136475 In:0.03328776732087135 :0.13037075102329254 +of:0.6202611327171326 to:0.03752357140183449 was:0.02071954868733883 and:0.020070597529411316 :0.02203589305281639 +.:0.23795369267463684 ,:0.05749288201332092 of:0.0265144445002079 thence:0.020936358720064163 :0.20127199590206146 +and:0.0907624289393425 to:0.04904814809560776 the:0.031619295477867126 at:0.02923695184290409 :0.1378842294216156 +and:0.3737236559391022 but:0.04958762228488922 the:0.04402060806751251 or:0.03832845017313957 :0.03790673986077309 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +beginning.:0.1176680326461792 beginning,:0.11275718361139297 the:0.0758737176656723 a:0.0168469101190567 :0.16245727241039276 +of:0.3303336501121521 and:0.1458500176668167 or:0.03452193737030029 for:0.02589387446641922 :0.046790145337581635 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.034152112901210785 to:0.02268051542341709 the:0.019686255604028702 of:0.01725943759083748 :0.26792827248573303 +and:0.15715733170509338 that:0.05028504133224487 as:0.03851047158241272 the:0.030857553705573082 :0.04188558831810951 +and:0.04374485835433006 of:0.03984419256448746 to:0.036196425557136536 or:0.028516091406345367 :0.17317067086696625 +The:0.14793768525123596 A:0.05525592342019081 In:0.035333484411239624 This:0.030667608603835106 :0.0997425839304924 +the:0.09875110536813736 it:0.0421869158744812 he:0.02537091262638569 a:0.024399852380156517 :0.07307907938957214 +of:0.25888797640800476 by:0.1593216210603714 in:0.06586410850286484 the:0.06507035344839096 :0.03253921493887901 +of:0.4692540168762207 and:0.02309763990342617 was:0.020427243784070015 the:0.015266104601323605 :0.06109482795000076 +the:0.050520315766334534 in:0.046659041196107864 a:0.035024549812078476 allied:0.021480388939380646 :0.11286290735006332 +ceedingly:0.05727639049291611 pressed:0.05713046342134476 pected:0.05032253637909889 tremely:0.03443156182765961 :0.37315380573272705 +ceive:0.09253688901662827 quire:0.06839248538017273 turn:0.05833807215094566 sult:0.05226105451583862 :0.18956126272678375 +J.:0.04101923853158951 B.:0.04099798575043678 W.:0.03927047923207283 E.:0.03321606665849686 :0.25024572014808655 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.05737970024347305 the:0.0446702241897583 to:0.029323972761631012 in:0.028354497626423836 :0.13792607188224792 +the:0.21345645189285278 be:0.08430235087871552 a:0.03265581652522087 his:0.026654131710529327 :0.09743250161409378 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.12588396668434143 he:0.02549426257610321 a:0.02032359503209591 it:0.01867731846868992 :0.08605398237705231 +the:0.31050607562065125 a:0.042033951729536057 his:0.029115552082657814 tho:0.016153717413544655 :0.134182870388031 +and:0.018190383911132812 family:0.011105384677648544 or:0.004288597498089075 men:0.003946333192288876 :0.22842830419540405 +the:0.4237874448299408 a:0.04488833621144295 which:0.023604441434144974 their:0.019728241488337517 :0.0442911796271801 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +line:0.049760445952415466 vote:0.03491931036114693 and:0.032762546092271805 route:0.020180735737085342 :0.13462358713150024 +been:0.07809071987867355 the:0.01976194977760315 a:0.015536650083959103 and:0.010112397372722626 :0.16898231208324432 +the:0.08636744320392609 and:0.033390432596206665 to:0.027159079909324646 a:0.024218017235398293 :0.133587047457695 +the:0.0941196158528328 well:0.07603465765714645 a:0.07229434698820114 to:0.04752589017152786 :0.06358996778726578 +and:0.18717610836029053 the:0.04529767856001854 but:0.029530514031648636 of:0.024706091731786728 :0.07362008094787598 +to:0.06053196266293526 the:0.03983663395047188 and:0.033126894384622574 that:0.030488787218928337 :0.14710570871829987 +a:0.02518073283135891 the:0.02251887321472168 he:0.018221737816929817 was:0.013979986310005188 :0.15926431119441986 +the:0.20666161179542542 it:0.021014558151364326 they:0.019923174753785133 he:0.0197584368288517 :0.1299894154071808 +words,:0.569823682308197 parts:0.025880727916955948 countries:0.013394343666732311 cases:0.012395311146974564 :0.042809974402189255 +and:0.22662177681922913 the:0.0649048388004303 in:0.05381433665752411 a:0.037935491651296616 :0.0628185123205185 +and:0.011959770694375038 interest:0.010480913333594799 a:0.007871813140809536 welfare:0.006427201442420483 :0.2658788859844208 +of:0.7278825044631958 ot:0.01683041825890541 and:0.01600518263876438 that:0.01196382101625204 :0.01363929733633995 +the:0.10739828646183014 a:0.021899737417697906 in:0.019882071763277054 that:0.01712818443775177 :0.08935757726430893 +the:0.1495106965303421 a:0.024298323318362236 his:0.021870678290724754 this:0.016228698194026947 :0.15967461466789246 +The:0.12275224924087524 It:0.06870778650045395 He:0.040771547704935074 I:0.037480734288692474 :0.09303571283817291 +the:0.06022629514336586 North:0.05259035900235176 Minnesota,:0.045975103974342346 affairs:0.04273829609155655 :0.12504123151302338 +in:0.06369055062532425 before:0.052107442170381546 ago:0.05208612605929375 after:0.04918091371655464 :0.0618702694773674 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +in:0.06795556098222733 and:0.055916499346494675 to:0.0490071102976799 of:0.04274822771549225 :0.07334166020154953 +a:0.0669976994395256 the:0.06687866151332855 out:0.027694545686244965 his:0.023712823167443275 :0.12758658826351166 +The:0.0942002683877945 the:0.02476182021200657 of:0.02124570496380329 It:0.020875519141554832 :0.23398420214653015 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +cured.:0.030471621081233025 covered:0.01864238828420639 cured,:0.016422506421804428 demolished:0.01077401451766491 :0.22103986144065857 +and:0.054366182535886765 the:0.025962822139263153 in:0.020612720400094986 a:0.014844580553472042 :0.23003233969211578 +of:0.14712826907634735 or:0.1420367956161499 not:0.0997256189584732 to:0.05527698993682861 :0.060350868850946426 +to:0.27506887912750244 the:0.0940893366932869 that:0.04876485839486122 a:0.043916597962379456 :0.08487986773252487 +a:0.06743579357862473 the:0.0367780365049839 not:0.03189729154109955 in:0.021830031648278236 :0.09810799360275269 +the:0.26276594400405884 and:0.06181343272328377 that:0.03811812400817871 of:0.03655974194407463 :0.044025909155607224 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.2726343870162964 a:0.10883630067110062 his:0.028739722445607185 their:0.02187027409672737 :0.10295305401086807 +of:0.34223365783691406 to:0.054571740329265594 in:0.03662555664777756 that:0.025248777121305466 :0.07446900010108948 +the:0.3822029232978821 said:0.028015905991196632 these:0.02481396123766899 a:0.01999078504741192 :0.11645269393920898 +people:0.022357840090990067 citizens:0.01874842308461666 own:0.012000729329884052 rights:0.01108473353087902 :0.19698098301887512 +of:0.6571524739265442 and:0.020926054567098618 ot:0.01956951804459095 to:0.018230022862553596 :0.049415118992328644 +to:0.28397297859191895 in:0.042247556149959564 the:0.03939886763691902 of:0.038294728845357895 :0.05003465712070465 +the:0.0871453806757927 though:0.05095652490854263 if:0.046524275094270706 a:0.04573884233832359 :0.07025374472141266 +and:0.13550889492034912 which:0.029285255819559097 in:0.026577522978186607 who:0.02434454672038555 :0.09944851696491241 +man:0.022642847150564194 large:0.012025763280689716 great:0.008792337961494923 few:0.008221706375479698 :0.18041841685771942 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.0744468942284584 it:0.047661103308200836 I:0.03086138889193535 a:0.029441382735967636 :0.061044640839099884 +the:0.25232306122779846 a:0.03761831670999527 tho:0.020823732018470764 this:0.01915566809475422 :0.14190459251403809 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +people:0.013103827834129333 same:0.00781412422657013 law:0.0065445671789348125 public:0.006366754416376352 :0.17740797996520996 +the:0.23793627321720123 this:0.04222956672310829 last:0.038018301129341125 present:0.03708948567509651 :0.19292663037776947 +and:0.0549575537443161 of:0.01277952454984188 the:0.008933943696320057 was:0.006738618947565556 :0.39770177006721497 +been:0.22094425559043884 to:0.0355713777244091 a:0.02896561287343502 not:0.027400191873311996 :0.062063563615083694 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +The:0.07176363468170166 A:0.05050531402230263 That:0.018892014399170876 It:0.01477063074707985 :0.246782585978508 +the:0.20253577828407288 a:0.11360833048820496 an:0.013446063734591007 his:0.01080035138875246 :0.10936126112937927 +the:0.22599244117736816 their:0.0810253769159317 a:0.05414079502224922 his:0.0482843741774559 :0.04580722376704216 +the:0.351524293422699 a:0.042073193937540054 their:0.03241385892033577 his:0.02586476132273674 :0.03677840158343315 +be:0.20706695318222046 the:0.029398992657661438 have:0.02863440476357937 make:0.01697002537548542 :0.09833359718322754 +and:0.03068310208618641 street:0.02059703879058361 in:0.01277095265686512 of:0.010898840613663197 :0.3105557858943939 +.:0.019065547734498978 the:0.010811787098646164 and:0.010633766651153564 to:0.006315268110483885 :0.39659202098846436 +than:0.2027503252029419 or:0.03416992723941803 to:0.02384238876402378 difficult:0.015697088092565536 :0.13927412033081055 +the:0.29488691687583923 a:0.10470584034919739 tho:0.018617689609527588 his:0.01689019240438938 :0.12153328955173492 +the:0.2674359381198883 a:0.05690370127558708 this:0.01533267181366682 his:0.014866044744849205 :0.14666245877742767 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +the:0.2507839798927307 a:0.0855293944478035 which:0.025096246972680092 his:0.021568620577454567 :0.07945583760738373 +and:0.08642008900642395 of:0.044593505561351776 the:0.026301799342036247 to:0.02312273532152176 :0.16155464947223663 +own:0.03683628514409065 mind:0.02171272225677967 hand:0.009978460147976875 head:0.009883754886686802 :0.19966110587120056 +been:0.22281159460544586 a:0.05023995414376259 not:0.02663886733353138 the:0.02092059515416622 :0.09591406583786011 +of:0.262683629989624 to:0.06320834904909134 and:0.04873283952474594 in:0.03327086940407753 :0.033962734043598175 +to:0.5030937790870667 by:0.12286477535963058 in:0.06519706547260284 for:0.0615062415599823 :0.026978766545653343 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +to:0.116631880402565 a:0.1061234399676323 well:0.08608904480934143 the:0.06746246665716171 :0.056160904467105865 +and:0.1291973739862442 that:0.03117378056049347 or:0.029934676364064217 to:0.020101647824048996 :0.1773192137479782 +of:0.19552850723266602 and:0.07705175876617432 was:0.0418701097369194 is:0.038471613079309464 :0.053707193583250046 +time:0.062497083097696304 as:0.03424028307199478 to:0.02136545069515705 time,:0.017479538917541504 :0.08758080005645752 +the:0.26057055592536926 that:0.0887870192527771 a:0.08629340678453445 him:0.0626058354973793 :0.05134821683168411 +the:0.3567792475223541 a:0.05219113826751709 that:0.01656857132911682 in:0.016038600355386734 :0.09341206401586533 +to:0.42942139506340027 and:0.061480894684791565 the:0.039268430322408676 in:0.035424258559942245 :0.036854639649391174 +party:0.04096309468150139 situation:0.029343469068408012 and:0.019403720274567604 parties:0.017883900552988052 :0.19139757752418518 +two:0.023486163467168808 days:0.0159281138330698 men:0.014400416053831577 and:0.010222376324236393 :0.20273195207118988 +the:0.2474900484085083 which:0.031655099242925644 a:0.024348314851522446 this:0.01809675432741642 :0.11741457134485245 +of:0.06738307327032089 and:0.058684341609478 the:0.04392458125948906 to:0.037243787199258804 :0.09387627243995667 +of:0.8519216775894165 ot:0.014411999844014645 and:0.00952132698148489 line:0.00710469763725996 :0.015313136391341686 +provement:0.07092323899269104 proved:0.02313745953142643 mense:0.0209298525005579 portance:0.01657646708190441 :0.5194148421287537 +the:0.12176481634378433 be:0.08438602089881897 a:0.01877913624048233 make:0.016050411388278008 :0.09734614938497543 +and:0.02353585511445999 of:0.022400464862585068 the:0.021413469687104225 a:0.009195495396852493 :0.2176753282546997 +the:0.2033413201570511 a:0.09084878861904144 this:0.016738850623369217 that:0.012685591354966164 :0.10356202721595764 +wife,:0.03618200495839119 own:0.019316434860229492 wife:0.016476640477776527 head:0.009530908428132534 :0.19299203157424927 +and:0.07669445127248764 as:0.06622596830129623 with:0.046648167073726654 the:0.03923812881112099 :0.06094936281442642 +The:0.11937692761421204 It:0.05559680610895157 We:0.04904887452721596 A:0.044846534729003906 :0.09915339201688766 +and:0.20974552631378174 but:0.09345100075006485 the:0.0382816307246685 as:0.029901564121246338 :0.07255884259939194 +the:0.06575293838977814 a:0.06347400695085526 not:0.0493822805583477 to:0.04673869162797928 :0.10229688137769699 +The:0.13194184005260468 He:0.04535483568906784 It:0.04328927770256996 In:0.031016670167446136 :0.09717318415641785 +own:0.04415147751569748 wife:0.01325791422277689 wife,:0.008649121038615704 friends:0.007750627119094133 :0.2074844092130661 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.10393409430980682 a:0.024195963516831398 .:0.021788455545902252 and:0.010162641294300556 :0.32173317670822144 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +of:0.16482013463974 and:0.055656492710113525 in:0.026537025347352028 at:0.019840003922581673 :0.13125677406787872 +same:0.011145134456455708 most:0.010789616033434868 first:0.007867911830544472 best:0.006996136158704758 :0.15984013676643372 +that:0.1343982219696045 of:0.12421879172325134 it:0.10740064084529877 the:0.09915809333324432 :0.030582526698708534 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +one:0.0443536601960659 more:0.03501282259821892 matter:0.034644659608602524 doubt:0.02646072953939438 :0.2214842587709427 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.04926583915948868 of:0.03902682289481163 the:0.026582276448607445 in:0.021866796538233757 :0.20345182716846466 +than:0.18718691170215607 of:0.023747332394123077 or:0.020356733351945877 to:0.010911653749644756 :0.17303413152694702 +to:0.014707526192069054 for:0.014638163149356842 impression:0.013642212375998497 consideration:0.012199352495372295 :0.18298882246017456 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.2830384373664856 in:0.044154856353998184 hundred:0.02678355760872364 foot:0.023427553474903107 :0.09091063588857651 +be:0.16844679415225983 have:0.1423194408416748 not:0.029740620404481888 do:0.018237287178635597 :0.06196768954396248 +Columbia,:0.3712444305419922 Columbia:0.2228482961654663 Columbia.:0.06957902759313583 the:0.053205423057079315 :0.08409050852060318 +as:0.7476975321769714 to:0.011961488984525204 ns:0.010748510248959064 and:0.010344887152314186 :0.027613893151283264 +to:0.03883738815784454 a:0.01916705258190632 in:0.0152385663241148 that:0.009727559052407742 :0.22568418085575104 +and:0.07930996268987656 of:0.05767722800374031 in:0.053095005452632904 who:0.020093636587262154 :0.10576825588941574 +the:0.23178113996982574 a:0.09623730182647705 and:0.043893344700336456 by:0.04360806196928024 :0.06904496997594833 +the:0.06742500513792038 in:0.042498841881752014 to:0.0266093909740448 a:0.022548716515302658 :0.12002213299274445 +the:0.3423839509487152 a:0.08072265237569809 any:0.023075073957443237 tho:0.016464313492178917 :0.08370714634656906 +of:0.026459146291017532 and:0.016114206984639168 the:0.015253067947924137 .:0.015223552472889423 :0.37324342131614685 +been:0.40006017684936523 boon:0.035610683262348175 a:0.019732331857085228 done:0.01332625187933445 :0.06556149572134018 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.050498392432928085 was:0.02534627914428711 of:0.024338876828551292 who:0.015769338235259056 :0.17276369035243988 +the:0.10713813453912735 that:0.020857039839029312 a:0.01710452511906624 in:0.014782071113586426 :0.08735611289739609 +and:0.048147052526474 the:0.01878679357469082 which:0.015143194235861301 but:0.014164538122713566 :0.16269451379776 +the:0.12382195889949799 be:0.02918289601802826 make:0.021456656977534294 a:0.014847091399133205 :0.10070481151342392 +a:0.11036985367536545 the:0.08806537091732025 any:0.05881829559803009 being:0.012291581369936466 :0.16408707201480865 +and:0.1735357940196991 the:0.06147526204586029 which:0.03666708618402481 by:0.018860936164855957 :0.12552852928638458 +same:0.007734882645308971 United:0.007329513318836689 city:0.006776426453143358 said:0.005860556848347187 :0.30214160680770874 +been:0.1620398908853531 a:0.0316789373755455 not:0.028184376657009125 the:0.0249327439814806 :0.09288831055164337 +and:0.06417416781187057 to:0.04619235917925835 in:0.03660014271736145 of:0.027054816484451294 :0.08436601608991623 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.11400943994522095 life:0.022847425192594528 life,:0.016322292387485504 equality:0.010235287249088287 :0.16734689474105835 +the:0.1609077900648117 a:0.11681041121482849 not:0.055030129849910736 that:0.019931234419345856 :0.10680758953094482 +and:0.06120936572551727 to:0.03682843968272209 of:0.03044743649661541 in:0.022500043734908104 :0.16814059019088745 +and:0.2131578028202057 the:0.047588374465703964 but:0.04109417647123337 which:0.03201726824045181 :0.04453742504119873 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +touches:0.21923373639583588 of:0.05735652893781662 the:0.05273696035146713 and:0.03345932438969612 :0.1276569366455078 +to:0.4514756500720978 and:0.14798389375209808 from:0.02856469713151455 at:0.025298643857240677 :0.028049912303686142 +most:0.01216147281229496 same:0.00878982339054346 whole:0.0067876060493290424 matter:0.006285667419433594 :0.13353486359119415 +and:0.08377784490585327 in:0.05271318554878235 of:0.05234894901514053 the:0.04857029765844345 :0.0699838250875473 +been:0.15846839547157288 not:0.04170609265565872 to:0.039592500776052475 a:0.02621503174304962 :0.06814787536859512 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +the:0.2227477729320526 and:0.06278480589389801 to:0.041623134166002274 a:0.03754236549139023 :0.08288860321044922 +the:0.2582724392414093 to:0.03158768266439438 their:0.030187707394361496 a:0.02931484580039978 :0.05560380965471268 +more:0.06261459738016129 in:0.044295087456703186 further:0.03255557268857956 the:0.02150571160018444 :0.18368253111839294 +and:0.04130842536687851 the:0.02524726092815399 to:0.01858166791498661 of:0.01595921441912651 :0.1609545201063156 +and:0.0794910416007042 to:0.050647687166929245 by:0.03904310613870621 in:0.023251105099916458 :0.1463373601436615 +and:0.07789517939090729 in:0.02229766547679901 In:0.01644412986934185 with:0.016339978203177452 :0.1639142781496048 +the:0.08624865859746933 a:0.019806744530797005 to:0.017894569784402847 and:0.009706083685159683 :0.24899980425834656 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +and:0.21035590767860413 the:0.057311754673719406 but:0.03742208331823349 or:0.03231891989707947 :0.09606749564409256 +be:0.18980590999126434 not:0.06869500875473022 have:0.01977365091443062 take:0.017799828201532364 :0.05505366623401642 +and:0.12764723598957062 or:0.010113107971847057 to:0.007243656553328037 a:0.007057074923068285 :0.2322712242603302 +to:0.064495749771595 for:0.035659484565258026 and:0.02801884338259697 conditions:0.01702386699616909 :0.16986753046512604 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +of:0.05612010136246681 and:0.03622075170278549 to:0.02601284347474575 the:0.015779731795191765 :0.2719928026199341 +is:0.29517561197280884 was:0.14058621227741241 will:0.04200141131877899 would:0.034897785633802414 :0.059592105448246 +and:0.08064266294240952 to:0.03201528638601303 The:0.029231559485197067 in:0.019574876874685287 :0.1676018238067627 +the:0.29852601885795593 said:0.029407072812318802 this:0.0286625474691391 a:0.02804580144584179 :0.1336042433977127 +amount:0.03613748773932457 same,:0.03606172278523445 taxes:0.034162621945142746 same:0.028716258704662323 :0.14455321431159973 +the:0.027411790564656258 and:0.02368684858083725 The:0.021934213116765022 It:0.012706423178315163 :0.23775559663772583 +S:0.045570529997348785 C:0.02966001071035862 W:0.02449239045381546 S.:0.02340315282344818 :0.2767575681209564 +of:0.061609480530023575 and:0.029594609513878822 the:0.02509828470647335 to:0.022396666929125786 :0.2458868771791458 +day:0.27951300144195557 of:0.2162516564130783 and:0.010787726379930973 line:0.008694314397871494 :0.11727925390005112 +the:0.401307076215744 a:0.0315462164580822 tho:0.02458583377301693 his:0.02344915084540844 :0.0727430209517479 +and:0.094359390437603 the:0.06291738897562027 but:0.024736853316426277 which:0.02196340449154377 :0.0737515389919281 +notified:0.5038806796073914 notified,:0.02618062123656273 ordered:0.025863321498036385 to:0.021724605932831764 :0.09904884546995163 +one:0.0300262700766325 day:0.027503836899995804 man:0.023870671167969704 year:0.020739268511533737 :0.15511000156402588 +and:0.21999216079711914 of:0.03968578577041626 in:0.038598835468292236 but:0.032452356070280075 :0.0687197595834732 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.12105853855609894 and:0.060074709355831146 in:0.03692181408405304 are:0.031104229390621185 :0.05595003813505173 +and:0.0756721943616867 cabin:0.057182591408491135 of:0.04762435331940651 cabin,:0.01791987009346485 :0.13813306391239166 +and:0.009363340213894844 the:0.005286078434437513 men:0.0032017321791499853 two:0.0029570842161774635 :0.15153108537197113 +and:0.04555005952715874 to:0.02977251075208187 the:0.022707339376211166 of:0.022084375843405724 :0.1287396103143692 +the:0.22003601491451263 said:0.030408058315515518 a:0.013903061859309673 this:0.013464082963764668 :0.21317623555660248 +of:0.1539076715707779 and:0.1347460150718689 has:0.04354207217693329 is:0.04028797894716263 :0.0389036163687706 +be:0.1810278594493866 have:0.1166519820690155 not:0.03556547686457634 do:0.018344730138778687 :0.08469102531671524 +the:0.22693969309329987 a:0.026151778176426888 said:0.02248401753604412 this:0.013245141133666039 :0.20473317801952362 +the:0.18859097361564636 a:0.11328939348459244 his:0.019362524151802063 which:0.01671086810529232 :0.16596859693527222 +the:0.16087384521961212 that:0.017748486250638962 in:0.01620737835764885 a:0.015010932460427284 :0.08553599566221237 +to:0.06194998323917389 and:0.040635060518980026 for:0.023924630135297775 that:0.02314295992255211 :0.15882663428783417 +of:0.042073044925928116 and:0.03491213545203209 the:0.021757738664746284 to:0.013591890223324299 :0.13959476351737976 +and:0.05573238432407379 the:0.03132566064596176 of:0.027884313836693764 ing:0.022799795493483543 :0.21444107592105865 +the:0.029113607481122017 of:0.017883358523249626 f:0.016680968925356865 a:0.012234390713274479 :0.3307031989097595 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.10535751283168793 he:0.06385026127099991 that:0.034009117633104324 it:0.029399488121271133 :0.04802541807293892 +to:0.43044742941856384 that:0.19419340789318085 by:0.052262045443058014 in:0.04369883984327316 :0.02446490153670311 +the:0.15298743546009064 a:0.028946803882718086 wheat:0.012946211732923985 this:0.010141722857952118 :0.14710448682308197 +quarter:0.5675715208053589 Quarter:0.08482865244150162 quar­:0.008410587906837463 corner:0.007573301903903484 :0.1127704381942749 +of:0.35477977991104126 was:0.03413877263665199 and:0.031225979328155518 is:0.024454964324831963 :0.039740025997161865 +of:0.31598517298698425 are:0.05888698622584343 in:0.05465732887387276 and:0.048012010753154755 :0.05054212361574173 +and:0.12505437433719635 in:0.06305919587612152 to:0.04853883385658264 system:0.03634300455451012 :0.1882094442844391 +and:0.14693234860897064 the:0.030805258080363274 but:0.028828144073486328 with:0.022671928629279137 :0.06111220642924309 +the:0.20622387528419495 a:0.02749146893620491 his:0.021761491894721985 tho:0.01636721007525921 :0.13248124718666077 +the:0.3431537449359894 a:0.037259627133607864 this:0.030714036896824837 his:0.019273215904831886 :0.12024129927158356 +of:0.15950633585453033 and:0.11357155442237854 has:0.0401187464594841 is:0.028184937313199043 :0.11257574707269669 +the:0.11354655772447586 that:0.03962702676653862 a:0.028159691020846367 to:0.027947984635829926 :0.08434735238552094 +and:0.08435028046369553 to:0.026490027084946632 The:0.018797509372234344 of:0.016599323600530624 :0.16484713554382324 +and:0.06493639200925827 of:0.033282335847616196 who:0.018522076308727264 to:0.01472694892436266 :0.2561110854148865 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +that:0.17001111805438995 in:0.16049018502235413 to:0.12325140833854675 at:0.02867216058075428 :0.043773576617240906 +of:0.036657996475696564 and:0.03340523689985275 the:0.031991537660360336 to:0.025885803624987602 :0.23983913660049438 +been:0.33566194772720337 a:0.03460792824625969 not:0.028958352282643318 to:0.024053802713751793 :0.08447626978158951 +cated:0.4868488907814026 cal:0.031974662095308304 -:0.012994224205613136 ing:0.012187808752059937 :0.24123120307922363 +the:0.2674536108970642 a:0.05608459934592247 tho:0.018217239528894424 his:0.015934905037283897 :0.10916014760732651 +to:0.3144056797027588 the:0.05410974100232124 that:0.050824057310819626 a:0.035240769386291504 :0.07037405669689178 +the:0.22994346916675568 he:0.06908869743347168 it:0.05253369361162186 they:0.048249501734972 :0.0362788662314415 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +of:0.2010999619960785 to:0.05604258179664612 and:0.03659067302942276 in:0.03602738678455353 :0.050555016845464706 +the:0.29235759377479553 he:0.04147503897547722 it:0.03312097117304802 they:0.029811274260282516 :0.04984097555279732 +and:0.042588815093040466 was:0.0418924018740654 of:0.03348160162568092 is:0.024259153753519058 :0.15120083093643188 +and:0.06179220229387283 of:0.015111265704035759 to:0.009319805540144444 in:0.008044478483498096 :0.18814069032669067 +to:0.11197113990783691 the:0.11084266006946564 in:0.07135730236768723 and:0.06210150942206383 :0.05760243907570839 +and:0.1112496480345726 of:0.026428714394569397 the:0.021129483357071877 to:0.020009687170386314 :0.10269679129123688 +and:0.08064266294240952 to:0.03201528638601303 The:0.029231559485197067 in:0.019574876874685287 :0.1676018238067627 +the:0.06306947022676468 and:0.05362371727824211 to:0.02848462574183941 a:0.02227122150361538 :0.16598017513751984 +is:0.09361987560987473 and:0.08741170167922974 in:0.07160092145204544 of:0.04451950639486313 :0.03984557092189789 +the:0.3002816140651703 which:0.05792771279811859 this:0.03657906502485275 a:0.03476988524198532 :0.06348176300525665 +of:0.3750554621219635 are:0.06346504390239716 the:0.030417293310165405 were:0.028939463198184967 :0.028679607436060905 +and:0.12814556062221527 are:0.0532936155796051 of:0.04324890300631523 were:0.03516304865479469 :0.06220623850822449 +and:0.28686946630477905 but:0.05945631116628647 the:0.0515136756002903 that:0.04627522453665733 :0.047007109969854355 +only:0.009911403059959412 first:0.00905709620565176 following:0.00813832227140665 said:0.006031111814081669 :0.14112432301044464 +than:0.06790237128734589 and:0.05557320639491081 in:0.008771763183176517 to:0.006887078285217285 :0.2817554175853729 +the:0.1975603848695755 a:0.027196025475859642 tho:0.02290324866771698 tbe:0.014078225940465927 :0.2476494461297989 +in:0.04615180194377899 and:0.023660309612751007 on:0.022472411394119263 the:0.019231677055358887 :0.1406148076057434 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +the:0.13455073535442352 they:0.08605477958917618 he:0.07876762747764587 it:0.05162414163351059 :0.05759649723768234 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.2652347683906555 of:0.06481068581342697 a:0.056375984102487564 your:0.040650829672813416 :0.054037906229496 +the:0.2541026473045349 they:0.06791651993989944 he:0.062120094895362854 I:0.036417048424482346 :0.07076490670442581 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +from:0.5166745781898499 the:0.05933733284473419 to:0.028569189831614494 a:0.02322801947593689 :0.038118913769721985 +and:0.12458004057407379 of:0.06996408849954605 in:0.04274633526802063 to:0.03357603773474693 :0.1061083972454071 +not:0.6689254641532898 know:0.01212191954255104 you:0.00965405534952879 hereby:0.009101376868784428 :0.043965183198451996 +the:0.046562034636735916 with:0.03210902214050293 and:0.028577590361237526 a:0.02498803474009037 :0.2065875232219696 +be:0.17345429956912994 have:0.05872456729412079 see:0.026525968685746193 get:0.023200541734695435 :0.09837786108255386 +own:0.03759368136525154 part:0.03754502907395363 way:0.026369208469986916 part,:0.015651820227503777 :0.18108369410037994 +not:0.5785315036773682 know:0.017030971124768257 so:0.010675893165171146 hereby:0.010290605947375298 :0.04326397180557251 +the:0.11995593458414078 that:0.033328037708997726 in:0.0163419172167778 to:0.015705889090895653 :0.09870529919862747 +and:0.06572889536619186 the:0.04846886917948723 The:0.014921571128070354 to:0.01435904297977686 :0.160328671336174 +the:0.38795268535614014 this:0.02354314550757408 a:0.020452629774808884 their:0.017298562452197075 :0.08233533799648285 +the:0.09815654903650284 a:0.05210845172405243 not:0.04481085389852524 to:0.024749306961894035 :0.1341896504163742 +to:0.5019692778587341 of:0.11668327450752258 in:0.05678854137659073 and:0.02367551624774933 :0.020072054117918015 +not:0.040787290781736374 a:0.033519890159368515 to:0.02387646958231926 the:0.018780115991830826 :0.14506366848945618 +own:0.026134902611374855 head:0.012216174975037575 mother:0.010598242282867432 heart:0.00978199765086174 :0.21024103462696075 +a:0.11203103512525558 been:0.09440770000219345 the:0.06886952370405197 no:0.05234463885426521 :0.09879720211029053 +not:0.04049547016620636 the:0.02539418637752533 now:0.019490718841552734 in:0.016277236863970757 :0.1009926050901413 +be:0.7022814750671387 bo:0.029650401324033737 have:0.028745172545313835 not:0.02322866953909397 :0.034858036786317825 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +to:0.07365742325782776 and:0.06631213426589966 in:0.048435114324092865 the:0.03544881194829941 :0.03885497525334358 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +in:0.13972699642181396 to:0.07558823376893997 at:0.06764519214630127 on:0.05925360694527626 :0.03975726291537285 +had:0.10083694010972977 was:0.08195643872022629 has:0.043335214257240295 is:0.03928211331367493 :0.09343719482421875 +the:0.1345977485179901 a:0.05931836739182472 to:0.04856041073799133 they:0.03135504946112633 :0.10458813607692719 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +is:0.2546195089817047 was:0.1217585951089859 will:0.03781614825129509 would:0.03713294491171837 :0.03709724545478821 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +the:0.07795548439025879 be:0.02219969406723976 do:0.01958514004945755 make:0.012788168154656887 :0.1455909013748169 +to:0.10273206979036331 the:0.07536783069372177 for:0.036096516996622086 him:0.03157392144203186 :0.0966697409749031 +be:0.30219095945358276 have:0.028512097895145416 the:0.026516469195485115 bo:0.020274542272090912 :0.0679178386926651 +and:0.07669445127248764 as:0.06622596830129623 with:0.046648167073726654 the:0.03923812881112099 :0.06094936281442642 +as:0.11386989057064056 in:0.08731818944215775 and:0.08036613464355469 to:0.04642259702086449 :0.06785563379526138 +and:0.1882910430431366 but:0.10528327524662018 the:0.02512696385383606 while:0.01680789329111576 :0.053916700184345245 +and:0.088083416223526 of:0.02697986550629139 The:0.021501749753952026 to:0.02141924574971199 :0.1534414142370224 +the:0.1481502801179886 a:0.018130440264940262 said:0.015608154237270355 this:0.008467311970889568 :0.23470918834209442 +sides:0.3748877942562103 sides,:0.09237731248140335 sides.:0.07296251505613327 the:0.04304397851228714 :0.08802595734596252 +for:0.10074556618928909 is:0.06736818701028824 at:0.06063744053244591 in:0.04115049168467522 :0.042125143110752106 +the:0.46446388959884644 a:0.042583905160427094 his:0.029795171692967415 to:0.023589206859469414 :0.046004898846149445 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +a:0.03444783389568329 made:0.030035126954317093 the:0.023574242368340492 taken:0.012536640278995037 :0.16007915139198303 +in:0.08338650315999985 at:0.08121099323034286 by:0.07430120557546616 the:0.05619166046380997 :0.04686303436756134 +plete:0.04709319770336151 mon:0.02530393749475479 menced:0.025229347869753838 ¬:0.02426018752157688 :0.3421856462955475 +a:0.09670749306678772 not:0.04680740460753441 the:0.04066045209765434 to:0.023059213533997536 :0.11809245496988297 +to:0.561371922492981 for:0.02153107151389122 in:0.021494079381227493 of:0.02110469713807106 :0.020319662988185883 +and:0.07166583091020584 The:0.019450534135103226 to:0.01705934666097164 the:0.015962522476911545 :0.1718333512544632 +who:0.09522074460983276 and:0.08227553218603134 of:0.07275991886854172 to:0.05401279404759407 :0.06085440143942833 +to:0.3452392816543579 of:0.09390618652105331 for:0.07157167792320251 and:0.05488784238696098 :0.04254547506570816 +the:0.23675945401191711 a:0.033299606293439865 our:0.02717907540500164 his:0.020675191655755043 :0.1806793510913849 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.11404870450496674 and:0.0875914916396141 of:0.038542259484529495 upon:0.03485827147960663 :0.04512197896838188 +is:0.19163638353347778 was:0.12339498847723007 are:0.10824960470199585 were:0.06907620280981064 :0.03977898508310318 +of:0.18875400722026825 to:0.09739449620246887 from:0.04867809638381004 that:0.040372394025325775 :0.12195758521556854 +The:0.11499462276697159 It:0.053146883845329285 I:0.0399179682135582 He:0.024359919130802155 :0.14968039095401764 +of:0.020969094708561897 and:0.020406683906912804 is:0.02010236121714115 a:0.014749010093510151 :0.3314630687236786 +the:0.22072723507881165 a:0.05589572712779045 this:0.024277210235595703 tho:0.013365373015403748 :0.14234396815299988 +and:0.029341671615839005 to:0.027499526739120483 the:0.024953503161668777 of:0.019319865852594376 :0.07448578625917435 +and:0.1013440489768982 in:0.06557317078113556 to:0.0652817115187645 as:0.021712984889745712 :0.053564343601465225 +the:0.4786109924316406 a:0.07552829384803772 tho:0.02212013304233551 their:0.020175686106085777 :0.0764312595129013 +porations:0.2301771491765976 ner:0.12050200253725052 porate:0.04898680001497269 poration:0.048869796097278595 :0.3123130202293396 +and:0.035593047738075256 from:0.016630426049232483 the:0.010614397004246712 is:0.007537573575973511 :0.2626532316207886 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +with:0.7307913899421692 and:0.04661260172724724 of:0.028526339679956436 the:0.009452706202864647 :0.04634345322847366 +the:0.08787097781896591 that:0.02065134420990944 a:0.016171975061297417 in:0.01015669759362936 :0.15775631368160248 +minutes:0.1721724569797516 years:0.057593438774347305 (15):0.05646421015262604 to:0.0424087829887867 :0.13621249794960022 +up:0.08064861595630646 out:0.05832777917385101 forth:0.05114903301000595 the:0.04688451439142227 :0.06362071633338928 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +the:0.06203397363424301 a:0.02191564254462719 in:0.012863806448876858 money:0.012270357459783554 :0.2125173956155777 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +is:0.2827396094799042 was:0.0916786640882492 Is:0.059842534363269806 has:0.04824940487742424 :0.054086506366729736 +sense:0.048083364963531494 and:0.03906466066837311 pleas:0.03241756930947304 stock:0.03220083937048912 :0.19313134253025055 +be:0.14637936651706696 have:0.03761758282780647 make:0.022870412096381187 get:0.01857599802315235 :0.13659995794296265 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.31545040011405945 a:0.08145801723003387 their:0.03799745440483093 his:0.024641189724206924 :0.051479730755090714 +D.:0.03689710795879364 D:0.029237816110253334 M:0.016524793580174446 J:0.013834977522492409 :0.3962039053440094 +the:0.07756981998682022 a:0.02023162879049778 to:0.012884993106126785 that:0.012401355430483818 :0.24802663922309875 +own:0.048197973519563675 hand,:0.009595496580004692 hands:0.009424029849469662 office:0.007155847270041704 :0.1683138906955719 +a:0.1511097103357315 the:0.1495133936405182 his:0.03636442497372627 at:0.03316011279821396 :0.027760691940784454 +to:0.07411658763885498 the:0.07191666960716248 much:0.06684870272874832 many:0.04339705780148506 :0.11425147205591202 +of:0.21899491548538208 for:0.2083221971988678 to:0.07499778270721436 in:0.03600582107901573 :0.03380418196320534 +to:0.07463755458593369 and:0.05598000809550285 in:0.03538226708769798 was:0.02453058399260044 :0.06732743233442307 +of:0.6620845794677734 and:0.012062768451869488 ot:0.01194727886468172 to:0.00886625424027443 :0.08855771273374557 +to:0.06746925413608551 and:0.054785098880529404 by:0.04085306078195572 in:0.02888556197285652 :0.12782970070838928 +and:0.07791051268577576 the:0.052770134061574936 to:0.02735406905412674 in:0.024700645357370377 :0.14053334295749664 +ern:0.32283657789230347 erly:0.07414288818836212 ing:0.020726462826132774 and:0.010972060263156891 :0.24596565961837769 +of:0.14168183505535126 and:0.07681108266115189 in:0.02364921383559704 to:0.020654335618019104 :0.15994268655776978 +and:0.02613142877817154 side:0.006789770908653736 men:0.00618990883231163 man:0.0048146178014576435 :0.44141873717308044 +and:0.11105392873287201 to:0.04060802981257439 of:0.026785459369421005 the:0.025982681661844254 :0.11111614108085632 +the:0.3045501410961151 a:0.06295297294855118 his:0.05248076468706131 any:0.022377995774149895 :0.09257113188505173 +the:0.26821041107177734 a:0.07364146411418915 his:0.015879018232226372 tho:0.012518666684627533 :0.12299557030200958 +a:0.1151701956987381 the:0.05246611684560776 only:0.037605080753564835 to:0.03163502365350723 :0.09793591499328613 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +the:0.12382195889949799 be:0.02918289601802826 make:0.021456656977534294 a:0.014847091399133205 :0.10070481151342392 +to:0.4963512420654297 that:0.06585735082626343 upon:0.05086742341518402 to.:0.04340524598956108 :0.028159720823168755 +the:0.1933089643716812 of:0.05839142948389053 that:0.03123858943581581 their:0.023748934268951416 :0.08565592020750046 +of:0.11543118953704834 and:0.08000907301902771 in:0.06463511288166046 to:0.049468763172626495 :0.060803432017564774 +the:0.08309665322303772 it:0.0665716603398323 that:0.051623620092868805 I:0.037674907594919205 :0.03341398760676384 +the:0.054872360080480576 he:0.035217057913541794 they:0.022912632673978806 we:0.02254427596926689 :0.12020690739154816 +by:0.10063083469867706 and:0.0862642303109169 in:0.07947514951229095 that:0.03983250632882118 :0.09127703309059143 +jects:0.07292184978723526 ject:0.05237093195319176 jection:0.03291134536266327 tain:0.03028036840260029 :0.4677373170852661 +important:0.033643923699855804 of:0.02098493091762066 prominent:0.011481708846986294 beautiful:0.01122498232871294 :0.16610804200172424 +the:0.28217804431915283 this:0.023278413340449333 tho:0.021383577957749367 a:0.018873468041419983 :0.11326727271080017 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +the:0.12510289251804352 to:0.033772699534893036 that:0.02981973998248577 it:0.02945544384419918 :0.056532178074121475 +or:0.05593901127576828 years:0.05173142999410629 of:0.04108453541994095 hundred:0.0267501138150692 :0.2611616253852844 +the:0.4204045236110687 a:0.05203242972493172 this:0.03712460771203041 such:0.013502510264515877 :0.07227706909179688 +to:0.08509071171283722 of:0.05869179591536522 in:0.041549138724803925 for:0.03297409415245056 :0.08828867226839066 +in:0.17340408265590668 the:0.092344731092453 on:0.08873539417982101 a:0.056599680334329605 :0.03798738121986389 +The:0.1956939846277237 It:0.07873308658599854 He:0.03645293414592743 This:0.03035617806017399 :0.03475937992334366 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.17438259720802307 be:0.03680061921477318 a:0.032555367797613144 make:0.010491888038814068 :0.12660706043243408 +and:0.0428372360765934 the:0.0181074570864439 to:0.016145266592502594 for:0.015448874793946743 :0.17785781621932983 +the:0.2045731097459793 a:0.04723981022834778 this:0.031287167221307755 tho:0.021378561854362488 :0.1520950198173523 +the:0.15382267534732819 with:0.042041096836328506 and:0.03958139568567276 a:0.03947080299258232 :0.05263054743409157 +the:0.18719886243343353 to:0.0655846819281578 a:0.06416361033916473 in:0.036749500781297684 :0.08307843655347824 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +a:0.09743818640708923 the:0.09663431346416473 well:0.07044094800949097 to:0.06206515058875084 :0.048948612064123154 +from:0.14408129453659058 and:0.050515905022621155 to:0.025290409103035927 of:0.013671798631548882 :0.28198331594467163 +of:0.16120371222496033 for:0.06788314878940582 to:0.0539114736020565 that:0.028067126870155334 :0.06440011411905289 +the:0.19308461248874664 a:0.10882233828306198 that:0.10604290664196014 to:0.03721048682928085 :0.06922538578510284 +been:0.29057466983795166 yet:0.030762234702706337 a:0.023921797052025795 only:0.02157551608979702 :0.0699056088924408 +and:0.4250878393650055 in:0.05403616279363632 In:0.030195768922567368 on:0.020624814555048943 :0.049133483320474625 +the:0.059399157762527466 not:0.05102036893367767 a:0.030441097915172577 to:0.027090292423963547 :0.14594614505767822 +in:0.02079460769891739 been:0.020085638388991356 made:0.01420604158192873 the:0.012277965433895588 :0.14259950816631317 +not:0.06223127990961075 sure:0.038905560970306396 a:0.03589022159576416 the:0.017767151817679405 :0.14616769552230835 +was:0.10177136957645416 had:0.0883454754948616 has:0.061413832008838654 is:0.04361957311630249 :0.09792733937501907 +not:0.2493428885936737 to:0.1444908231496811 for:0.039472803473472595 of:0.02938160113990307 :0.07022049278020859 +the:0.15274716913700104 and:0.05972766503691673 in:0.05805886164307594 to:0.05734750255942345 :0.053375426679849625 +have:0.1134064719080925 are:0.07604116201400757 were:0.03412264212965965 will:0.024708839133381844 :0.0728503167629242 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +cent:0.17268164455890656 cent,:0.13234595954418182 cent.:0.06677143275737762 ton.:0.028419606387615204 :0.11866481602191925 +the:0.2797353267669678 a:0.06168515235185623 this:0.022248486056923866 his:0.01713918335735798 :0.10132932662963867 +day:0.08957789838314056 and:0.035907067358493805 in:0.026519054546952248 was:0.01982780732214451 :0.2037656158208847 +the:0.2944246530532837 a:0.07207059860229492 said:0.02424926497042179 any:0.023957349359989166 :0.11695605516433716 +and:0.13656315207481384 of:0.05907737463712692 which:0.025933118537068367 to:0.0209643691778183 :0.11501336097717285 +of:0.7435240745544434 in:0.02001344971358776 ot:0.017373017966747284 and:0.012739851139485836 :0.01249733753502369 +of:0.6840357184410095 and:0.02021496742963791 for:0.013741280883550644 ot:0.013619708828628063 :0.02386322431266308 +be:0.33378809690475464 have:0.0698280856013298 not:0.05138792470097542 bo:0.01918746531009674 :0.11462824046611786 +nue:0.5086534023284912 was:0.01655249483883381 is:0.008835677988827229 and:0.005670345854014158 :0.12193340063095093 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +ever,:0.8734504580497742 and:0.00957650039345026 the:0.005293535068631172 or:0.0032764386851340532 :0.02239525504410267 +the:0.20111100375652313 a:0.07290645688772202 favor:0.019096991047263145 this:0.01822325773537159 :0.07237380743026733 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +The:0.04520336538553238 I:0.01786505989730358 It:0.01548794936388731 and:0.014752224087715149 :0.22771582007408142 +the:0.4890654981136322 a:0.04240180179476738 their:0.03654808923602104 his:0.03314461186528206 :0.04847922548651695 +of:0.6349575519561768 in:0.02543792501091957 are:0.018858270719647408 to:0.01676614210009575 :0.03591425344347954 +of:0.2605302035808563 in:0.0905064269900322 and:0.05217016860842705 on:0.04365760087966919 :0.038874801248311996 +and:0.043171368539333344 lines:0.01578104868531227 states:0.015295778401196003 part:0.012844163924455643 :0.30312836170196533 +property:0.018505027517676353 question:0.007542511913925409 country:0.006351286079734564 estate:0.00612844992429018 :0.31611284613609314 +and:0.13435713946819305 the:0.053908053785562515 or:0.035870566964149475 in:0.02825714647769928 :0.0373905748128891 +the:0.02345561794936657 not:0.023331860080361366 in:0.019272981211543083 made:0.017976148054003716 :0.21227896213531494 +to:0.19981563091278076 for:0.04018210247159004 number:0.0293399877846241 evidence:0.025968875735998154 :0.08140706270933151 +of:0.8491403460502625 and:0.016040053218603134 ot:0.014758413657546043 ol:0.006368257105350494 :0.012127073481678963 +and:0.05092393979430199 of:0.028962047770619392 or:0.023625874891877174 in:0.02066049538552761 :0.24302266538143158 +be:0.3324044346809387 have:0.06988213956356049 not:0.04473546892404556 bo:0.01632918044924736 :0.04977884516119957 +of:0.3677460253238678 and:0.05630042776465416 that:0.04073122516274452 in:0.03395512327551842 :0.03222129866480827 +a:0.03684420883655548 the:0.0364057794213295 made:0.02793208695948124 sold:0.016866616904735565 :0.12324710190296173 +had:0.05428546667098999 was:0.03684770688414574 is:0.03593011572957039 has:0.030900703743100166 :0.1613922119140625 +the:0.2005019187927246 a:0.06852975487709045 favor:0.022158537060022354 his:0.018610302358865738 :0.09412894397974014 +the:0.24417805671691895 that:0.10570716857910156 a:0.04690031707286835 to:0.03134503960609436 :0.15665385127067566 +the:0.04710671678185463 making:0.014632689766585827 a:0.011190101504325867 this:0.008744260296225548 :0.24310126900672913 +or:0.09524808079004288 years:0.09227201342582703 hundred:0.0725666955113411 of:0.0327882319688797 :0.11235541105270386 +to:0.10121670365333557 a:0.06962299346923828 the:0.06031462177634239 from:0.021705573424696922 :0.0899851992726326 +the:0.09202436357736588 in:0.06315329670906067 be:0.054540567100048065 a:0.030843736603856087 :0.0496368408203125 +the:0.15515205264091492 a:0.059291139245033264 tho:0.012872918508946896 their:0.010264130309224129 :0.20559461414813995 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.6224290728569031 the:0.039338886737823486 with:0.026277121156454086 that:0.021564267575740814 :0.04247526079416275 +government:0.02145516127347946 and:0.0192414540797472 army:0.004482063930481672 government,:0.004105014726519585 :0.2666635513305664 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +to:0.8683974146842957 from:0.010900097899138927 by:0.007876668125391006 in:0.007425859570503235 :0.007248227018862963 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +known:0.10141070187091827 as:0.09783695638179779 that:0.08726710081100464 pleased:0.03230128437280655 :0.09918224066495895 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +men:0.004073577933013439 party:0.0028730451595038176 State:0.0025833260733634233 the:0.0021633689757436514 :0.3894304037094116 +the:0.11038003116846085 be:0.021897228434681892 a:0.018610922619700432 make:0.012356039136648178 :0.11466515064239502 +the:0.20344269275665283 this:0.03980083391070366 a:0.039719101041555405 fact,:0.020542073994874954 :0.0960250198841095 +and:0.2792501747608185 with:0.04968692362308502 the:0.048785820603370667 as:0.027912575751543045 :0.04646732658147812 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +said:0.008019867353141308 whole:0.005030356347560883 same:0.004771426320075989 entire:0.003923715557903051 :0.22394107282161713 +is:0.2569439709186554 was:0.14899662137031555 has:0.05435580015182495 Is:0.051258597522974014 :0.08232039958238602 +of:0.09921658784151077 to:0.07742354273796082 and:0.0706736147403717 in:0.06420307606458664 :0.08869193494319916 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.038348276168107986 glorious:0.013994777575135231 most:0.01155738066881895 a:0.009808349423110485 :0.16397887468338013 +of:0.3456985354423523 was:0.043291009962558746 in:0.02928738482296467 with:0.024177975952625275 :0.03144047036767006 +great:0.01996549777686596 good:0.016923939809203148 large:0.016166334971785545 few:0.01563665270805359 :0.19212521612644196 +to:0.1597057282924652 in:0.03826192021369934 and:0.03194963186979294 from:0.029043495655059814 :0.09896010160446167 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +a:0.02836454287171364 made:0.02077404037117958 the:0.020418105646967888 was:0.009990881197154522 :0.2544764280319214 +the:0.09069031476974487 that:0.01582830585539341 in:0.011881875805556774 a:0.011088955216109753 :0.14262667298316956 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +the:0.0567546971142292 men:0.020824339240789413 years:0.0190926194190979 persons:0.01597645878791809 :0.18694835901260376 +be:0.4817729890346527 not:0.06874585896730423 have:0.03294334560632706 bo:0.025636572390794754 :0.036534614861011505 +and:0.07191984355449677 of:0.042228300124406815 to:0.020031556487083435 in:0.016987772658467293 :0.16907843947410583 +the:0.09449926763772964 a:0.009322231635451317 said:0.007661011535674334 this:0.007650665007531643 :0.22670204937458038 +will:0.07315760105848312 are:0.056681592017412186 have:0.05500655621290207 can:0.038509104400873184 :0.10963694751262665 +The:0.13402026891708374 It:0.04526669904589653 In:0.039933379739522934 They:0.036092668771743774 :0.06249164044857025 +be:0.25698792934417725 have:0.029092663899064064 complain:0.02392975240945816 not:0.022819431498646736 :0.060665540397167206 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.10336323827505112 a:0.09689357131719589 been:0.08755961060523987 to:0.02882189117372036 :0.0883711576461792 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +people:0.013103827834129333 same:0.00781412422657013 law:0.0065445671789348125 public:0.006366754416376352 :0.17740797996520996 +of:0.2925240695476532 and:0.09456973522901535 that:0.048700034618377686 was:0.030405117198824883 :0.029000800102949142 +been:0.181038036942482 not:0.0408930629491806 a:0.03139054775238037 the:0.02404969185590744 :0.10938036441802979 +the:0.06787645816802979 a:0.026680219918489456 three:0.022594403475522995 ten:0.021846264600753784 :0.1778925657272339 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +of:0.22843173146247864 and:0.10686110705137253 that:0.02897455543279648 in:0.02518288418650627 :0.07308483868837357 +Davis:0.03214934840798378 and:0.029411334544420242 street:0.02716059796512127 Davis,:0.024211926385760307 :0.34366631507873535 +been:0.045914411544799805 to:0.027163831517100334 made:0.02181430719792843 not:0.015922479331493378 :0.11670754849910736 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +in:0.2561797499656677 with:0.11190031468868256 for:0.1003427654504776 at:0.043589651584625244 :0.04081301391124725 +cept:0.0897940844297409 plained:0.0291304849088192 penses:0.016937648877501488 amination:0.01473448146134615 :0.4470236897468567 +of:0.2689341604709625 and:0.10329058021306992 to:0.08604370802640915 in:0.06087677925825119 :0.021114209666848183 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +the:0.07429058849811554 a:0.02673703245818615 it:0.021512223407626152 he:0.020854994654655457 :0.10715609043836594 +of:0.656390905380249 which:0.033118173480033875 that:0.021465303376317024 and:0.019670827314257622 :0.014850598759949207 +a:0.1323946863412857 the:0.07133578509092331 not:0.05409318581223488 only:0.015604213811457157 :0.07645665854215622 +the:0.26237112283706665 it:0.08539529889822006 he:0.05490163713693619 they:0.04173874109983444 :0.03795087710022926 +extent:0.018730781972408295 thority:0.014315244741737843 act:0.011806091293692589 array:0.0070942784659564495 :0.2178095430135727 +own:0.04411210119724274 respective:0.010962705127894878 own.:0.004438356030732393 lives.:0.003734826808795333 :0.23696359992027283 +of:0.06662063300609589 amount:0.020894194021821022 country:0.016187801957130432 sum:0.016109276562929153 :0.125102236866951 +of:0.12765519320964813 hundred:0.05907459557056427 year:0.029443152248859406 to:0.017063701525330544 :0.09999798238277435 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +gress:0.289419949054718 gressional:0.025966651737689972 and:0.012548308819532394 -:0.009514112956821918 :0.46169760823249817 +was:0.05082730948925018 have:0.050005849450826645 had:0.04014977440237999 could:0.03406256064772606 :0.08828000724315643 +the:0.1738760620355606 of:0.04558920860290527 other:0.03911948576569557 that:0.032756056636571884 :0.09435293078422546 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +in:0.08283019065856934 with:0.058869317173957825 by:0.03501936048269272 if:0.03402065858244896 :0.043788328766822815 +the:0.2008810192346573 least:0.06356222182512283 present:0.040707413107156754 work:0.03287569433450699 :0.09757104516029358 +the:0.3642539381980896 a:0.07990802824497223 which:0.03560930863022804 tho:0.026948025450110435 :0.09536205977201462 +and:0.022190023213624954 years,:0.01676076650619507 acres:0.016279730945825577 in:0.014301598072052002 :0.1469118744134903 +the:0.0987628921866417 a:0.020991018041968346 to:0.015714095905423164 then:0.015202326700091362 :0.14346587657928467 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +the:0.20654474198818207 a:0.14962972700595856 all:0.026383882388472557 his:0.02198585867881775 :0.08537514507770538 +own:0.05106574296951294 hands:0.03582387417554855 hands.:0.017254140228033066 hands,:0.009615251794457436 :0.21689745783805847 +the:0.15227945148944855 be:0.0507335402071476 have:0.02418852038681507 make:0.020494043827056885 :0.10022930055856705 +and:0.11501028388738632 the:0.08320999145507812 or:0.03849460557103157 a:0.03647550195455551 :0.10163695365190506 +The:0.05743350461125374 and:0.03369507938623428 In:0.03025181032717228 He:0.023970576003193855 :0.07222434133291245 +istence:0.11341865360736847 cess:0.04137622192502022 actly:0.028478605672717094 cellent:0.02299056202173233 :0.45507359504699707 +the:0.12361712753772736 up:0.06561494618654251 off:0.05190971866250038 a:0.049743372946977615 :0.0435497909784317 +of:0.8219143152236938 and:0.02461709827184677 ot:0.01131781842559576 which:0.009588220156729221 :0.0068010673858225346 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.2906300127506256 a:0.0587674044072628 their:0.023073598742485046 his:0.016252513974905014 :0.06194397807121277 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.09090311080217361 of:0.0671430379152298 the:0.02221374772489071 to:0.018299341201782227 :0.2014705240726471 +of:0.6214113831520081 and:0.03006591461598873 or:0.027121728286147118 which:0.020381182432174683 :0.01819521375000477 +to:0.39378365874290466 the:0.045713167637586594 a:0.02372424304485321 in:0.01855739951133728 :0.07799437642097473 +is:0.28915002942085266 was:0.09533825516700745 will:0.036454860121011734 would:0.03480575606226921 :0.0627620667219162 +the:0.12026611715555191 be:0.05881612002849579 a:0.015835005789995193 said:0.015761692076921463 :0.08884626626968384 +of:0.5583680868148804 between:0.03382914513349533 from:0.028096383437514305 and:0.027806537225842476 :0.03729380667209625 +the:0.21818327903747559 a:0.16342173516750336 not:0.05440645292401314 an:0.025056667625904083 :0.05221165344119072 +be:0.15736426413059235 the:0.0345756858587265 do:0.02870161458849907 pay:0.02360614761710167 :0.09116633236408234 +was:0.13516642153263092 had:0.06191546842455864 is:0.05115515738725662 has:0.04412742331624031 :0.07806634157896042 +and:0.19742225110530853 but:0.06278489530086517 the:0.052384767681360245 who:0.04324336722493172 :0.035977110266685486 +been:0.3158862888813019 a:0.04011007025837898 ever:0.039319440722465515 not:0.03170797601342201 :0.0465882308781147 +successively,:0.0956219881772995 ago:0.08654914051294327 in:0.08362352102994919 ago,:0.06322898715734482 :0.048104021698236465 +and:0.1334102600812912 D.:0.10293053835630417 where:0.05026157200336456 the:0.028517432510852814 :0.06761347502470016 +States:0.6558347344398499 States,:0.051488518714904785 States.:0.031951554119586945 Slates:0.020800305530428886 :0.13061003386974335 +the:0.3223121464252472 a:0.030216684564948082 this:0.024922391399741173 tho:0.01504351757466793 :0.14647024869918823 +of:0.1275920569896698 and:0.053588349372148514 is:0.03344571590423584 was:0.03170855715870857 :0.13313788175582886 +of:0.057936884462833405 and:0.03704870864748955 the:0.026655511930584908 to:0.026094304397702217 :0.25969552993774414 +a:0.08164327591657639 the:0.040334220975637436 not:0.019258011132478714 to:0.01790591888129711 :0.07527156174182892 +be:0.32532772421836853 not:0.08878237009048462 have:0.0719512403011322 seem:0.063057541847229 :0.04115431010723114 +by:0.1307515799999237 a:0.061599235981702805 in:0.050552982836961746 to:0.048827603459358215 :0.0648265853524208 +in:0.1392286717891693 by:0.09577533602714539 to:0.06514085084199905 on:0.045036353170871735 :0.07191374897956848 +was:0.13642092049121857 had:0.08943922817707062 is:0.05854141712188721 has:0.0540698878467083 :0.06010616198182106 +the:0.046665165573358536 fifty:0.02512429468333721 a:0.022906003519892693 more:0.01881146803498268 :0.19107697904109955 +rate:0.046525485813617706 price:0.033321864902973175 and:0.022232836112380028 grade:0.01894358918070793 :0.1317625790834427 +The:0.07557228952646255 He:0.06671493500471115 A:0.034211717545986176 In:0.031445734202861786 :0.10290493071079254 +a:0.0726439356803894 the:0.041453536599874496 to:0.022616900503635406 no:0.018998829647898674 :0.15269926190376282 +be:0.2050066739320755 have:0.028163984417915344 only:0.02433883398771286 do:0.01757112145423889 :0.07342761754989624 +of:0.14249715209007263 to:0.07776538282632828 in:0.05243365094065666 against:0.045405175536870956 :0.06644264608621597 +the:0.1660548448562622 a:0.048684075474739075 his:0.02714400365948677 time:0.018365565687417984 :0.1409706175327301 +the:0.4029366970062256 lots:0.06423482298851013 said:0.033837463706731796 a:0.030169915407896042 :0.10125153511762619 +a:0.14822536706924438 the:0.08143161982297897 to:0.027205565944314003 an:0.02017568238079548 :0.1433275043964386 +to:0.05417047441005707 the:0.04525991156697273 and:0.03854946419596672 be:0.031962595880031586 :0.13746048510074615 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +and:0.06259091198444366 of:0.04432102292776108 to:0.025623057037591934 in:0.017337527126073837 :0.2163652926683426 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +a:0.054006606340408325 the:0.038781601935625076 not:0.03547455370426178 in:0.021348031237721443 :0.2087530940771103 +and:0.11280874162912369 in:0.045835401862859726 at:0.0359865166246891 for:0.02688230574131012 :0.07098682224750519 +same:0.012402225285768509 other:0.00768461124971509 first:0.007265318185091019 people:0.006211739499121904 :0.2549911141395569 +own:0.04411210119724274 respective:0.010962705127894878 own.:0.004438356030732393 lives.:0.003734826808795333 :0.23696359992027283 +a:0.11667012423276901 not:0.07240572571754456 the:0.0684872716665268 said:0.019106311723589897 :0.06670841574668884 +of:0.20741286873817444 and:0.07713372260332108 that:0.053789131343364716 in:0.036361075937747955 :0.0573003850877285 +and:0.047834478318691254 the:0.039245590567588806 to:0.021144675090909004 ing:0.014004110358655453 :0.16415303945541382 +and:0.18739551305770874 to:0.034961115568876266 was:0.03094831109046936 is:0.02539357729256153 :0.05489235743880272 +the:0.15799325704574585 a:0.11996569484472275 not:0.03637736290693283 done:0.0179098192602396 :0.07263175398111343 +was:0.07726441323757172 had:0.06851661205291748 has:0.05525830760598183 is:0.05169340595602989 :0.07759829610586166 +been:0.4169073700904846 yet:0.07197577506303787 only:0.023792175576090813 a:0.023517590016126633 :0.047818269580602646 +have:0.12774258852005005 are:0.11029667407274246 should:0.053618427366018295 were:0.04728144407272339 :0.04216745123267174 +extent:0.09392012655735016 amount:0.013173372484743595 act:0.011922752484679222 order:0.011274312622845173 :0.1794690042734146 +the:0.22438552975654602 a:0.0524972565472126 this:0.02983076684176922 his:0.016918815672397614 :0.10306765884160995 +point:0.04157324507832527 stake:0.019657595083117485 large:0.017763804644346237 great:0.014630108140408993 :0.1461859792470932 +the:0.10641177743673325 a:0.0878540500998497 out:0.04653124511241913 rid:0.030355015769600868 :0.060688670724630356 +amount:0.07291113585233688 of:0.05390322208404541 name:0.02313896082341671 and:0.021873069927096367 :0.10090520977973938 +of:0.052961915731430054 and:0.042259376496076584 to:0.030205469578504562 in:0.014734516851603985 :0.21803930401802063 +and:0.05466843768954277 of:0.052824679762125015 the:0.02857966534793377 to:0.028010431677103043 :0.2227606624364853 +a:0.07055053859949112 the:0.031924303621053696 more:0.027120688930153847 so:0.026206977665424347 :0.2275839000940323 +of:0.0984453558921814 and:0.03915659710764885 day:0.023988256230950356 1916,:0.02118772082030773 :0.2595493495464325 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +.:0.4344189763069153 deposit:0.006368356291204691 great:0.005418920889496803 man:0.00496868509799242 :0.17419633269309998 +to:0.1266459822654724 the:0.12048953026533127 and:0.05793303996324539 a:0.04008996859192848 :0.11645503342151642 +e:0.06939280778169632 way:0.0265206228941679 and:0.02324582077562809 to:0.011423305608332157 :0.2963354289531708 +to:0.05822913348674774 the:0.05183146148920059 and:0.032778624445199966 a:0.02047363854944706 :0.14508557319641113 +be:0.14637936651706696 have:0.03761758282780647 make:0.022870412096381187 get:0.01857599802315235 :0.13659995794296265 +1:0.0717971995472908 and:0.05318259820342064 of:0.05062832310795784 in:0.04975777119398117 :0.09933969378471375 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +time:0.005167712457478046 government:0.0032946178689599037 men:0.002870931988582015 little:0.0028398509602993727 :0.2252148687839508 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +of:0.21406997740268707 hundred:0.03235819935798645 and:0.014862236566841602 or:0.014561207965016365 :0.13866087794303894 +that:0.1393027901649475 the:0.10906455665826797 a:0.06496339291334152 it:0.05896013230085373 :0.050557080656290054 +of:0.05435878410935402 and:0.045033782720565796 was:0.03191490098834038 is:0.022112973034381866 :0.3351687490940094 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +of:0.1135721355676651 and:0.0630519911646843 to:0.026499858126044273 in:0.024273987859487534 :0.14849446713924408 +of:0.11759744584560394 and:0.0794881209731102 that:0.052066508680582047 in:0.049184612929821014 :0.06857750564813614 +and:0.20480401813983917 the:0.13929468393325806 but:0.05107095465064049 it:0.04445832222700119 :0.05394517630338669 +the:0.17202508449554443 officer:0.042090218514204025 a:0.026071591302752495 to:0.025675393640995026 :0.1707611083984375 +the:0.15515205264091492 a:0.059291139245033264 tho:0.012872918508946896 their:0.010264130309224129 :0.20559461414813995 +and:0.06028622388839722 S.:0.016918906942009926 of:0.011642886325716972 to:0.008078370243310928 :0.4380273222923279 +the:0.19106332957744598 a:0.0401897206902504 this:0.0280131995677948 order:0.020935557782649994 :0.09519190341234207 +and:0.19772706925868988 was:0.07378194481134415 in:0.025936467573046684 who:0.024874193593859673 :0.18513689935207367 +few:0.030665529891848564 man:0.014387414790689945 year:0.01390512753278017 little:0.011974092572927475 :0.18495000898838043 +and:0.07232222706079483 as:0.03826350346207619 to:0.028765909373760223 of:0.025885503739118576 :0.1920897662639618 +to:0.8135496973991394 by:0.03726227954030037 for:0.021425921469926834 and:0.015157543122768402 :0.008706199936568737 +to:0.04632631316781044 the:0.03323119133710861 and:0.02690225839614868 I:0.02035318873822689 :0.16611263155937195 +and:0.11473698914051056 the:0.06408751010894775 as:0.03689851239323616 in:0.032596658915281296 :0.13013935089111328 +and:0.0981593206524849 the:0.03968670219182968 to:0.028509894385933876 of:0.021094147115945816 :0.09816600382328033 +respected:0.03622043505311012 pleased:0.036032941192388535 esteemed:0.021034272387623787 appreciated:0.016834696754813194 :0.3277168571949005 +the:0.12052898108959198 a:0.026955975219607353 his:0.0136787761002779 that:0.012515624985098839 :0.1492595225572586 +of:0.7911161780357361 and:0.013843110762536526 ot:0.011920608580112457 in:0.010393472388386726 :0.015051989816129208 +is:0.23100997507572174 was:0.2296978235244751 Is:0.057472217828035355 has:0.04340483993291855 :0.04164181649684906 +not:0.04147430881857872 the:0.023997874930500984 a:0.017712920904159546 now:0.013079816475510597 :0.19961021840572357 +the:0.21484637260437012 his:0.047431088984012604 to:0.04051447659730911 a:0.030733073130249977 :0.12687674164772034 +and:0.004075144417583942 state:0.0038589222822338343 course:0.003802609397098422 man:0.0037658780347555876 :0.1605536937713623 +not:0.024421747773885727 the:0.021822160109877586 in:0.01697252318263054 made:0.016064796596765518 :0.13626797497272491 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.246530219912529 a:0.03461313247680664 this:0.028356477618217468 their:0.013317602686583996 :0.11350850760936737 +the:0.0927441418170929 be:0.030151065438985825 do:0.02101629041135311 make:0.020340869203209877 :0.08394050598144531 +in:0.02721695601940155 and:0.022058214992284775 William:0.01368566881865263 John:0.013121869415044785 :0.2712438702583313 +in:0.1968483328819275 by:0.08596702665090561 of:0.04897427558898926 with:0.04514670372009277 :0.03911472484469414 +the:0.11936874687671661 to:0.10107050836086273 a:0.05298006534576416 in:0.029240353032946587 :0.06282041221857071 +of:0.058464597910642624 or:0.052840810269117355 men:0.028617262840270996 to:0.01916561834514141 :0.22447434067726135 +be:0.3474450707435608 the:0.13399375975131989 have:0.020114446058869362 bo:0.01558816060423851 :0.0695776417851448 +and:0.017552539706230164 the:0.014328415505588055 of:0.007650963496416807 a:0.0061342427507042885 :0.2952304780483246 +most:0.006825514603406191 same:0.006099856458604336 work:0.004080738872289658 men:0.003936789929866791 :0.12571395933628082 +ty:0.1784900426864624 ties:0.1703435182571411 ticular:0.07473006844520569 ties.:0.02693723700940609 :0.22899654507637024 +a:0.11667012423276901 not:0.07240572571754456 the:0.0684872716665268 said:0.019106311723589897 :0.06670841574668884 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +times:0.12869088351726532 the:0.06486659497022629 times,:0.04666794836521149 times.:0.04356064647436142 :0.12220432609319687 +be:0.48141005635261536 not:0.0910976231098175 have:0.03694538772106171 bo:0.031020740047097206 :0.031153522431850433 +number:0.06246975064277649 distance:0.06242692843079567 amount:0.06167742609977722 portion:0.04166977480053902 :0.09972488880157471 +the:0.4840993285179138 a:0.054210010915994644 this:0.0197782963514328 his:0.019640685990452766 :0.053331099450588226 +of:0.2972176969051361 in:0.05233875662088394 and:0.04766811802983284 the:0.031210709363222122 :0.04166218638420105 +preme:0.11148644238710403 and:0.021704867482185364 of:0.009701159782707691 I:0.00586290005594492 :0.25233954191207886 +and:0.018668293952941895 national:0.009238960221409798 cities:0.00795800518244505 political:0.007630400825291872 :0.1673218160867691 +have:0.070903480052948 was:0.04094766825437546 had:0.03284543380141258 will:0.021494409069418907 :0.14137323200702667 +the:0.21838144958019257 kinds:0.025451449677348137 that:0.016584264114499092 who:0.01581062749028206 :0.12430498003959656 +the:0.25348585844039917 a:0.05288992077112198 his:0.024800792336463928 this:0.024766769260168076 :0.10281398147344589 +of:0.4744413495063782 and:0.028819603845477104 to:0.020516272634267807 that:0.01998329907655716 :0.05172343924641609 +own:0.037258122116327286 people:0.01159228291362524 country:0.010639498941600323 readers:0.009476779028773308 :0.18781457841396332 +was:0.07726441323757172 had:0.06851661205291748 has:0.05525830760598183 is:0.05169340595602989 :0.07759829610586166 +of:0.19098567962646484 and:0.07351739704608917 that:0.022060150280594826 are:0.018533721566200256 :0.03607122227549553 +ment:0.5919939875602722 ment,:0.21104809641838074 ment.:0.08479580283164978 ments:0.03120061382651329 :0.014359387569129467 +made:0.055688124150037766 no:0.04214853048324585 done:0.029680361971259117 found:0.023643668740987778 :0.13174720108509064 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +.:0.08921568840742111 to:0.017590394243597984 feet:0.017468241974711418 and:0.014618218876421452 :0.18314723670482635 +The:0.1368771642446518 He:0.07341323047876358 In:0.04812406376004219 It:0.04384699836373329 :0.07735975086688995 +a:0.18753236532211304 the:0.05949108675122261 not:0.046474408358335495 now:0.027156511321663857 :0.07876396179199219 +the:0.4397095739841461 a:0.06356737017631531 tho:0.027132602408528328 this:0.016261421144008636 :0.03620285913348198 +other:0.05139564350247383 of:0.043269626796245575 kind:0.03650795295834541 one:0.028417862951755524 :0.13148681819438934 +be:0.34510356187820435 have:0.06930536776781082 not:0.02709442935883999 bo:0.02107127010822296 :0.10488497465848923 +the:0.31821784377098083 a:0.057915471494197845 his:0.023074552416801453 account:0.021906904876232147 :0.07304191589355469 +of:0.44504213333129883 and:0.057949651032686234 was:0.02074173279106617 is:0.02028687857091427 :0.07366157323122025 +the:0.07692170143127441 a:0.03667925298213959 to:0.020940545946359634 interest:0.013217487372457981 :0.15079990029335022 +the:0.39011502265930176 a:0.024041319265961647 tho:0.019659336656332016 this:0.01527214515954256 :0.08729124814271927 +and:0.011043025180697441 the:0.006912820041179657 New:0.003959799651056528 a:0.003069235011935234 :0.5668617486953735 +is:0.2637069821357727 was:0.121644027531147 has:0.04970692843198776 will:0.04910558834671974 :0.048997484147548676 +same:0.022321149706840515 first:0.012075025588274002 oath:0.011156706139445305 place:0.010431422851979733 :0.1553889364004135 +to:0.4688822329044342 by:0.1622256338596344 for:0.06854217499494553 of:0.03347903490066528 :0.031182168051600456 +and:0.11060081422328949 the:0.07949069887399673 but:0.04813585802912712 a:0.024797268211841583 :0.08142240345478058 +of:0.4894849956035614 and:0.02376476489007473 the:0.014354810118675232 day:0.00916761253029108 :0.06619492918252945 +That:0.8531690239906311 etc.,:0.01508659590035677 and:0.011974439024925232 that:0.009111328050494194 :0.0055309501476585865 +of:0.10530001670122147 and:0.04636164754629135 The:0.0209636390209198 to:0.019201941788196564 :0.17788489162921906 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +to:0.03751349821686745 only:0.03142409399151802 a:0.02703016623854637 so:0.02489987201988697 :0.12790699303150177 +and:0.07644416391849518 of:0.05980079621076584 in:0.048574209213256836 a:0.046461474150419235 :0.04075290262699127 +in:0.12398393452167511 to:0.0861004889011383 into:0.06459081172943115 on:0.04709061235189438 :0.043106332421302795 +was:0.07726441323757172 had:0.06851661205291748 has:0.05525830760598183 is:0.05169340595602989 :0.07759829610586166 +of:0.3801276981830597 and:0.033020976930856705 to:0.03050537034869194 in:0.024874381721019745 :0.03292514756321907 +counties,:0.04991118609905243 districts,:0.012050727382302284 counties.:0.011964482255280018 offices:0.009268396534025669 :0.23972031474113464 +the:0.20982487499713898 in:0.03368809446692467 a:0.03357091173529625 of:0.024784589186310768 :0.06072688475251198 +years:0.05490739643573761 or:0.046736087650060654 hundred:0.03237493708729744 weeks:0.028473643586039543 :0.1567029505968094 +people:0.013940798118710518 same:0.013179412111639977 law:0.00725623220205307 man:0.006689149420708418 :0.13559043407440186 +the:0.17222659289836884 to:0.08279377967119217 in:0.04607108235359192 out:0.04209014028310776 :0.06614809483289719 +of:0.12279680371284485 was:0.05620597302913666 to:0.05077778920531273 is:0.04781012237071991 :0.03677385672926903 +The:0.11608342081308365 It:0.037681251764297485 He:0.036537058651447296 I:0.03533094376325607 :0.09359802305698395 +same:0.008093719370663166 other:0.00655872980132699 whole:0.006268449127674103 right:0.005662648007273674 :0.1794586479663849 +to:0.06861526519060135 the:0.044976018369197845 and:0.03211219608783722 The:0.01635529100894928 :0.13306035101413727 +of:0.1374247819185257 and:0.09979347139596939 for:0.08147954940795898 to:0.04048432409763336 :0.05176975578069687 +six:0.04262015223503113 ten:0.038898829370737076 the:0.035947535187006 one:0.03297309949994087 :0.1334919035434723 +mands:0.06125101074576378 mand:0.048428893089294434 tails:0.029964664950966835 cision:0.02947351709008217 :0.4194745421409607 +the:0.09829296916723251 from:0.08223092555999756 by:0.08033332228660583 a:0.07959331572055817 :0.0398787222802639 +cent:0.13522960245609283 cent,:0.06581839919090271 cent.:0.044413406401872635 acre.:0.020095303654670715 :0.21638329327106476 +first:0.010464238002896309 people:0.006413336377590895 most:0.005997935775667429 result:0.005882031749933958 :0.16250191628932953 +to:0.3226279318332672 into:0.06197235733270645 up:0.03962844982743263 and:0.03557543084025383 :0.03482845053076744 +point:0.04157324507832527 stake:0.019657595083117485 large:0.017763804644346237 great:0.014630108140408993 :0.1461859792470932 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +river:0.03714044764637947 street:0.02269481122493744 river,:0.018762316554784775 street.:0.010549941100180149 :0.2112453728914261 +the:0.10792236775159836 a:0.02193724364042282 that:0.019211143255233765 in:0.01779116690158844 :0.09689195454120636 +the:0.13813675940036774 a:0.13363498449325562 is:0.03935243561863899 was:0.038229454308748245 :0.08330691605806351 +and:0.06275396049022675 the:0.04043205827474594 in:0.02053767628967762 to:0.013657500967383385 :0.17638139426708221 +known:0.1735943704843521 to:0.06098493933677673 known,:0.04290444031357765 worth:0.02641969360411167 :0.10678910464048386 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +of:0.3207181990146637 and:0.09511514753103256 to:0.048585113137960434 will:0.01721169240772724 :0.08204846829175949 +tween:0.2858095169067383 fore:0.11826608330011368 cause:0.09892773628234863 ing:0.07851685583591461 :0.06661511212587357 +to:0.06091419607400894 and:0.06071488931775093 for:0.054736629128456116 the:0.03926919773221016 :0.05577715486288071 +and:0.09397906064987183 that:0.06880847364664078 as:0.05650930106639862 with:0.05161384865641594 :0.033786654472351074 +and:0.09223762154579163 to:0.06662274152040482 in:0.06610172241926193 was:0.04604324698448181 :0.0338643379509449 +the:0.06808403134346008 and:0.036548398435115814 be:0.024731643497943878 to:0.020010951906442642 :0.148795947432518 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +of:0.14747032523155212 and:0.07614646106958389 to:0.02103024534881115 in:0.0201659444719553 :0.11517444998025894 +the:0.17807340621948242 that:0.10337136685848236 what:0.04661119356751442 a:0.040303461253643036 :0.041882120072841644 +the:0.06816676259040833 he:0.06203373149037361 they:0.057871200144290924 a:0.05091917887330055 :0.051621027290821075 +been:0.22281159460544586 a:0.05023995414376259 not:0.02663886733353138 the:0.02092059515416622 :0.09591406583786011 +the:0.04226868599653244 paid:0.027922919020056725 made:0.02305094711482525 a:0.02211936004459858 :0.12796582281589508 +and:0.1101737916469574 girl.:0.019891461357474327 the:0.01874026469886303 boy.:0.015662116929888725 :0.21671617031097412 +of:0.6299024820327759 and:0.044100966304540634 in:0.021927177906036377 was:0.01601550169289112 :0.01336613204330206 +the:0.07684372365474701 to:0.06182684749364853 a:0.04640244320034981 that:0.04077097401022911 :0.07796373963356018 +of:0.2573070526123047 to:0.03154856339097023 can:0.027639567852020264 that:0.023294666782021523 :0.06058783829212189 +and:0.11003406345844269 of:0.0299881249666214 The:0.025839297100901604 the:0.018677351996302605 :0.11787332594394684 +not:0.03692561760544777 in:0.03187768533825874 at:0.01515116449445486 the:0.014600435271859169 :0.13829731941223145 +own:0.048197973519563675 hand,:0.009595496580004692 hands:0.009424029849469662 office:0.007155847270041704 :0.1683138906955719 +The:0.17051246762275696 It:0.059822335839271545 He:0.03603862598538399 A:0.03541043400764465 :0.07602083683013916 +by:0.08433138579130173 to:0.06927425414323807 and:0.05453602597117424 the:0.0537937730550766 :0.07285185903310776 +of:0.11474809050559998 and:0.10002433508634567 in:0.04383615031838417 to:0.02790735848248005 :0.1083284541964531 +and:0.08810456842184067 the:0.056247077882289886 of:0.03075328841805458 to:0.030086498707532883 :0.18090033531188965 +and:0.04177806153893471 the:0.02102496474981308 of:0.016224248334765434 to:0.015536252409219742 :0.19563834369182587 +and:0.1868695616722107 the:0.026259487494826317 but:0.025688137859106064 as:0.02155180089175701 :0.045513082295656204 +and:0.16106054186820984 the:0.09019787609577179 a:0.02255796454846859 to:0.021864838898181915 :0.0666213110089302 +the:0.15980258584022522 a:0.0822627991437912 his:0.021500250324606895 their:0.016948552802205086 :0.10367951542139053 +scribed:0.08519691228866577 mands:0.033738426864147186 clared:0.03261705860495567 livered:0.0314573310315609 :0.31558045744895935 +the:0.4260583817958832 a:0.06584863364696503 his:0.034842152148485184 this:0.01929376646876335 :0.07400786876678467 +been:0.4768562316894531 not:0.024912701919674873 to:0.018481332808732986 made:0.01571129634976387 :0.0460018627345562 +the:0.1785244196653366 he:0.046304646879434586 it:0.03554587811231613 they:0.03167947381734848 :0.06478307396173477 +to:0.0544281080365181 in:0.04461019113659859 the:0.03393487632274628 of:0.03301367163658142 :0.09672199934720993 +and:0.12639856338500977 of:0.11525870859622955 in:0.0526622012257576 or:0.04874316230416298 :0.08643835037946701 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.06115390360355377 the:0.03627626225352287 of:0.03436143323779106 to:0.027594372630119324 :0.1786244958639145 +most:0.012185011990368366 same:0.010640785098075867 result:0.010600059293210506 only:0.00753809604793787 :0.19594259560108185 +the:0.07578881084918976 by:0.033695802092552185 any:0.0220407135784626 other:0.01754228211939335 :0.16676226258277893 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +been:0.3015088140964508 a:0.04127349704504013 the:0.02620590105652809 to:0.02183709666132927 :0.0639123022556305 +ture:0.3701183497905731 ture.:0.11054090410470963 ture,:0.07665526121854782 I:0.04280231520533562 :0.10757838934659958 +and:0.0747377872467041 to:0.0563892237842083 by:0.047118157148361206 in:0.03180957958102226 :0.11779145151376724 +of:0.23749946057796478 and:0.06586217880249023 to:0.049960922449827194 that:0.028247889131307602 :0.05510685220360756 +of:0.08978457748889923 to:0.057858679443597794 and:0.0534793846309185 for:0.05293227359652519 :0.061465196311473846 +the:0.12677493691444397 be:0.04716908931732178 a:0.026981327682733536 see:0.014668254181742668 :0.1254957616329193 +a:0.11481142789125443 much:0.08102268725633621 the:0.0634126365184784 to:0.06332509964704514 :0.054605916142463684 +of:0.487529993057251 and:0.056040968745946884 to:0.020282134413719177 in:0.01979176141321659 :0.05564214661717415 +view:0.023221604526042938 large:0.015091892331838608 few:0.013403327204287052 little:0.011755388230085373 :0.19891507923603058 +quarter:0.3361421227455139 corner:0.30386608839035034 of:0.039443984627723694 quarter,:0.035570770502090454 :0.059267010539770126 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.63628089427948 which:0.03163852170109749 a:0.0275083240121603 tho:0.026667995378375053 :0.023290326818823814 +the:0.2392357438802719 a:0.027806097641587257 it:0.027421735227108 of:0.017125466838479042 :0.1514739841222763 +the:0.11971014738082886 a:0.09261004626750946 it:0.04874471575021744 up:0.04346999526023865 :0.0408027246594429 +few:0.018470145761966705 man:0.016410397365689278 large:0.016330823302268982 little:0.013938551768660545 :0.23071880638599396 +the:0.30549749732017517 a:0.04645409435033798 this:0.03016967698931694 their:0.02618132159113884 :0.08771570771932602 +of:0.13216517865657806 per:0.07170793414115906 to:0.06894539296627045 the:0.051125556230545044 :0.14797437191009521 +in:0.07382652908563614 as:0.032318174839019775 if:0.03113890253007412 the:0.03005610965192318 :0.0750807523727417 +the:0.07368142902851105 a:0.07163042575120926 well:0.0425834059715271 to:0.041870370507240295 :0.06400398164987564 +of:0.05837979540228844 with:0.05282742902636528 was:0.04338459670543671 and:0.03849353268742561 :0.06296320259571075 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.02381300739943981 the:0.018402617424726486 of:0.010537703521549702 a:0.006867602933198214 :0.25857865810394287 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +said:0.007742923218756914 most:0.00649556377902627 people:0.005183007568120956 same:0.005060962401330471 :0.11785905808210373 +to:0.06861526519060135 the:0.044976018369197845 and:0.03211219608783722 The:0.01635529100894928 :0.13306035101413727 +and:0.08162642270326614 in:0.047794800251722336 at:0.0395711213350296 the:0.03529111668467522 :0.15339553356170654 +slightest:0.04368678480386734 least:0.04216061905026436 consent:0.03421429917216301 aid:0.019135409966111183 :0.19262853264808655 +as:0.2854502499103546 of:0.04378032684326172 more:0.021298302337527275 to:0.02128286100924015 :0.09543389081954956 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +of:0.6644331812858582 ot:0.015418878756463528 is:0.01414842251688242 in:0.014085604809224606 :0.020423278212547302 +of:0.2235809713602066 that:0.05639147385954857 to:0.05032225325703621 and:0.0465751513838768 :0.06600777059793472 +the:0.34500253200531006 a:0.05091341957449913 this:0.02794712968170643 said:0.01537330448627472 :0.13672015070915222 +the:0.09261558204889297 a:0.018100231885910034 in:0.012426796369254589 after:0.009338907897472382 :0.12855254113674164 +and:0.04374485835433006 of:0.03984419256448746 to:0.036196425557136536 or:0.028516091406345367 :0.17317067086696625 +nor:0.13975059986114502 and:0.01667560264468193 business:0.008945048786699772 option:0.006852653343230486 :0.18420138955116272 +the:0.13552218675613403 a:0.05469388887286186 to:0.05387907102704048 in:0.046501994132995605 :0.048367939889431 +the:0.18579338490962982 he:0.11547581851482391 they:0.06437862664461136 I:0.05643472820520401 :0.05565321817994118 +of:0.3050612211227417 to:0.08914240449666977 in:0.08453458547592163 or:0.058501020073890686 :0.044966116547584534 +the:0.08132001757621765 your:0.037013523280620575 to:0.02919943258166313 I:0.025975394994020462 :0.1096346527338028 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +the:0.3500994145870209 a:0.03435437008738518 this:0.03311413899064064 said:0.030107548460364342 :0.08637862652540207 +property:0.026066185906529427 secretary:0.015266865491867065 and:0.0140336062759161 room:0.007875198498368263 :0.19981464743614197 +tical:0.21263661980628967 tics:0.13718055188655853 cies:0.055119745433330536 cy:0.04025115817785263 :0.3353452682495117 +the:0.4679614007472992 a:0.05380270630121231 this:0.024341538548469543 tho:0.01950804516673088 :0.07177706807851791 +and:0.13304534554481506 the:0.07453534752130508 but:0.06763407588005066 that:0.053040433675050735 :0.09408793598413467 +the:0.23086316883563995 a:0.07215967029333115 his:0.026767604053020477 their:0.02495448850095272 :0.08502831310033798 +and:0.09253352135419846 are:0.04247692599892616 for:0.035455379635095596 that:0.025998465716838837 :0.05203644558787346 +mortgage:0.03486073762178421 County:0.014469009824097157 John:0.012604025192558765 James:0.009327806532382965 :0.15688163042068481 +ceive:0.06768820434808731 main:0.051970161497592926 turn:0.042511191219091415 quire:0.028474746271967888 :0.25440120697021484 +the:0.10641177743673325 a:0.0878540500998497 out:0.04653124511241913 rid:0.030355015769600868 :0.060688670724630356 +of:0.07272204011678696 for:0.03636743873357773 and:0.03368493914604187 to:0.02738213539123535 :0.08808376640081406 +the:0.2822290062904358 a:0.06480757147073746 this:0.01988285221159458 which:0.018887411803007126 :0.06531506776809692 +amount:0.013810530304908752 same:0.010676435194909573 United:0.007090405095368624 said:0.006926089990884066 :0.19449269771575928 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +a:0.024863146245479584 and:0.020827338099479675 I:0.017946531996130943 that:0.01745283231139183 :0.14527206122875214 +the:0.06977280974388123 a:0.040001705288887024 not:0.02193533256649971 to:0.009388228878378868 :0.25763678550720215 +of:0.04709267243742943 and:0.022105248644948006 to:0.018874380737543106 the:0.01743886061012745 :0.17120227217674255 +complaint:0.303049236536026 said:0.08845637738704681 same:0.008517289534211159 following:0.007758579682558775 :0.13230548799037933 +the:0.09425979107618332 be:0.03827356919646263 choice,:0.013887094333767891 a:0.011072003282606602 :0.16607250273227692 +of:0.0976230651140213 and:0.048204462975263596 which:0.03528360277414322 are:0.029253507032990456 :0.03729318827390671 +the:0.25445014238357544 a:0.049468740820884705 his:0.029931528493762016 their:0.021931426599621773 :0.11209981143474579 +was:0.03578435257077217 and:0.03073444403707981 in:0.014593702740967274 the:0.01453129667788744 :0.18430869281291962 +to:0.14378221333026886 in:0.07515214383602142 and:0.05720813199877739 up:0.04001916944980621 :0.03965676203370094 +the:0.4758394658565521 law.:0.027759941294789314 a:0.026020951569080353 their:0.021847166121006012 :0.06304726004600525 +much:0.040796130895614624 little:0.02158447541296482 few:0.01882459968328476 large:0.017622314393520355 :0.18744689226150513 +the:0.2932210862636566 this:0.08460226655006409 a:0.07748710364103317 these:0.027740584686398506 :0.06468217074871063 +who:0.08042005449533463 and:0.06749068945646286 to:0.04290526732802391 is:0.027059974148869514 :0.04892025887966156 +the:0.22947224974632263 that:0.08420716971158981 it:0.06411556899547577 a:0.03620559722185135 :0.0765417143702507 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +know:0.06905294209718704 believe:0.036157380789518356 think:0.035208191722631454 want:0.03135248273611069 :0.10110556334257126 +and:0.060890842229127884 to:0.04995770752429962 with:0.04902046173810959 in:0.048205774277448654 :0.05843057110905647 +the:0.07177054136991501 a:0.014454904943704605 in:0.012109297327697277 that:0.010245692916214466 :0.20809131860733032 +the:0.3092960715293884 said:0.02831929363310337 any:0.026491647586226463 him:0.020780429244041443 :0.10170282423496246 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +of:0.07800935953855515 and:0.07375064492225647 in:0.03119031712412834 to:0.02692883089184761 :0.14935630559921265 +been:0.13085955381393433 not:0.04800792783498764 a:0.02533690817654133 the:0.02069845236837864 :0.09246549010276794 +and:0.0486438162624836 the:0.044703103601932526 of:0.035441622138023376 to:0.020846502855420113 :0.1867225617170334 +Y.:0.07673303782939911 Y:0.02504846639931202 C:0.01723617874085903 D:0.015433142893016338 :0.28578096628189087 +in:0.033700130879879 to:0.027696749195456505 a:0.02320007234811783 home:0.016046375036239624 :0.17072533071041107 +of:0.08529475331306458 to:0.02020430937409401 the:0.012370357289910316 and:0.011422884650528431 :0.24908192455768585 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.07536127418279648 upon:0.05855143442749977 executed:0.05756857991218567 to:0.05406571924686432 :0.05244593694806099 +the:0.18867284059524536 a:0.06727097183465958 and:0.032093215733766556 time:0.020396264269948006 :0.1188938245177269 +The:0.09255075454711914 It:0.0420028418302536 I:0.03196672350168228 He:0.02499191090464592 :0.3502609431743622 +to:0.08819272369146347 of:0.0861329585313797 in:0.05751514434814453 and:0.0525379404425621 :0.043012239038944244 +been:0.28247249126434326 not:0.05942413955926895 to:0.05347534641623497 a:0.05147644504904747 :0.0740777999162674 +and:0.19200244545936584 in:0.033425502479076385 who:0.020160533487796783 to:0.014371037483215332 :0.22327233850955963 +and:0.009205230511724949 personal:0.009050640277564526 way:0.007089720107614994 country:0.005352828651666641 :0.19127021729946136 +the:0.2931308150291443 a:0.052764277905225754 this:0.023213248699903488 his:0.014815794304013252 :0.10990792512893677 +the:0.03297725319862366 most:0.029254717752337456 best:0.029222384095191956 a:0.008100204169750214 :0.23584283888339996 +the:0.13086077570915222 a:0.06761959940195084 to:0.059839751571416855 they:0.03752827271819115 :0.06290028244256973 +of:0.2518569231033325 to:0.16448232531547546 and:0.05769609287381172 that:0.05016133189201355 :0.036265067756175995 +the:0.13374143838882446 by:0.1321195363998413 from:0.03744712844491005 in:0.029191693291068077 :0.03555808216333389 +and:0.21664376556873322 to:0.10525162518024445 by:0.04204568266868591 in:0.03930528461933136 :0.09417817741632462 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +of:0.20333336293697357 and:0.06996552646160126 Court:0.030535109341144562 Court,:0.014387955889105797 :0.1956581324338913 +the:0.33208128809928894 a:0.07821246236562729 said:0.029742518439888954 tho:0.0191909559071064 :0.05449259281158447 +city:0.0323319286108017 city,:0.02811996452510357 country:0.02621023915708065 city.:0.02120370790362358 :0.17722198367118835 +and:0.07227252423763275 to:0.03305792436003685 the:0.03204067423939705 of:0.0259737316519022 :0.13509590923786163 +of:0.05661618709564209 and:0.05615657567977905 the:0.020218167454004288 to:0.01514078676700592 :0.24801607429981232 +be:0.2097666710615158 not:0.04720428213477135 have:0.02686362899839878 bo:0.01757846027612686 :0.12030749768018723 +of:0.2902209460735321 to:0.058824509382247925 and:0.04717506468296051 in:0.03299762308597565 :0.04484829306602478 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +feet:0.061624687165021896 of:0.05302673205733299 and:0.048203013837337494 the:0.0451262965798378 :0.16008569300174713 +the:0.24253425002098083 be:0.03314215689897537 whether:0.028364010155200958 make:0.020574694499373436 :0.07394088059663773 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +and:0.0794910416007042 to:0.050647687166929245 by:0.03904310613870621 in:0.023251105099916458 :0.1463373601436615 +to:0.10128544270992279 and:0.03262519836425781 in:0.018028628081083298 a:0.012208783067762852 :0.16213910281658173 +view:0.023221604526042938 large:0.015091892331838608 few:0.013403327204287052 little:0.011755388230085373 :0.19891507923603058 +to:0.026797473430633545 in:0.018154190853238106 of:0.013158630579710007 and:0.011916975490748882 :0.188969686627388 +of:0.10921672731637955 and:0.03345523774623871 to:0.03176579996943474 the:0.027273597195744514 :0.19875100255012512 +to:0.07717747241258621 and:0.07466302067041397 in:0.04545099660754204 of:0.02233179658651352 :0.1193179190158844 +to:0.7345242500305176 and:0.026052124798297882 for:0.018117444589734077 of:0.01528504304587841 :0.020538734272122383 +of:0.12986813485622406 and:0.046540964394807816 to:0.015256951563060284 in:0.01380203478038311 :0.24600715935230255 +to:0.6576880812644958 the:0.05429914966225624 a:0.015522495843470097 in:0.013271259143948555 :0.0232288409024477 +other:0.021617600694298744 United:0.005198583006858826 other,:0.004674931522458792 other.:0.004357785452157259 :0.3232744336128235 +a:0.11667012423276901 not:0.07240572571754456 the:0.0684872716665268 said:0.019106311723589897 :0.06670841574668884 +who:0.3033544421195984 of:0.01890953816473484 whose:0.010878875851631165 in:0.01007071416825056 :0.10852823406457901 +than:0.10183252394199371 of:0.021090824156999588 or:0.02096119523048401 and:0.020550401881337166 :0.2517966330051422 +fact:0.005875078029930592 State:0.0053044771775603294 most:0.005287233740091324 people:0.0051869782619178295 :0.28084272146224976 +was:0.12993966042995453 had:0.08508900552988052 is:0.05424419790506363 has:0.05300513282418251 :0.06335613131523132 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +from:0.20256361365318298 and:0.10169877111911774 in:0.07022181898355484 on:0.05072242021560669 :0.05042401701211929 +in:0.08428594470024109 up:0.07815370708703995 to:0.07515473663806915 on:0.05831533297896385 :0.10067692399024963 +the:0.15625180304050446 year:0.014793045818805695 day:0.014579779468476772 section,:0.013248998671770096 :0.16046318411827087 +a:0.029935935512185097 the:0.0285109244287014 made:0.021715320646762848 well:0.014902601949870586 :0.15658973157405853 +a:0.14758086204528809 the:0.1320042908191681 it:0.0439971387386322 up:0.02904113195836544 :0.06397406756877899 +of:0.08438955247402191 and:0.07316719740629196 The:0.018873287364840508 the:0.015954991802573204 :0.17057564854621887 +to:0.031204501166939735 the:0.028677819296717644 a:0.025017665699124336 he:0.01924174092710018 :0.146053284406662 +D.:0.1283985674381256 and:0.07499804347753525 Feb.:0.0346289724111557 Jan.:0.03029211238026619 :0.0754060223698616 +number:0.06246975064277649 distance:0.06242692843079567 amount:0.06167742609977722 portion:0.04166977480053902 :0.09972488880157471 +the:0.3339409828186035 this:0.042113445699214935 a:0.031592559069395065 that:0.022855572402477264 :0.12869170308113098 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.46868228912353516 a:0.037179891020059586 said:0.026383720338344574 tho:0.015777548775076866 :0.12908430397510529 +are:0.12217803299427032 were:0.07861416786909103 will:0.07099581509828568 have:0.06905921548604965 :0.08099502325057983 +Assembly:0.32986289262771606 Assembly,:0.03167123720049858 Government:0.027264392003417015 Government,:0.022851740941405296 :0.20703019201755524 +a:0.11271650344133377 the:0.09836918860673904 that:0.07449565827846527 to:0.05986155569553375 :0.14540374279022217 +or:0.011999562382698059 and:0.00944812223315239 means:0.0042738718912005424 the:0.0037849857471883297 :0.35188600420951843 +and:0.09011931717395782 was:0.03731781989336014 of:0.031238656491041183 in:0.02565106190741062 :0.19280941784381866 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +ants:0.36514943838119507 ant:0.17150285840034485 ants,:0.17144234478473663 ant,:0.08000671863555908 :0.02684277482330799 +cept:0.03172670304775238 tended:0.026636412367224693 pected:0.026000961661338806 tent:0.023208344355225563 :0.4635670483112335 +of:0.12100280821323395 and:0.06713037937879562 in:0.02914881706237793 was:0.020862603560090065 :0.15044835209846497 +to:0.5245561003684998 for:0.07426904141902924 that:0.04208240285515785 and:0.018826203420758247 :0.04581516981124878 +the:0.23636244237422943 a:0.060068126767873764 this:0.032677460461854935 tho:0.02217067964375019 :0.10060738772153854 +own:0.04411210119724274 respective:0.010962705127894878 own.:0.004438356030732393 lives.:0.003734826808795333 :0.23696359992027283 +be:0.31433919072151184 exceed:0.07623589038848877 have:0.030880695208907127 apply:0.029393207281827927 :0.045586396008729935 +man:0.031650640070438385 good:0.016451358795166016 great:0.015152445994317532 large:0.013644883409142494 :0.13449802994728088 +most:0.009785511530935764 same:0.006469148211181164 work:0.006107828579843044 said:0.0059417481534183025 :0.18830929696559906 +and:0.14282307028770447 of:0.051600612699985504 was:0.047062985599040985 with:0.032182205468416214 :0.09960906207561493 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.23256561160087585 and:0.185841903090477 to:0.029376821592450142 in:0.019741171970963478 :0.0398014597594738 +mouth:0.011321264319121838 end:0.010178869590163231 top:0.009290688671171665 city:0.008032749406993389 :0.21781577169895172 +have:0.12153515219688416 are:0.06847307085990906 were:0.04580202326178551 had:0.03448061645030975 :0.07951737940311432 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +to:0.16271156072616577 and:0.08317035436630249 the:0.0752444863319397 a:0.04488905519247055 :0.0938221886754036 +and:0.05737970024347305 the:0.0446702241897583 to:0.029323972761631012 in:0.028354497626423836 :0.13792607188224792 +and:0.08283179253339767 of:0.025544237345457077 at:0.025119196623563766 in:0.02413870207965374 :0.08989597856998444 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +the:0.16658000648021698 a:0.10438984632492065 it:0.02625446580350399 such:0.019157886505126953 :0.08914390951395035 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +to:0.14990165829658508 and:0.12909342348575592 or:0.04287369176745415 according:0.04124030843377113 :0.07323483377695084 +the:0.17098693549633026 a:0.050262995064258575 his:0.015969472005963326 to:0.0147545225918293 :0.10263308137655258 +the:0.15568356215953827 them:0.0689612552523613 out:0.04370928928256035 up:0.039479710161685944 :0.08629331737756729 +the:0.145196333527565 a:0.023182258009910583 their:0.017773514613509178 this:0.01754462905228138 :0.13326004147529602 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.1145758330821991 a:0.06945239007472992 up:0.04123006761074066 them:0.03772202879190445 :0.05874300375580788 +olution:0.024903034791350365 and:0.02236175909638405 ing:0.018814386799931526 age:0.013429056853055954 :0.6277137994766235 +persons:0.010036986321210861 places:0.00898122787475586 countries:0.007289004046469927 parts:0.006533976644277573 :0.19479356706142426 +sult:0.0918811559677124 mainder:0.0326845720410347 maining:0.03133312612771988 port:0.02817905880510807 :0.24751265347003937 +much:0.04460768774151802 that:0.03984250873327255 far:0.03498571366071701 many:0.03268919512629509 :0.10901442915201187 +and:0.22004124522209167 but:0.04828227311372757 as:0.0271482914686203 or:0.026622293516993523 :0.05813039466738701 +and:0.07796377688646317 of:0.04005938395857811 the:0.02459426037967205 to:0.02399715594947338 :0.14930225908756256 +a:0.09818580746650696 the:0.05724656209349632 to:0.050614748150110245 well:0.027070479467511177 :0.0870855376124382 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.25661471486091614 a:0.05035734549164772 this:0.019917774945497513 said:0.01815549097955227 :0.0855441763997078 +of:0.11849391460418701 to:0.09127624332904816 that:0.054394517093896866 and:0.03487299755215645 :0.11832371354103088 +and:0.3186876177787781 in:0.034176040440797806 with:0.019384244456887245 from:0.01806085743010044 :0.1780330091714859 +the:0.2000490128993988 he:0.06940393149852753 it:0.0543472096323967 they:0.05079159140586853 :0.06021580845117569 +is:0.19163638353347778 was:0.12339498847723007 are:0.10824960470199585 were:0.06907620280981064 :0.03977898508310318 +to:0.04680448770523071 was:0.030014503747224808 have:0.026501908898353577 the:0.016208041459321976 :0.17656439542770386 +been:0.28247249126434326 not:0.05942413955926895 to:0.05347534641623497 a:0.05147644504904747 :0.0740777999162674 +the:0.15218345820903778 a:0.0790325254201889 their:0.024380572140216827 his:0.022312713786959648 :0.07411491870880127 +the:0.17554086446762085 this:0.02102055959403515 a:0.019062655046582222 said:0.010915466584265232 :0.17465171217918396 +and:0.07916506379842758 to:0.0440090149641037 the:0.025908352807164192 of:0.01752992905676365 :0.1832413226366043 +age:0.14350676536560059 age,:0.13354460895061493 age.:0.10380525141954422 the:0.050648026168346405 :0.11177995055913925 +with:0.43525251746177673 and:0.05841275304555893 the:0.04401690885424614 to:0.028304336592555046 :0.02377956174314022 +make:0.03279533609747887 do:0.03237069025635719 get:0.027034861966967583 pay:0.01552716176956892 :0.10511016845703125 +and:0.06131180748343468 of:0.03523091971874237 at:0.03214799240231514 to:0.01610942929983139 :0.1850067526102066 +own:0.022464336827397346 answer:0.011540068313479424 paper:0.008177158422768116 letter:0.007300204131752253 :0.20833367109298706 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +not:0.1821916699409485 you:0.0298292338848114 the:0.0240267775952816 White:0.019150877371430397 :0.17086216807365417 +in:0.3849770426750183 In:0.037412114441394806 to:0.03596081584692001 of:0.03520219773054123 :0.08411755412817001 +The:0.15597237646579742 A:0.03768887743353844 It:0.03710449859499931 He:0.024403663352131844 :0.14354754984378815 +the:0.2765434682369232 a:0.03664042800664902 their:0.020893098786473274 his:0.019551197066903114 :0.0956004187464714 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +to:0.2514091432094574 and:0.07807601243257523 in:0.045269597321748734 as:0.03468136116862297 :0.05100898817181587 +and:0.059463515877723694 are:0.02456372044980526 to:0.021299319341778755 the:0.02093273587524891 :0.1690751165151596 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +and:0.252886563539505 or:0.06745526194572449 but:0.061381734907627106 the:0.03906407579779625 :0.11682427674531937 +of:0.611000657081604 and:0.030652090907096863 which:0.01985275372862816 is:0.017389951273798943 :0.019025780260562897 +the:0.2045731097459793 a:0.04723981022834778 this:0.031287167221307755 tho:0.021378561854362488 :0.1520950198173523 +General:0.020456507802009583 J.:0.011340571567416191 and:0.00959685631096363 W.:0.009007547982037067 :0.4881420135498047 +the:0.34600338339805603 a:0.02396925911307335 our:0.013022013939917088 tho:0.012666972354054451 :0.14541080594062805 +great:0.02843404747545719 good:0.021941043436527252 very:0.0215480737388134 member:0.021500952541828156 :0.1742185652256012 +and:0.06259091198444366 of:0.04432102292776108 to:0.025623057037591934 in:0.017337527126073837 :0.2163652926683426 +of:0.643498420715332 to:0.039475616067647934 in:0.026894934475421906 that:0.020574241876602173 :0.020277880132198334 +and:0.05177398398518562 has:0.038373008370399475 is:0.030243489891290665 was:0.0289037823677063 :0.10379676520824432 +be:0.0750151053071022 the:0.06370319426059723 make:0.01905113272368908 have:0.01854013279080391 :0.12936817109584808 +the:0.1572272926568985 a:0.03890097141265869 any:0.018051115795969963 their:0.013321931473910809 :0.18101055920124054 +most:0.012185011990368366 same:0.010640785098075867 result:0.010600059293210506 only:0.00753809604793787 :0.19594259560108185 +and:0.1821194291114807 is:0.025831516832113266 was:0.02441137470304966 that:0.024005044251680374 :0.07270050048828125 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +the:0.03704138472676277 was:0.026406165212392807 and:0.02611684799194336 of:0.02325477823615074 :0.17209234833717346 +been:0.2557884156703949 not:0.0335993655025959 a:0.026336265727877617 to:0.01552407443523407 :0.05241582915186882 +and:0.12166941910982132 the:0.05135099217295647 a:0.042426448315382004 but:0.02522839978337288 :0.07872412353754044 +than:0.019640794023871422 serious:0.016221575438976288 or:0.01587286777794361 important:0.011253257282078266 :0.17942599952220917 +and:0.09796110540628433 in:0.03994976356625557 for:0.03262100741267204 is:0.03198429197072983 :0.08229606598615646 +the:0.11129285395145416 to:0.09196155518293381 and:0.08625606447458267 with:0.037570975720882416 :0.054752107709646225 +and:0.06318928301334381 of:0.029846930876374245 the:0.017411723732948303 who:0.017378507182002068 :0.2197999358177185 +not:0.27025583386421204 be:0.166288360953331 have:0.040096066892147064 bo:0.014707556925714016 :0.09133754670619965 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.05381914973258972 to:0.04148606210947037 and:0.029639558866620064 a:0.021061250939965248 :0.14225879311561584 +the:0.12820805609226227 if:0.0488838329911232 that:0.04702850058674812 it:0.033673517405986786 :0.050950951874256134 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.2710081934928894 a:0.0834900513291359 an:0.017619827762246132 his:0.01521911658346653 :0.09353429824113846 +and:0.11504525691270828 the:0.029326215386390686 but:0.012610960751771927 or:0.012573271989822388 :0.13841445744037628 +made:0.03946160525083542 a:0.026599423959851265 the:0.024311410263180733 had:0.01799546368420124 :0.18303708732128143 +the:0.1334161013364792 be:0.028065327554941177 make:0.02038205787539482 have:0.01847176067531109 :0.067865751683712 +been:0.17093238234519958 not:0.046588677912950516 the:0.019873134791851044 a:0.019773107022047043 :0.06568558514118195 +a:0.06681594997644424 the:0.0472346730530262 not:0.027803631499409676 in:0.015093004330992699 :0.19119390845298767 +account:0.02812773734331131 idea:0.021080657839775085 opportunity:0.014036875218153 order:0.013581521809101105 :0.17783716320991516 +the:0.09824981540441513 and:0.05904430150985718 of:0.045636434108018875 for:0.04276343435049057 :0.05568155646324158 +nature:0.05875773727893829 life:0.04861467704176903 nature.:0.035668838769197464 nature,:0.032638613134622574 :0.21445372700691223 +height,:0.0814189463853836 and:0.058381401002407074 of:0.03141918405890465 to:0.02816556952893734 :0.14438723027706146 +the:0.241311177611351 this:0.024481089785695076 tho:0.016082651913166046 a:0.014537220820784569 :0.19735805690288544 +wife:0.03890116140246391 friends:0.014383111149072647 family:0.01307716965675354 wife,:0.012853448279201984 :0.16733230650424957 +are:0.08880151808261871 were:0.08867805451154709 who:0.0743856355547905 of:0.048941176384687424 :0.036469485610723495 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +own:0.04768075421452522 respective:0.017744114622473717 hands:0.013820149935781956 power:0.011315437965095043 :0.21525795757770538 +and:0.044919826090335846 to:0.043357379734516144 was:0.03538501635193825 in:0.03122265636920929 :0.06293562054634094 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +two:0.13439148664474487 the:0.05517891049385071 two.:0.04290981963276863 more:0.04287787154316902 :0.09155631065368652 +person:0.031494513154029846 man:0.015483200550079346 of:0.011446020565927029 person,:0.008230315521359444 :0.145439013838768 +was:0.08876821398735046 have:0.06199999153614044 am:0.05018823966383934 had:0.047595445066690445 :0.044361263513565063 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +a:0.0604456402361393 the:0.02720489539206028 in:0.02185620553791523 ready:0.02017747424542904 :0.157748281955719 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +the:0.2774623930454254 a:0.018068412318825722 tho:0.01250150054693222 this:0.011407886631786823 :0.1680452674627304 +own:0.04961265251040459 way:0.00891876220703125 hands:0.008380270563066006 heart:0.007157004438340664 :0.18086601793766022 +into:0.12851980328559875 in:0.08919821679592133 out:0.08281710743904114 from:0.06084536388516426 :0.04828641191124916 +and:0.042833782732486725 of:0.01945367455482483 to:0.018326908349990845 the:0.017511755228042603 :0.28180602192878723 +the:0.1630624532699585 a:0.04987988993525505 it.:0.030195338651537895 him:0.02768085151910782 :0.04826431721448898 +and:0.24874696135520935 to:0.036664336919784546 which:0.03412959724664688 but:0.028856823220849037 :0.03233443200588226 +man:0.058011025190353394 few:0.019775990396738052 great:0.01758723147213459 little:0.011317881755530834 :0.13315759599208832 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.0649963840842247 r:0.02980414777994156 a:0.011957149021327496 >r:0.010193065740168095 :0.3068881928920746 +of:0.30979979038238525 to:0.07794588059186935 that:0.02985304966568947 the:0.02867727167904377 :0.03842835873365402 +No.:0.3130531907081604 County:0.028383145108819008 B.:0.010924064554274082 and:0.008923236280679703 :0.29342007637023926 +in:0.18901728093624115 by:0.10303638875484467 to:0.0738028809428215 In:0.03597491234540939 :0.04274000972509384 +to:0.1811036616563797 in:0.08109091222286224 and:0.06507975608110428 from:0.05362463742494583 :0.052983615547418594 +of:0.058051761239767075 and:0.02969679795205593 to:0.020928610116243362 way:0.018089469522237778 :0.22582150995731354 +good:0.037459976971149445 great:0.027805602177977562 very:0.018511125817894936 little:0.014757869765162468 :0.21701623499393463 +the:0.03372025117278099 a:0.02450498566031456 said:0.016394035890698433 in:0.011629370972514153 :0.18947023153305054 +the:0.07288839668035507 a:0.030447768047451973 and:0.02302929013967514 be:0.016276400536298752 :0.17734622955322266 +and:0.027257487177848816 The:0.018786687403917313 the:0.01660330966114998 It:0.010601040907204151 :0.2201537936925888 +for:0.10685025900602341 to:0.07511157542467117 the:0.060844786465168 and:0.05626635253429413 :0.04714097082614899 +estate:0.5182147026062012 estate,:0.0961686447262764 property:0.06307654082775116 estate;:0.04459439590573311 :0.056526996195316315 +make:0.03116520121693611 the:0.02453586272895336 be:0.01583956368267536 do:0.01492613460868597 :0.1685297042131424 +the:0.1760537028312683 who:0.048627663403749466 of:0.03356342017650604 that:0.030006999149918556 :0.10425684601068497 +own:0.026312939822673798 great:0.005628270097076893 kind:0.00539973471313715 most:0.0044264704920351505 :0.2576349079608917 +and:0.06331834942102432 John:0.006005935370922089 Smith:0.005613710731267929 J.:0.005276686977595091 :0.4261399805545807 +and:0.06181712821125984 of:0.028551995754241943 the:0.024418797343969345 The:0.012518285773694515 :0.208424910902977 +of:0.6102571487426758 and:0.04064762219786644 by:0.022972971200942993 ot:0.015294727869331837 :0.027542641386389732 +the:0.2176121324300766 he:0.13153502345085144 they:0.09270153939723969 it:0.038830533623695374 :0.044052381068468094 +schools:0.030161026865243912 school:0.025287825614213943 and:0.01795826107263565 to:0.01532693300396204 :0.11747068911790848 +and:0.076689712703228 of:0.061191096901893616 the:0.02319265343248844 to:0.011526943184435368 :0.20496612787246704 +stood:0.13719284534454346 stood,:0.09890633076429367 and:0.040587883442640305 stand:0.03008117340505123 :0.14271745085716248 +the:0.23236700892448425 a:0.06838764995336533 that:0.01572081819176674 this:0.014971454627811909 :0.08555566519498825 +the:0.13292525708675385 a:0.05723419785499573 up:0.05573100596666336 out:0.03665141016244888 :0.05723943933844566 +the:0.11711002886295319 a:0.08664221316576004 out:0.031175125390291214 any:0.02417777292430401 :0.06139164790511131 +and:0.10218380391597748 in:0.0511716790497303 of:0.050415754318237305 or:0.030692996457219124 :0.10208060592412949 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +same:0.008788074366748333 whole:0.007133211009204388 great:0.006956372410058975 right:0.0056526921689510345 :0.16975297033786774 +wife,:0.03618200495839119 own:0.019316434860229492 wife:0.016476640477776527 head:0.009530908428132534 :0.19299203157424927 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +The:0.1519574671983719 It:0.04671700298786163 A:0.04570196196436882 In:0.03156799450516701 :0.10007504373788834 +the:0.35928258299827576 this:0.04871392250061035 a:0.04188469424843788 that:0.02448001131415367 :0.12016481161117554 +in:0.07834260910749435 to:0.07739873230457306 and:0.06487228721380234 of:0.05987270548939705 :0.04721942916512489 +of:0.19592197239398956 and:0.07307129353284836 in:0.06127486377954483 to:0.044676169753074646 :0.02591128461062908 +best:0.05661351978778839 few:0.014825544320046902 little:0.01429376658052206 worst:0.008682814426720142 :0.16174960136413574 +own:0.02480018511414528 life:0.006301284302026033 wife,:0.004890033509582281 wife:0.004283198155462742 :0.3016741871833801 +of:0.17988409101963043 was:0.06975901126861572 is:0.04112905636429787 are:0.02743970789015293 :0.04453025385737419 +of:0.19211077690124512 in:0.11064322292804718 and:0.06537904590368271 on:0.052316755056381226 :0.03742186352610588 +to:0.02039317600429058 and:0.018912775442004204 of:0.014470853842794895 side:0.0061379773542284966 :0.17875535786151886 +the:0.24848805367946625 a:0.06395979225635529 his:0.0196872279047966 their:0.015678148716688156 :0.14730945229530334 +the:0.21839237213134766 and:0.06721436977386475 to:0.042205385863780975 a:0.0395125187933445 :0.05260072648525238 +and:0.06031057611107826 of:0.02866741642355919 The:0.01825077272951603 In:0.01766589656472206 :0.16683638095855713 +and:0.03012820892035961 the:0.02002522349357605 The:0.018052607774734497 I:0.015348389744758606 :0.22856485843658447 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.04335230961441994 of:0.024416044354438782 or:0.012329758144915104 in:0.008738464675843716 :0.31941717863082886 +was:0.025720631703734398 had:0.025206485763192177 would:0.020497214049100876 made:0.01594844087958336 :0.16631436347961426 +in:0.08393141627311707 the:0.05514431744813919 and:0.052705734968185425 of:0.03487114980816841 :0.07718531787395477 +is:0.2698195278644562 was:0.15688540041446686 has:0.06843071430921555 will:0.03979335352778435 :0.0652477815747261 +less:0.07830525189638138 expense:0.0739748403429985 more:0.058561962097883224 one:0.04066281393170357 :0.17742757499217987 +the:0.03612017259001732 and:0.03213770315051079 ing:0.023681629449129105 of:0.021403629332780838 :0.1832645833492279 +the:0.10822845250368118 it:0.07700185477733612 he:0.07175712287425995 they:0.055847328156232834 :0.04748423397541046 +of:0.020969094708561897 and:0.020406683906912804 is:0.02010236121714115 a:0.014749010093510151 :0.3314630687236786 +in:0.05756080150604248 into:0.049963995814323425 to:0.04864301532506943 back:0.03608237951993942 :0.05241060629487038 +the:0.42498141527175903 a:0.024126039817929268 this:0.019071286544203758 his:0.018442388623952866 :0.1278831511735916 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +whole:0.012117818929255009 first:0.009933408349752426 same:0.009732585400342941 people:0.006821007933467627 :0.1874791830778122 +and:0.12643110752105713 the:0.04315311834216118 of:0.03904309868812561 to:0.026765061542391777 :0.044739849865436554 +.:0.12558898329734802 M:0.015073277056217194 W:0.01389920525252819 of:0.013377562165260315 :0.33376652002334595 +the:0.19535315036773682 a:0.11398489773273468 his:0.03288218006491661 which:0.024757392704486847 :0.06953376531600952 +of:0.5778587460517883 and:0.05900031700730324 as:0.019216082990169525 that:0.01769830659031868 :0.01675431802868843 +the:0.06127121299505234 and:0.04479898512363434 a:0.01825805753469467 in:0.01646462455391884 :0.13533331453800201 +country:0.05043152719736099 city:0.04669062793254852 way:0.03818235173821449 city,:0.02081887423992157 :0.09693814814090729 +the:0.3915902078151703 a:0.039998650550842285 tho:0.017973963171243668 this:0.016426658257842064 :0.08395298570394516 +the:0.15288546681404114 of:0.04332270845770836 over:0.03231043368577957 persons:0.020451722666621208 :0.13324019312858582 +have:0.07754575461149216 was:0.030379993841052055 will:0.026548905298113823 am:0.025625627487897873 :0.18184418976306915 +the:0.1417418122291565 a:0.0630989521741867 that:0.02765914797782898 to:0.02677931822836399 :0.08754321187734604 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +is:0.09097036719322205 and:0.06778866052627563 for:0.05128505453467369 was:0.049241092056035995 :0.047127269208431244 +.:0.07798882573843002 the:0.02466939017176628 a:0.014432206749916077 and:0.013420569710433483 :0.31143349409103394 +than:0.0749896690249443 and:0.027005640789866447 to:0.00997215323150158 or:0.00878358818590641 :0.17764630913734436 +is:0.1706904172897339 was:0.1290082484483719 are:0.11152967810630798 were:0.06314719468355179 :0.04887554422020912 +the:0.11274677515029907 a:0.08612797409296036 not:0.055643368512392044 more:0.01492806151509285 :0.10949835181236267 +the:0.23859451711177826 a:0.03368863835930824 tho:0.01760593056678772 any:0.01733374409377575 :0.1203339621424675 +was:0.10177136957645416 had:0.0883454754948616 has:0.061413832008838654 is:0.04361957311630249 :0.09792733937501907 +night:0.060882002115249634 week:0.05883867293596268 year:0.05653230845928192 year,:0.05106997862458229 :0.0944368839263916 +A.:0.04786469787359238 M:0.03095472790300846 M.:0.02867400273680687 L:0.02859276533126831 :0.19541454315185547 +of:0.12000703066587448 was:0.030397627502679825 is:0.026802878826856613 and:0.019365746527910233 :0.16274411976337433 +to:0.4272187650203705 for:0.044305477291345596 by:0.04199938103556633 the:0.03771333396434784 :0.06262823939323425 +than:0.1707264930009842 and:0.0201095137745142 to:0.011837223544716835 results:0.0117398202419281 :0.10129570215940475 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +same:0.026771780103445053 best:0.00956485141068697 most:0.00823307130485773 time:0.00590519979596138 :0.14940690994262695 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.46741417050361633 a:0.025070670992136 this:0.021314246580004692 tho:0.01845634914934635 :0.11230233311653137 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +is:0.1894799768924713 was:0.12776467204093933 has:0.04927068203687668 would:0.030614657327532768 :0.04570606350898743 +was:0.14470505714416504 had:0.13513712584972382 would:0.07261236757040024 has:0.05586621165275574 :0.05392933636903763 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +be:0.27361634373664856 have:0.12187075614929199 not:0.03597692772746086 do:0.020904039964079857 :0.0654544085264206 +the:0.3079681098461151 a:0.04471585154533386 this:0.038821250200271606 tho:0.01387163158506155 :0.15652169287204742 +and:0.08038142323493958 the:0.033357344567775726 or:0.029424702748656273 as:0.024846170097589493 :0.14486971497535706 +tire:0.10393556952476501 trance:0.08280297368764877 gine:0.06840276718139648 ter:0.03783133998513222 :0.44768428802490234 +the:0.27392998337745667 a:0.040682945400476456 tho:0.02105090580880642 this:0.01878734678030014 :0.15825633704662323 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +few:0.036926496773958206 long:0.02636164426803589 moment:0.024699894711375237 period:0.017555471509695053 :0.14732754230499268 +in:0.1558690220117569 and:0.08217038214206696 of:0.06380925327539444 at:0.06021473556756973 :0.06739220768213272 +The:0.03492571786046028 and:0.03292122483253479 Beginning:0.02162669226527214 the:0.02062014304101467 :0.1940395087003708 +and:0.13650237023830414 at:0.04826933890581131 of:0.04218189790844917 the:0.03835614025592804 :0.1231139749288559 +and:0.06699290126562119 of:0.041004814207553864 was:0.0229500699788332 in:0.018470723181962967 :0.1411106139421463 +to:0.3294435739517212 into:0.0379675067961216 on:0.035783663392066956 and:0.03561002388596535 :0.07159299403429031 +from:0.21904267370700836 of:0.07729160040616989 west:0.06231868639588356 to:0.04643230885267258 :0.08997006714344025 +portation:0.10194003582000732 ferred:0.02511768415570259 and:0.019572289660573006 son:0.01730436459183693 :0.28858479857444763 +The:0.10267646610736847 It:0.02784402295947075 A:0.02719990722835064 I:0.021670784801244736 :0.1807502955198288 +to:0.09817332774400711 and:0.09785184264183044 of:0.07130255550146103 in:0.05505475774407387 :0.0533926896750927 +of:0.11272071301937103 and:0.08689195662736893 to:0.07906334847211838 for:0.05883195623755455 :0.039250582456588745 +the:0.19632641971111298 a:0.09464675188064575 my:0.03941482678055763 this:0.0250286515802145 :0.10929851233959198 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +a:0.051421068608760834 the:0.04296208918094635 not:0.024207936599850655 to:0.020502330735325813 :0.11490686237812042 +The:0.15783445537090302 A:0.06617710739374161 I:0.04417577013373375 It:0.03272074833512306 :0.14426790177822113 +of:0.5674662590026855 to:0.048285990953445435 from:0.03862278535962105 and:0.03500872477889061 :0.022098515182733536 +the:0.1763014793395996 Alaska,:0.05486305430531502 Dakota,:0.04887703061103821 this:0.019364286214113235 :0.16462060809135437 +and:0.13451260328292847 the:0.07017446309328079 but:0.038674961775541306 as:0.03552385792136192 :0.050436247140169144 +be:0.2097666710615158 not:0.04720428213477135 have:0.02686362899839878 bo:0.01757846027612686 :0.12030749768018723 +the:0.13731074333190918 a:0.022130087018013 in:0.014857678674161434 his:0.013172190636396408 :0.1712866872549057 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +same:0.09039152413606644 only:0.02587856724858284 first:0.023333245888352394 most:0.020109161734580994 :0.16514235734939575 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +far:0.06291929632425308 making:0.025450779125094414 the:0.016172192990779877 preventing:0.013705595396459103 :0.1491474211215973 +time:0.3119473159313202 distance:0.13066013157367706 time.:0.05149916186928749 time,:0.04811108857393265 :0.08481808751821518 +to:0.8071144223213196 thereto:0.0222745593637228 of:0.011641993187367916 the:0.010107353329658508 :0.019482525065541267 +great:0.02843404747545719 good:0.021941043436527252 very:0.0215480737388134 member:0.021500952541828156 :0.1742185652256012 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.0811673030257225 and:0.059473562985658646 to:0.02489997260272503 the:0.019427502527832985 :0.13647599518299103 +years:0.07949775457382202 months:0.06280452758073807 or:0.059764377772808075 weeks:0.05272148177027702 :0.09649041295051575 +the:0.2589521110057831 first-:0.16525590419769287 which:0.023244986310601234 any:0.019245581701397896 :0.12457472831010818 +dollars:0.18811863660812378 the:0.06231776624917984 dollars.:0.04872725531458855 dollars,:0.03501326963305473 :0.12973344326019287 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +J.:0.02121843583881855 J:0.01816382445394993 John:0.014765521511435509 A.:0.014463548548519611 :0.4547407031059265 +year:0.3775872588157654 month:0.0525483600795269 hundred:0.04845445975661278 of:0.04844216629862785 :0.05691610276699066 +and:0.02361985854804516 of:0.021830584853887558 is:0.013871944509446621 was:0.009962390176951885 :0.1811099350452423 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +have:0.12774258852005005 are:0.11029667407274246 should:0.053618427366018295 were:0.04728144407272339 :0.04216745123267174 +of:0.20734652876853943 and:0.06526988744735718 was:0.04156896844506264 to:0.03263173624873161 :0.05233433470129967 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +and:0.06212548911571503 of:0.031262949109077454 Pills:0.016302797943353653 in:0.010749570094048977 :0.2574143707752228 +the:0.40630361437797546 which:0.03627650439739227 a:0.03082622028887272 this:0.019911283627152443 :0.054059069603681564 +said:0.008949282579123974 people:0.008087619207799435 whole:0.0056840297766029835 law:0.0055570355616509914 :0.2078039050102234 +the:0.10964542627334595 a:0.05991748347878456 to:0.04894539341330528 not:0.024359287694096565 :0.12037680298089981 +of:0.25918322801589966 to:0.0799199715256691 and:0.06196450814604759 from:0.03349684551358223 :0.04363241419196129 +thing:0.5846121311187744 body:0.12444176524877548 thing,:0.05798894166946411 thing.:0.01919681578874588 :0.03798124939203262 +of:0.05763157084584236 and:0.02105056867003441 was:0.01547766849398613 is:0.009408907033503056 :0.32247456908226013 +the:0.2452189028263092 of:0.06792441010475159 other:0.02779979631304741 who:0.01520839799195528 :0.08574866503477097 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +been:0.1367163360118866 seen:0.048005111515522 heard:0.04040547460317612 had:0.037724629044532776 :0.1025632917881012 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.046839721500873566 to:0.0196335818618536 any:0.018950549885630608 other:0.014995858073234558 :0.1568875014781952 +and:0.21058040857315063 in:0.08675891160964966 with:0.05217348411679268 for:0.04352905601263046 :0.04376669600605965 +no:0.0735819861292839 many:0.052887093275785446 a:0.039895787835121155 some:0.03479844331741333 :0.0944497138261795 +the:0.33501073718070984 a:0.05431471765041351 this:0.04066477343440056 said:0.025065971538424492 :0.07707078754901886 +and:0.2283131331205368 or:0.11605432629585266 the:0.05607602000236511 in:0.042393215000629425 :0.0422000028192997 +with:0.8519725799560547 and:0.026264872401952744 in:0.022326843813061714 with,:0.01629084348678589 :0.006581699941307306 +a:0.08149946480989456 not:0.0410112701356411 to:0.02816685102880001 the:0.027286361902952194 :0.11279197037220001 +time:0.16241300106048584 the:0.06972220540046692 day:0.03806455060839653 he:0.024702386930584908 :0.08178892731666565 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +and:0.07509539276361465 of:0.04704275354743004 was:0.022525040432810783 on:0.019909394904971123 :0.08170916140079498 +first:0.01181174535304308 same:0.009522657841444016 latter:0.007309046108275652 time:0.006398116238415241 :0.16199609637260437 +and:0.053025953471660614 of:0.04525480419397354 the:0.02547834813594818 in:0.02275257371366024 :0.20155121386051178 +the:0.30181437730789185 a:0.06293501704931259 their:0.023648899048566818 tho:0.019856588914990425 :0.06487075239419937 +the:0.07274814695119858 a:0.02464732900261879 in:0.00890334602445364 all:0.008240907453000546 :0.1522539258003235 +to:0.6294723153114319 in:0.055002883076667786 at:0.03340461850166321 from:0.02226017788052559 :0.02025352604687214 +the:0.08114507794380188 a:0.013266095891594887 that:0.012368422001600266 to:0.011801986955106258 :0.1781044751405716 +Johnson,:0.028844909742474556 Jackson:0.024560939520597458 A.:0.02198367938399315 Johnson:0.019360577687621117 :0.45227500796318054 +and:0.11224111914634705 the:0.038744181394577026 to:0.03077724389731884 that:0.0302303247153759 :0.13674640655517578 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +in:0.12311895936727524 with:0.11655115336179733 at:0.06550627946853638 to:0.061648473143577576 :0.052613064646720886 +with:0.8874052166938782 therewith,:0.013245799578726292 therewith:0.013000234961509705 and:0.0090953903272748 :0.0059629264287650585 +to:0.06200458109378815 been:0.0404471680521965 not:0.037131167948246 a:0.024784300476312637 :0.09253963828086853 +for:0.31359004974365234 of:0.14270834624767303 to:0.0913812518119812 and:0.06547262519598007 :0.02900242805480957 +the:0.3574582636356354 a:0.044269055128097534 their:0.037236858159303665 this:0.030633695423603058 :0.04090838134288788 +man:0.04475930705666542 and:0.04400910064578056 men:0.0356510728597641 lady:0.024481499567627907 :0.17909109592437744 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +after:0.1045253798365593 from:0.06315799802541733 of:0.0612957663834095 in:0.057860858738422394 :0.046772465109825134 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +few:0.03148576617240906 number:0.020809872075915337 large:0.017801057547330856 man:0.016071511432528496 :0.14419198036193848 +per:0.030750013887882233 the:0.01880594529211521 and:0.015159551054239273 to:0.012159302830696106 :0.2869260311126709 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +a:0.20559658110141754 as:0.05520058795809746 an:0.04386725276708603 other:0.010754583403468132 :0.13561592996120453 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.1095755398273468 of:0.03169402852654457 he:0.030500350520014763 it:0.030073249712586403 :0.10283955186605453 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +of:0.025249503552913666 the:0.024753650650382042 he:0.020541826263070107 and:0.014663442969322205 :0.2931392788887024 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.3728305697441101 that:0.06851016730070114 then:0.06760798394680023 this:0.03782176226377487 :0.057987362146377563 +the:0.03216435760259628 that:0.027881309390068054 it:0.023286111652851105 much:0.022301187738776207 :0.17853794991970062 +from:0.06234337389469147 the:0.02841339446604252 and:0.018964387476444244 in:0.016996389254927635 :0.17723366618156433 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +the:0.25802358984947205 he:0.06256476044654846 they:0.05801434442400932 it:0.05538274720311165 :0.04580596834421158 +the:0.10447653383016586 a:0.018176784738898277 which:0.011617249809205532 this:0.008949927985668182 :0.19491669535636902 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.056266069412231445 and:0.03640170395374298 the:0.03387165814638138 in:0.019224897027015686 :0.14181075990200043 +and:0.07130742073059082 up:0.041202716529369354 the:0.03725585341453552 of:0.018513737246394157 :0.2649615705013275 +of:0.5849794149398804 to:0.059163328260183334 and:0.04324734956026077 in:0.017634034156799316 :0.026534413918852806 +of:0.18211911618709564 is:0.045663632452487946 and:0.04523045942187309 to:0.031584274023771286 :0.05760183185338974 +the:0.18278878927230835 he:0.09780209511518478 they:0.08194306492805481 to:0.06053526699542999 :0.05318523943424225 +of:0.3050597608089447 and:0.08773136883974075 in:0.042852237820625305 was:0.028724106028676033 :0.07126631587743759 +that:0.13578180968761444 the:0.08257598429918289 what:0.06469785422086716 of:0.052147526293992996 :0.05505366250872612 +Affairs:0.2620166540145874 State:0.009682613424956799 Missionary:0.004824685398489237 county:0.004743498750030994 :0.41340476274490356 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.04093339666724205 of:0.036822300404310226 Mrs.:0.013941916637122631 the:0.013454572297632694 :0.23129989206790924 +and:0.12851087749004364 in:0.05127359926700592 to:0.019962942227721214 are:0.019584348425269127 :0.05786844342947006 +the:0.2271643579006195 in:0.1816769391298294 of:0.08578400313854218 on:0.025534622371196747 :0.06816121935844421 +of:0.34720706939697266 and:0.06662617623806 to:0.03305047005414963 in:0.028178047388792038 :0.07929587364196777 +The:0.14052189886569977 It:0.048309896141290665 We:0.04621092230081558 He:0.031765181571245193 :0.12416572123765945 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +husband:0.04198382794857025 own:0.016483910381793976 father:0.015079846605658531 mother:0.013030832633376122 :0.2541092336177826 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +with:0.10176599025726318 the:0.06980293989181519 so:0.03908796235918999 so,:0.037140198051929474 :0.04784158617258072 +had:0.06889243423938751 saw:0.035145215690135956 was:0.024612711742520332 heard:0.023948106914758682 :0.15996377170085907 +the:0.23675945401191711 a:0.033299606293439865 our:0.02717907540500164 his:0.020675191655755043 :0.1806793510913849 +a:0.03684420883655548 the:0.0364057794213295 made:0.02793208695948124 sold:0.016866616904735565 :0.12324710190296173 +the:0.17558328807353973 a:0.029920222237706184 said:0.021556410938501358 this:0.017796136438846588 :0.162523090839386 +J:0.015364180319011211 John:0.014456734992563725 J.:0.013187360018491745 W.:0.012854679487645626 :0.42447134852409363 +the:0.17478950321674347 be:0.05336089804768562 a:0.027947667986154556 wit::0.025100350379943848 :0.10745104402303696 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +first:0.01181174535304308 same:0.009522657841444016 latter:0.007309046108275652 time:0.006398116238415241 :0.16199609637260437 +with:0.8874052166938782 therewith,:0.013245799578726292 therewith:0.013000234961509705 and:0.0090953903272748 :0.0059629264287650585 +the:0.15279513597488403 been:0.08318926393985748 right:0.024799086153507233 that:0.023242969065904617 :0.0870361328125 +same:0.02195718325674534 whole:0.008699716068804264 following:0.007151381578296423 first:0.006481071934103966 :0.1542380005121231 +the:0.20434856414794922 a:0.05492870882153511 this:0.025431321933865547 all:0.021044034510850906 :0.08431537449359894 +to:0.17507196962833405 of:0.13377420604228973 in:0.07270226627588272 and:0.03418784588575363 :0.031626954674720764 +the:0.38958117365837097 a:0.059083256870508194 his:0.02921232394874096 tho:0.015676403418183327 :0.12189233303070068 +to:0.0326278991997242 had:0.026543771848082542 was:0.022362371906638145 before:0.021664083003997803 :0.1761968433856964 +and:0.06136481091380119 The:0.01772206649184227 to:0.016281988471746445 the:0.016059521585702896 :0.2383408099412918 +is:0.027602044865489006 year:0.02591228112578392 morning:0.015282494015991688 was:0.0128434207290411 :0.154457688331604 +and:0.1229013204574585 Block:0.06424395740032196 to:0.05824132636189461 from:0.028613699600100517 :0.16101548075675964 +May,:0.0833473950624466 April,:0.04520514979958534 the:0.04390218108892441 March,:0.04221765697002411 :0.09877561777830124 +United:0.010129548609256744 State:0.008655313402414322 most:0.005545320920646191 same:0.004872388206422329 :0.33676677942276 +successive:0.17806313931941986 years:0.08783792704343796 years,:0.054425086826086044 weeks:0.05074804648756981 :0.09310209006071091 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +the:0.19597196578979492 a:0.10225093364715576 their:0.013386109843850136 an:0.012128355912864208 :0.09733057767152786 +is:0.20767323672771454 are:0.10207188874483109 shall:0.08170689642429352 as:0.049891773611307144 :0.04855544865131378 +to:0.27488473057746887 of:0.0596366748213768 for:0.04763053357601166 in:0.032290033996105194 :0.043841131031513214 +tax:0.01931089535355568 fine:0.01699601113796234 large:0.013961618766188622 debt:0.012202015146613121 :0.1559964120388031 +the:0.204657644033432 a:0.06550236791372299 he:0.0269185621291399 having:0.018891524523496628 :0.06946519762277603 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +the:0.24748684465885162 a:0.030908871442079544 tho:0.014945542439818382 this:0.014345468953251839 :0.11510174721479416 +and:0.09885682910680771 which:0.01279123593121767 the:0.012019841931760311 The:0.009738179855048656 :0.1547619104385376 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +United:0.01328139379620552 State:0.009544115513563156 said:0.005746869370341301 most:0.005404171999543905 :0.27079474925994873 +of:0.12628740072250366 and:0.04679199680685997 is:0.04005497694015503 for:0.03587005287408829 :0.08839743584394455 +be:0.12830714881420135 not:0.08905903249979019 he:0.027312826365232468 the:0.017255151644349098 :0.12156379222869873 +named:0.17330294847488403 described:0.12115638703107834 entitled:0.04651709645986557 the:0.03292066231369972 :0.10920299589633942 +of:0.04270418360829353 and:0.033242907375097275 people:0.018052347004413605 roads:0.016154279932379723 :0.15349727869033813 +the:0.08287650346755981 a:0.06641190499067307 to:0.05330571532249451 not:0.041118599474430084 :0.09302059561014175 +of:0.8098480701446533 ot:0.011419299058616161 ol:0.005361367017030716 and:0.005326428916305304 :0.038447681814432144 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +the:0.04327454790472984 and:0.040880024433135986 of:0.02864823304116726 in:0.02053672820329666 :0.22845090925693512 +large:0.01668211817741394 very:0.010049821808934212 few:0.009286525659263134 little:0.009034033864736557 :0.1700279265642166 +and:0.054847124963998795 the:0.027386941015720367 to:0.024017412215471268 of:0.019245896488428116 :0.18557989597320557 +kinds:0.03615957126021385 parts:0.03490303084254265 sections:0.021746857091784477 men:0.01764138974249363 :0.12279541790485382 +a:0.010997126810252666 right:0.010213724337518215 and:0.009359394200146198 the:0.0070145330391824245 :0.24521251022815704 +a:0.14845502376556396 the:0.08138130605220795 by:0.04256143048405647 of:0.030555222183465958 :0.04165463149547577 +of:0.10647041350603104 and:0.06447046995162964 in:0.05288684740662575 was:0.046631813049316406 :0.08502651005983353 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +the:0.04148406535387039 a:0.0369773767888546 to:0.03331417962908745 in:0.0314784049987793 :0.1726565659046173 +of:0.19465121626853943 to:0.07240293174982071 and:0.041617631912231445 by:0.03061550296843052 :0.17890703678131104 +of:0.2604605257511139 and:0.14069503545761108 in:0.067103311419487 from:0.04018988832831383 :0.03286308795213699 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +The:0.1150142103433609 It:0.0488799624145031 I:0.044875334948301315 He:0.03342742100358009 :0.18485179543495178 +to:0.6744029521942139 for:0.16887179017066956 that:0.022176438942551613 and:0.017648886889219284 :0.011427885852754116 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.3863288164138794 a:0.03711578994989395 this:0.03464150056242943 default:0.03320801258087158 :0.06435740739107132 +in:0.06536474823951721 and:0.05296298488974571 are:0.04776807501912117 who:0.027784772217273712 :0.0926935151219368 +to:0.2702586054801941 a:0.09648065268993378 the:0.053804896771907806 been:0.036854732781648636 :0.05063512548804283 +to:0.1054229810833931 known:0.035303451120853424 and:0.025720365345478058 enough:0.023566370829939842 :0.13121245801448822 +was:0.1401456743478775 is:0.04905986785888672 and:0.027597861364483833 of:0.027065888047218323 :0.07310055196285248 +large:0.01113757211714983 certain:0.010590068995952606 great:0.00908346101641655 few:0.00792606920003891 :0.291079580783844 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.05381914973258972 to:0.04148606210947037 and:0.029639558866620064 a:0.021061250939965248 :0.14225879311561584 +of:0.15097849071025848 to:0.11341214179992676 and:0.0969824492931366 in:0.04577591270208359 :0.06147293001413345 +and:0.06086977943778038 of:0.04439675062894821 in:0.023984214290976524 the:0.022524164989590645 :0.18736721575260162 +the:0.11632105708122253 be:0.06861700862646103 do:0.02169537916779518 make:0.018085138872265816 :0.12054411321878433 +and:0.02268638089299202 be:0.022255778312683105 known:0.018806317821145058 of:0.018369941040873528 :0.1287592202425003 +of:0.11845606565475464 and:0.05333052948117256 The:0.02188676781952381 the:0.01838817447423935 :0.14379659295082092 +tional:0.24929475784301758 tion:0.07975684106349945 ture:0.07429859787225723 tion,:0.05528753623366356 :0.08568336814641953 +and:0.16834694147109985 of:0.09866440296173096 are:0.04891934618353844 in:0.047273188829422 :0.04642334580421448 +ducts:0.08166428655385971 visions:0.06675897538661957 fessional:0.05635074898600578 fession:0.047715380787849426 :0.17699415981769562 +the:0.10744135081768036 out:0.0904005840420723 a:0.08931653946638107 that:0.05872645974159241 :0.05516032129526138 +that:0.16124184429645538 far:0.05489039048552513 as:0.03169403225183487 long:0.030884061008691788 :0.11419888585805893 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.16278083622455597 a:0.13902252912521362 an:0.01646670140326023 it:0.010999655351042747 :0.10523774474859238 +the:0.12256433814764023 a:0.021611781790852547 to:0.01299331896007061 in:0.00920240767300129 :0.17715874314308167 +party:0.30165937542915344 party,:0.10142398625612259 party.:0.03553467243909836 leaders:0.012180843390524387 :0.09853809326887131 +be:0.12833690643310547 the:0.09795104712247849 not:0.049626823514699936 you:0.048817723989486694 :0.0655306875705719 +taining:0.24155960977077484 structions:0.044508811086416245 served:0.036379244178533554 servation:0.03193049132823944 :0.36425575613975525 +the:0.23569321632385254 a:0.03749624639749527 this:0.017878839746117592 their:0.014733698219060898 :0.1756359040737152 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.07254689931869507 in:0.07009810209274292 to:0.0572236143052578 as:0.046693798154592514 :0.08935841172933578 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +the:0.22240936756134033 a:0.059398483484983444 his:0.020286448299884796 their:0.016962755471467972 :0.11648654192686081 +the:0.24977082014083862 he:0.06567470729351044 they:0.06263629347085953 it:0.04422174021601677 :0.04301435127854347 +is:0.08047374337911606 was:0.05969255417585373 are:0.03944889083504677 the:0.03935001790523529 :0.07503548264503479 +and:0.07949124276638031 the:0.05187533050775528 but:0.050897810608148575 to:0.02743925340473652 :0.08962135016918182 +was:0.12561637163162231 had:0.0720045417547226 is:0.04682975634932518 has:0.033251259475946426 :0.07084424793720245 +same:0.010084477253258228 most:0.007572896778583527 whole:0.006732596550136805 first:0.005812443792819977 :0.15257321298122406 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +of:0.8201913833618164 to:0.01657416857779026 which:0.011610093526542187 ot:0.010775069706141949 :0.011541489511728287 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +of:0.08358309417963028 to:0.048555888235569 in:0.04258380085229874 and:0.03504594415426254 :0.07738292217254639 +the:0.24205537140369415 said:0.04059360921382904 a:0.026034101843833923 this:0.02104800194501877 :0.21052761375904083 +and:0.07961414009332657 of:0.03272891044616699 to:0.02213413082063198 in:0.021677851676940918 :0.14567798376083374 +the:0.0404963418841362 and:0.03183767944574356 to:0.02172422595322132 of:0.01611439511179924 :0.1760554164648056 +the:0.28662869334220886 a:0.08454281836748123 tho:0.018653275445103645 an:0.012692732736468315 :0.08022210001945496 +of:0.03961406648159027 one:0.0342370830476284 interest:0.030806176364421844 person:0.022931545972824097 :0.13309182226657867 +the:0.06332989782094955 a:0.022508569061756134 that:0.00922993291169405 other:0.007573255337774754 :0.19599565863609314 +The:0.060210492461919785 A:0.035102639347314835 A.:0.02719687856733799 In:0.02159874700009823 :0.23179909586906433 +in:0.11667246371507645 of:0.06691385805606842 the:0.044871751219034195 and:0.04069281369447708 :0.039717674255371094 +and:0.05028938874602318 of:0.022317979484796524 .:0.016655558720231056 The:0.013797340914607048 :0.28320425748825073 +Louis:0.33647406101226807 Paul:0.060930293053388596 Louis,:0.01602114550769329 Johns:0.015644263476133347 :0.3093232214450836 +and:0.056923191994428635 the:0.03956136107444763 in:0.021638743579387665 to:0.02109626494348049 :0.15280351042747498 +and:0.0639830157160759 fertilizing:0.06310582906007767 of:0.017053987830877304 men:0.011350847780704498 :0.1805955022573471 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +as:0.028483930975198746 and:0.021767713129520416 in:0.01037345640361309 people:0.010158912278711796 :0.23084761202335358 +have:0.12672527134418488 not:0.10973600298166275 be:0.09097597748041153 make:0.01761210709810257 :0.07425525784492493 +purpose:0.03845525160431862 same:0.010761605575680733 payment:0.010423376224935055 first:0.01032441295683384 :0.23434877395629883 +the:0.29290252923965454 a:0.048717793077230453 this:0.02194933407008648 his:0.02053951285779476 :0.12579932808876038 +nited:0.070480115711689 and:0.010731463320553303 of:0.009935649111866951 the:0.009798852726817131 :0.3342554271221161 +as:0.21479211747646332 from:0.0741322934627533 beyond:0.050280991941690445 more:0.037030354142189026 :0.06295625120401382 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +next,:0.04870648682117462 1,:0.031787432730197906 and:0.027202187106013298 A.:0.025364041328430176 :0.21522539854049683 +of:0.18345032632350922 who:0.03350498527288437 hundred:0.013545766472816467 and:0.012698660604655743 :0.07393037527799606 +same:0.009103670716285706 first:0.006682292558252811 last:0.006288441829383373 said:0.004440516699105501 :0.15760785341262817 +and:0.05360996723175049 of:0.03900396078824997 to:0.021915214136242867 in:0.01914038136601448 :0.2062719613313675 +and:0.07232222706079483 as:0.03826350346207619 to:0.028765909373760223 of:0.025885503739118576 :0.1920897662639618 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +own:0.04110855609178543 midst:0.017603058367967606 city:0.015858149155974388 country:0.012402661144733429 :0.16157206892967224 +the:0.3105473518371582 a:0.045993395149707794 this:0.034589916467666626 which:0.01764109916985035 :0.07561599463224411 +and:0.28293490409851074 that:0.05154580995440483 but:0.05113709345459938 to:0.041628021746873856 :0.11957885324954987 +to:0.157212033867836 of:0.07720202207565308 by:0.06525106728076935 the:0.05010394752025604 :0.04434315860271454 +of:0.1043504998087883 ago:0.08927717059850693 ago.:0.07270020991563797 and:0.061658576130867004 :0.05918300151824951 +the:0.056677404791116714 a:0.015527436509728432 that:0.015480848960578442 tho:0.014284596778452396 :0.26348212361335754 +that:0.1503768265247345 far:0.054101575165987015 as:0.04557650536298752 much:0.03644964471459389 :0.12639553844928741 +parties:0.021005500108003616 party:0.0205695740878582 and:0.014248325489461422 power:0.008912436664104462 :0.22160515189170837 +the:0.2328513264656067 a:0.020848287269473076 this:0.015245290473103523 tho:0.01057321485131979 :0.1764790266752243 +was:0.05994874984025955 have:0.05130007863044739 am:0.03989766165614128 had:0.031452570110559464 :0.1341795176267624 +made:0.03716104477643967 a:0.030058881267905235 the:0.024857543408870697 taken:0.020551640540361404 :0.14961276948451996 +the:0.21838144958019257 kinds:0.025451449677348137 that:0.016584264114499092 who:0.01581062749028206 :0.12430498003959656 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +of:0.09272629767656326 and:0.043891116976737976 to:0.02459990419447422 in:0.02247808128595352 :0.15841571986675262 +and:0.012266866862773895 the:0.009217279963195324 a:0.008295579813420773 spect:0.007348104380071163 :0.4230968654155731 +of:0.3945067226886749 and:0.11643575131893158 in:0.02166731469333172 or:0.018196478486061096 :0.06340328603982925 +have:0.05754847824573517 am:0.04939283803105354 was:0.03892029449343681 had:0.027559952810406685 :0.11979556828737259 +the:0.19397097826004028 a:0.12043941020965576 an:0.01602434553205967 their:0.015371661633253098 :0.11633040755987167 +of:0.2829492688179016 to:0.267660915851593 in:0.04623918980360031 over:0.03386210650205612 :0.030908063054084778 +The:0.11237846314907074 A:0.04749637469649315 It:0.046533308923244476 I:0.04384031146764755 :0.1215747594833374 +the:0.18859097361564636 a:0.11328939348459244 his:0.019362524151802063 which:0.01671086810529232 :0.16596859693527222 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +of:0.12000703066587448 was:0.030397627502679825 is:0.026802878826856613 and:0.019365746527910233 :0.16274411976337433 +was:0.08270995318889618 and:0.05145364999771118 of:0.04973437264561653 for:0.029166176915168762 :0.06469006091356277 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +The:0.16321033239364624 It:0.06996247917413712 In:0.06174923852086067 He:0.030090099200606346 :0.05405126512050629 +therein:0.08758657425642014 in:0.06400592625141144 conveyed:0.05556232109665871 and:0.05042281001806259 :0.05970636010169983 +the:0.09223725646734238 and:0.06019413098692894 to:0.05359595641493797 a:0.041106436401605606 :0.09192179143428802 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.2349666953086853 a:0.0641632005572319 tho:0.015128969214856625 their:0.013397217728197575 :0.14252164959907532 +to:0.1339445561170578 from:0.06720343977212906 on:0.03229659050703049 in:0.03213490918278694 :0.2228669822216034 +to:0.9632943272590637 for:0.011460624635219574 and:0.0021070882212370634 lo:0.001702195848338306 :0.002205043565481901 +the:0.16302357614040375 he:0.04205089807510376 they:0.036661308258771896 it:0.024876102805137634 :0.07137715816497803 +the:0.1375465989112854 a:0.02743174135684967 this:0.009762934409081936 his:0.0069221192970871925 :0.2454572319984436 +a:0.11028637737035751 the:0.08390602469444275 not:0.0597318634390831 to:0.037757791578769684 :0.10705547034740448 +the:0.20206710696220398 by:0.06807329505681992 to:0.06540226936340332 in:0.04493454471230507 :0.039130255579948425 +not:0.06610668450593948 now:0.02246413193643093 in:0.021015804260969162 to:0.020308073610067368 :0.13868702948093414 +of:0.5319687724113464 and:0.058676719665527344 section:0.032569561153650284 in:0.012739568017423153 :0.16474682092666626 +of:0.01378204021602869 and:0.010198783129453659 the:0.009097187779843807 i:0.00609912583604455 :0.35191255807876587 +United:0.009117594920098782 city:0.008122595958411694 same:0.006538357585668564 State:0.005326354876160622 :0.2535702586174011 +and:0.07956823706626892 of:0.04102397337555885 to:0.029199134558439255 in:0.02114386111497879 :0.13668063282966614 +the:0.2126544862985611 this:0.05907928943634033 a:0.057349130511283875 his:0.019194405525922775 :0.07261814922094345 +to:0.048858024179935455 and:0.03333275392651558 men:0.01963789388537407 men,:0.014475326053798199 :0.2158442735671997 +the:0.08002535253763199 and:0.06114267185330391 a:0.032844383269548416 in:0.030346164479851723 :0.10917838662862778 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +and:0.07657261192798615 the:0.04102449119091034 a:0.02202242612838745 I:0.02077026478946209 :0.1443501114845276 +a:0.1323946863412857 the:0.07133578509092331 not:0.05409318581223488 only:0.015604213811457157 :0.07645665854215622 +and:0.09229014068841934 as:0.048632603138685226 was:0.029057003557682037 is:0.028195945546030998 :0.054066792130470276 +the:0.07430937886238098 he:0.03874240070581436 is:0.03238527849316597 they:0.030048109591007233 :0.0743534043431282 +of:0.8716740012168884 ot:0.01737171970307827 ol:0.00559009937569499 the:0.00516350194811821 :0.013582938350737095 +saw:0.09958847612142563 heard:0.048116475343704224 had:0.044122084975242615 have:0.028121598064899445 :0.08981575071811676 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +after:0.052451200783252716 to:0.04885400831699371 in:0.03270125389099121 from:0.025072729215025902 :0.0778932273387909 +to:0.03314641863107681 increased:0.01619243435561657 the:0.01613653637468815 a:0.009948535822331905 :0.226656973361969 +the:0.30907896161079407 a:0.058800164610147476 this:0.026613352820277214 his:0.021214382722973824 :0.08189243078231812 +not:0.04980239272117615 in:0.02706148475408554 the:0.018896562978625298 to:0.017280016094446182 :0.17729981243610382 +the:0.1644677221775055 they:0.08716893941164017 he:0.04833991453051567 it:0.029840093106031418 :0.13165859878063202 +is:0.2306077778339386 was:0.1955881416797638 would:0.07234462350606918 will:0.05431658402085304 :0.04618776962161064 +W:0.10204074531793594 of:0.03158341720700264 and:0.018270261585712433 W,:0.01616518758237362 :0.3046317994594574 +of:0.7000320553779602 and:0.02102551981806755 that:0.0155629962682724 ot:0.012368165887892246 :0.012875799089670181 +and:0.187252938747406 to:0.028063755482435226 the:0.022950811311602592 but:0.022841915488243103 :0.11464781314134598 +half:0.05227982625365257 few:0.027100946754217148 large:0.02216946892440319 great:0.012649431824684143 :0.1533392369747162 +to:0.31530505418777466 and:0.12184435874223709 on:0.11661899834871292 by:0.04008935019373894 :0.039474278688430786 +The:0.13085155189037323 It:0.05928681790828705 He:0.0397377647459507 I:0.035492170602083206 :0.07848510891199112 +the:0.43967652320861816 a:0.04567217826843262 which:0.040898699313402176 their:0.024612629786133766 :0.04722590371966362 +bank:0.03599304333329201 convention:0.0304193627089262 debt:0.02392493560910225 banks:0.02089722454547882 :0.13111084699630737 +The:0.19078566133975983 It:0.05542043223977089 In:0.0483773909509182 This:0.02771834470331669 :0.11425430327653885 +the:0.3725610673427582 a:0.03977613151073456 this:0.02721773087978363 which:0.021349133923649788 :0.09475114941596985 +and:0.3040750026702881 but:0.050186265259981155 the:0.02614719606935978 as:0.01811828464269638 :0.10379448533058167 +country:0.020268915221095085 order:0.01800169050693512 city:0.01763126254081726 city,:0.016496390104293823 :0.18057982623577118 +in:0.06745048612356186 and:0.05539916083216667 attorney:0.054958686232566833 to:0.05409115180373192 :0.05541667714715004 +to:0.1219508945941925 and:0.10615551471710205 in:0.04913756623864174 by:0.026481956243515015 :0.07943598181009293 +to:0.04084760323166847 of:0.03958919271826744 and:0.02648814767599106 way:0.023133620619773865 :0.2086566984653473 +of:0.26914000511169434 and:0.09911654144525528 that:0.044410400092601776 is:0.0347992479801178 :0.03216254711151123 +the:0.25326067209243774 a:0.06714768707752228 that:0.044348184019327164 by:0.04296550154685974 :0.04099659621715546 +and:0.08153395354747772 the:0.04866060987114906 to:0.036497510969638824 in:0.02389487437903881 :0.15598413348197937 +the:0.1505041867494583 a:0.05492758750915527 him:0.04637254402041435 them:0.038156040012836456 :0.10325870662927628 +same:0.013585232198238373 first:0.012981027364730835 city:0.012977709993720055 case:0.009776578284800053 :0.1773841828107834 +the:0.38687992095947266 a:0.03690012916922569 Mr.:0.019857482984662056 tho:0.014808808453381062 :0.09562373906373978 +up:0.08058026432991028 a:0.07208622246980667 the:0.06099294498562813 in:0.040665674954652786 :0.09716060757637024 +and:0.037458617240190506 of:0.015719808638095856 was:0.01095610298216343 in:0.010798492468893528 :0.31055253744125366 +of:0.21108637750148773 in:0.10147646814584732 and:0.1001816913485527 to:0.02944994531571865 :0.030534008517861366 +the:0.058464307337999344 and:0.046514470130205154 to:0.03565351665019989 of:0.023888379335403442 :0.22629912197589874 +the:0.030638113617897034 of:0.027353331446647644 a:0.026768548414111137 and:0.025218503549695015 :0.19684311747550964 +and:0.10408108681440353 at:0.02074456587433815 or:0.01863894984126091 who:0.018466291949152946 :0.15926706790924072 +who:0.15444602072238922 in:0.08666802197694778 or:0.06762976199388504 can:0.03791607916355133 :0.05265728011727333 +in:0.06356300413608551 of:0.0567510724067688 and:0.0452481210231781 from:0.042646635323762894 :0.0537039116024971 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +longer:0.035024695098400116 more:0.03453008085489273 doubt:0.019939396530389786 one:0.017742689698934555 :0.16561749577522278 +hundred:0.09074588119983673 or:0.05203546583652496 years:0.04253619909286499 per:0.03150003403425217 :0.15855489671230316 +in:0.08048444986343384 and:0.07717325538396835 were:0.044110462069511414 to:0.04375169053673744 :0.03713510185480118 +to:0.08867982029914856 a:0.07084456831216812 only:0.06622251123189926 the:0.04788721725344658 :0.0811176672577858 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.07740627974271774 and:0.07081782072782516 to:0.04116833209991455 in:0.02663271501660347 :0.11301928758621216 +the:0.15285630524158478 this:0.01894277334213257 said:0.01811761036515236 a:0.017535356804728508 :0.22325092554092407 +he:0.038873717188835144 the:0.01737431436777115 to:0.016738146543502808 lie:0.016481954604387283 :0.21829359233379364 +a:0.06447240710258484 the:0.06198032200336456 now:0.05009854584932327 not:0.041749678552150726 :0.08815642446279526 +most:0.008417517878115177 last:0.0075323558412492275 best:0.007491725031286478 first:0.006937320344150066 :0.13672757148742676 +Mary:0.02163597382605076 Helen:0.013904845342040062 Anna:0.008009270764887333 Grace:0.00787003617733717 :0.46420907974243164 +in:0.1310446411371231 on:0.07605362683534622 and:0.0720548927783966 at:0.055978693068027496 :0.05545752868056297 +the:0.21345645189285278 be:0.08430235087871552 a:0.03265581652522087 his:0.026654131710529327 :0.09743250161409378 +.:0.01846587099134922 the:0.014853348955512047 of:0.01473673339933157 and:0.012731480412185192 :0.4053894281387329 +to:0.03820865973830223 the:0.03135640174150467 of:0.03032718226313591 a:0.02285916730761528 :0.2018594741821289 +same:0.05279190465807915 time:0.012526815757155418 middle:0.010734767653048038 first:0.009949818253517151 :0.1596759706735611 +was:0.1594441533088684 is:0.12250098586082458 of:0.10428190976381302 between:0.055197857320308685 :0.04462428018450737 +been:0.2565579116344452 a:0.04601484164595604 to:0.025396592915058136 the:0.02353370562195778 :0.13328495621681213 +the:0.16257336735725403 least:0.06807763129472733 once:0.044602710753679276 a:0.04162606596946716 :0.14289653301239014 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.09848327934741974 the:0.04934230074286461 of:0.027736956253647804 in:0.018408291041851044 :0.13924507796764374 +and:0.020820338279008865 of:0.01668184995651245 A:0.010307632386684418 was:0.006816523149609566 :0.37897878885269165 +the:0.02143259346485138 e:0.011668440885841846 to:0.011606988497078419 of:0.01124301366508007 :0.2619018852710724 +to:0.09351608902215958 and:0.08680927753448486 at:0.024958213791251183 for:0.024070823565125465 :0.3115636706352234 +of:0.22828176617622375 that:0.07196307182312012 to:0.046209584921598434 in:0.04025425761938095 :0.06524032354354858 +the:0.25051969289779663 a:0.042483843863010406 this:0.02736409194767475 his:0.015617869794368744 :0.12180372327566147 +the:0.2179667204618454 that:0.16023504734039307 it:0.025716712698340416 a:0.021082213148474693 :0.0632023811340332 +purpose:0.021881381049752235 first:0.01158815436065197 past:0.008909245021641254 sum:0.0077264802530407906 :0.2584359645843506 +of:0.25941410660743713 and:0.052595824003219604 was:0.03093782253563404 before:0.022732805460691452 :0.04293018579483032 +who:0.2689187526702881 of:0.04333474487066269 in:0.028510773554444313 that:0.016640951856970787 :0.10566609352827072 +the:0.34086576104164124 a:0.026586618274450302 him:0.017604418098926544 his:0.016579842194914818 :0.09291145950555801 +of:0.42028942704200745 and:0.05714212357997894 by:0.03715333715081215 to:0.01944657787680626 :0.0636167824268341 +will:0.10534410923719406 are:0.07832778990268707 were:0.05970756709575653 would:0.05539988353848457 :0.044303689152002335 +as:0.14528948068618774 or:0.0879741832613945 and:0.07146210223436356 is:0.026963908225297928 :0.07497678697109222 +The:0.0707758441567421 I:0.0635385662317276 It:0.061741702258586884 A:0.02684030309319496 :0.08958093076944351 +by:0.06603865325450897 the:0.05388345196843147 in:0.048334360122680664 to:0.03816038370132446 :0.05675189197063446 +deal:0.15444663166999817 many:0.09625433385372162 number:0.009605515748262405 deal,:0.007863151840865612 :0.1507478505373001 +was:0.09410636126995087 to:0.07751183956861496 of:0.07273716479539871 is:0.0706469789147377 :0.03518957272171974 +of:0.09087101370096207 to:0.08627922832965851 in:0.06197701022028923 above:0.04120711609721184 :0.059785451740026474 +the:0.2402869313955307 said:0.09029807150363922 a:0.05327639728784561 deed:0.03085680492222309 :0.08434280008077621 +and:0.14257122576236725 in:0.10799124836921692 to:0.055180974304676056 from:0.03129267692565918 :0.13099925220012665 +The:0.11847526580095291 It:0.05757493898272514 This:0.03501085564494133 He:0.03320886567234993 :0.06384438276290894 +bracing:0.08381729573011398 ployed:0.06949777901172638 ployes:0.0527033805847168 brace:0.047657035291194916 :0.5068196058273315 +is:0.1945885717868805 was:0.13364970684051514 are:0.11040043085813522 were:0.044373635202646255 :0.03998661786317825 +mals:0.5882235765457153 mal:0.12506411969661713 I:0.004561410751193762 the:0.003822117578238249 :0.1555706411600113 +in:0.07949133962392807 for:0.0768883153796196 on:0.0760706290602684 upon:0.05098745599389076 :0.07813127338886261 +of:0.7942060232162476 and:0.016926433891057968 in:0.016270695254206657 to:0.014085297472774982 :0.012600869871675968 +the:0.2598726451396942 a:0.0577668696641922 tho:0.017695540562272072 his:0.011614101007580757 :0.15107402205467224 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.16356928646564484 from:0.13875208795070648 by:0.09447210282087326 and:0.06889989972114563 :0.05981489643454552 +point:0.01289771031588316 large:0.008590435609221458 very:0.007094068918377161 visit:0.006071233656257391 :0.17110176384449005 +the:0.10791890323162079 upon:0.062011584639549255 to:0.04361309856176376 a:0.03942391648888588 :0.18620826303958893 +been:0.10780531913042068 no:0.037964046001434326 a:0.03697216883301735 not:0.03608803078532219 :0.07476082444190979 +is:0.2836778461933136 was:0.14617128670215607 Is:0.059683095663785934 has:0.04191187396645546 :0.05975716933608055 +the:0.11786418408155441 that:0.04223077371716499 it:0.019978484138846397 in:0.01981925033032894 :0.059984199702739716 +and:0.061795152723789215 of:0.047043576836586 to:0.03051811270415783 in:0.020163526758551598 :0.1124170646071434 +of:0.2164001762866974 and:0.10327278822660446 that:0.05220489948987961 which:0.045888081192970276 :0.04030310735106468 +a:0.10362710803747177 one:0.06262753903865814 the:0.06150731071829796 two:0.03602425754070282 :0.11146154999732971 +and:0.016970636323094368 the:0.015088009648025036 was:0.013563094660639763 a:0.01257590763270855 :0.3381842076778412 +hundred:0.06292262673377991 years:0.05012664571404457 feet:0.048487696796655655 or:0.04247526451945305 :0.11145008355379105 +will:0.0663394033908844 are:0.06509342044591904 have:0.058150384575128555 were:0.05755440145730972 :0.08406783640384674 +and:0.02436949498951435 or:0.004686152096837759 lot:0.003999690990895033 location:0.0038162257988005877 :0.272617906332016 +of:0.641257107257843 and:0.05241383612155914 to:0.036655981093645096 that:0.019149718806147575 :0.017728734761476517 +of:0.1195637658238411 and:0.07794362306594849 was:0.03712865710258484 has:0.0231922697275877 :0.07591959834098816 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +schools:0.030161026865243912 school:0.025287825614213943 and:0.01795826107263565 to:0.01532693300396204 :0.11747068911790848 +country:0.023979390040040016 city,:0.018591221421957016 city:0.018282363191246986 act,:0.015703648328781128 :0.14142222702503204 +and:0.12813809514045715 in:0.056886687874794006 to:0.05362242832779884 by:0.0408313125371933 :0.07549972832202911 +of:0.2794973850250244 and:0.09445976465940475 in:0.051675159484148026 is:0.04232660308480263 :0.03824746981263161 +that:0.36637428402900696 the:0.1314626932144165 to:0.09144973754882812 in:0.025963330641388893 :0.02184055745601654 +was:0.10177136957645416 had:0.0883454754948616 has:0.061413832008838654 is:0.04361957311630249 :0.09792733937501907 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +of:0.1893124282360077 to:0.1019478291273117 and:0.09771094471216202 in:0.0358104407787323 :0.032712358981370926 +to:0.12250503897666931 that:0.07837178558111191 and:0.05185545235872269 in:0.051145460456609726 :0.06599994003772736 +the:0.3161144554615021 a:0.037670329213142395 and:0.018619172275066376 tho:0.014094199053943157 :0.1950410157442093 +and:0.07166583091020584 The:0.019450534135103226 to:0.01705934666097164 the:0.015962522476911545 :0.1718333512544632 +of:0.7877647876739502 and:0.020457368344068527 to:0.01903557777404785 ot:0.01619495078921318 :0.011717796325683594 +day:0.12046314030885696 one:0.04372664541006088 day.:0.043200213462114334 year:0.02916356734931469 :0.07055826485157013 +a:0.03796720504760742 the:0.024603968486189842 and:0.015499832108616829 any:0.013469376601278782 :0.306209534406662 +and:0.17398013174533844 but:0.05133504793047905 to:0.03433673828840256 as:0.032752424478530884 :0.05406343936920166 +in:0.07333623617887497 as:0.05421649292111397 the:0.0407804399728775 by:0.0383208729326725 :0.061040472239255905 +have:0.11517129093408585 are:0.08388461917638779 were:0.03519289568066597 had:0.027844484895467758 :0.056861549615859985 +be:0.3248842656612396 not:0.08988837897777557 bo:0.022929834201931953 have:0.015596957877278328 :0.058546941727399826 +to:0.1707848757505417 and:0.17005032300949097 in:0.08911602944135666 of:0.06126759573817253 :0.029571620747447014 +and:0.049019038677215576 of:0.03487381711602211 in:0.018066728487610817 to:0.016165029257535934 :0.21029363572597504 +have:0.12798123061656952 are:0.05609172582626343 do:0.036216314882040024 want:0.024569397792220116 :0.07558274269104004 +line:0.07381368428468704 center:0.0238336231559515 north:0.023357640951871872 river:0.022789383307099342 :0.14393475651741028 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +in:0.054022278636693954 a:0.05099110305309296 the:0.027048597112298012 being:0.026984916999936104 :0.10816475003957748 +the:0.2791203260421753 a:0.026561882346868515 this:0.02112903818488121 tho:0.017482751980423927 :0.11217185854911804 +who:0.14560630917549133 from:0.12093416601419449 of:0.07845950871706009 and:0.025227248668670654 :0.06384950876235962 +the:0.2598726451396942 a:0.0577668696641922 tho:0.017695540562272072 his:0.011614101007580757 :0.15107402205467224 +and:0.18767322599887848 at:0.01314737368375063 in:0.010641474276781082 or:0.00995456613600254 :0.2311510592699051 +to:0.2658971846103668 and:0.08502134680747986 the:0.07948783785104752 that:0.06821586191654205 :0.065330371260643 +of:0.4861994981765747 and:0.08522102236747742 that:0.03152303025126457 in:0.03141124173998833 :0.030245762318372726 +of:0.23830901086330414 and:0.15728695690631866 with:0.051535483449697495 in:0.04543960839509964 :0.039697304368019104 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +not:0.140300452709198 be:0.10842642933130264 soon:0.029769038781523705 have:0.0202708188444376 :0.0800243616104126 +.:0.01904858648777008 of:0.007761874236166477 the:0.007630596403032541 a:0.006643196567893028 :0.334364116191864 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.3568865656852722 a:0.028317540884017944 his:0.027008922770619392 tho:0.024989048019051552 :0.07326871901750565 +the:0.21376894414424896 a:0.11704995483160019 some:0.028214123100042343 which:0.017016306519508362 :0.07907656580209732 +the:0.2092037796974182 a:0.05280626565217972 this:0.01454247161746025 any:0.013379830867052078 :0.17167846858501434 +the:0.10568174719810486 a:0.08006846159696579 in:0.048386383801698685 to:0.03620661422610283 :0.048791512846946716 +the:0.2536894977092743 a:0.0366755835711956 which:0.020386716350913048 tho:0.02024812623858452 :0.1691989004611969 +the:0.08807632327079773 with:0.015244093723595142 a:0.014739525504410267 in:0.011436281725764275 :0.12986786663532257 +described:0.14053335785865784 the:0.013045265339314938 is:0.01092260330915451 named:0.01027007307857275 :0.20978911221027374 +is:0.10279527306556702 was:0.06607797741889954 Is:0.01585977151989937 will:0.011555633507668972 :0.11078564822673798 +the:0.20192180573940277 a:0.09296447038650513 his:0.01611422188580036 all:0.01526928972452879 :0.07598502188920975 +only:0.011274894699454308 first:0.009876146912574768 following:0.007481727749109268 men:0.006352455820888281 :0.12668097019195557 +mond:0.11025112867355347 and:0.014058307744562626 of:0.005359155125916004 in:0.0032136826775968075 :0.640921413898468 +and:0.07184573262929916 of:0.04161357134580612 is:0.03571366146206856 to:0.02939494140446186 :0.15332414209842682 +and:0.03640764579176903 H.:0.021622678264975548 J.:0.02101074904203415 W.:0.02061411365866661 :0.36747798323631287 +the:0.42308440804481506 said:0.039291903376579285 tho:0.025948401540517807 a:0.02589496783912182 :0.0779549703001976 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.1215834766626358 to:0.04096371307969093 and:0.03797221556305885 of:0.03527689725160599 :0.059995830059051514 +a:0.03684420883655548 the:0.0364057794213295 made:0.02793208695948124 sold:0.016866616904735565 :0.12324710190296173 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.12085609138011932 in:0.047304194420576096 of:0.04198223724961281 to:0.039671748876571655 :0.12467018514871597 +is:0.06207302212715149 was:0.04437074065208435 the:0.043500084429979324 are:0.041704192757606506 :0.04893315210938454 +and:0.2679665684700012 but:0.03212247043848038 the:0.03131670877337456 that:0.02162778750061989 :0.05232763662934303 +a:0.1390623301267624 the:0.12770090997219086 it:0.032148830592632294 an:0.02303515188395977 :0.10607369244098663 +and:0.2569335401058197 the:0.042256858199834824 which:0.03657980263233185 that:0.03213873878121376 :0.06773998588323593 +and:0.037723153829574585 The:0.03074348345398903 the:0.02599339187145233 of:0.022083990275859833 :0.2596729099750519 +to:0.5755130052566528 that:0.08931630104780197 I:0.02861875854432583 of:0.018862567842006683 :0.01712930202484131 +the:0.13286004960536957 not:0.07936325669288635 any:0.04168405011296272 before.:0.033081211149692535 :0.06403063237667084 +have:0.08931928873062134 are:0.08237066864967346 should:0.04830696061253548 shall:0.04495758190751076 :0.04045869782567024 +and:0.045569904148578644 the:0.028122618794441223 The:0.016326017677783966 of:0.015256955288350582 :0.20260179042816162 +lar:0.7987611293792725 and:0.006520809140056372 of:0.006087262649089098 The:0.004785834811627865 :0.05177798122167587 +to:0.2082996517419815 the:0.03951925411820412 and:0.03457259759306908 for:0.0300474651157856 :0.052537787705659866 +and:0.23137180507183075 which:0.05540887638926506 but:0.03555856645107269 the:0.03342787176370621 :0.04881661757826805 +the:0.18694628775119781 a:0.04461915045976639 them:0.021386492997407913 their:0.02025044895708561 :0.1117822676897049 +country:0.004390345420688391 city:0.004157095681875944 war:0.003996810410171747 law:0.003662953618913889 :0.26710256934165955 +and:0.17521286010742188 which:0.10722722113132477 but:0.06917734444141388 the:0.06389561295509338 :0.025510666891932487 +and:0.07261090725660324 that:0.05454913526773453 as:0.032034896314144135 to:0.030908189713954926 :0.15128612518310547 +of:0.2490185797214508 hundred:0.0917491689324379 or:0.02960793301463127 who:0.023222163319587708 :0.08103372156620026 +the:0.43402475118637085 this:0.0726049467921257 a:0.0277508907020092 said:0.015179646201431751 :0.07058929651975632 +that:0.5437519550323486 the:0.08658525347709656 in:0.03133304789662361 it:0.026524189859628677 :0.017536092549562454 +of:0.12344398349523544 and:0.08144588023424149 for:0.057922784239053726 in:0.04284549131989479 :0.10424644500017166 +of:0.12001592665910721 to:0.1149405911564827 the:0.09346079081296921 and:0.05180025100708008 :0.040662337094545364 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +father:0.02413458190858364 own:0.016267331317067146 mother:0.01553717628121376 friend:0.01127481646835804 :0.16906212270259857 +friends:0.02617287077009678 wife:0.018360352143645287 friends,:0.014481578953564167 own:0.010588273406028748 :0.1950787901878357 +the:0.12382195889949799 be:0.02918289601802826 make:0.021456656977534294 a:0.014847091399133205 :0.10070481151342392 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.15285584330558777 time:0.02473537065088749 a:0.02403748221695423 his:0.018535761162638664 :0.12477730214595795 +to:0.16053268313407898 and:0.13032571971416473 Block:0.07644768059253693 in:0.025638854131102562 :0.13796469569206238 +d:0.10286503285169601 the:0.05257229134440422 a:0.01660114713013172 to:0.009791716933250427 :0.3149195909500122 +and:0.12820570170879364 directing:0.07065560668706894 on:0.061388760805130005 at:0.047936927527189255 :0.0471724309027195 +the:0.12874317169189453 a:0.09612399339675903 to:0.054608456790447235 them:0.03867846354842186 :0.043639808893203735 +at:0.10635131597518921 like:0.04312353581190109 for:0.0385211817920208 in:0.03400622308254242 :0.11107894033193588 +a:0.16922929883003235 the:0.15360982716083527 his:0.04253404214978218 whom:0.0293763168156147 :0.08764263242483139 +the:0.10393409430980682 a:0.024195963516831398 .:0.021788455545902252 and:0.010162641294300556 :0.32173317670822144 +the:0.07106602191925049 a:0.05589418113231659 any:0.03954252600669861 being:0.02817380614578724 :0.17250649631023407 +the:0.08173205703496933 any:0.06399959325790405 that:0.047513414174318314 a:0.04647590592503548 :0.07178989797830582 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.2462085485458374 a:0.03649240732192993 this:0.015108970925211906 which:0.013756743632256985 :0.1969441920518875 +city:0.006612146273255348 door:0.006357492413371801 house:0.004777830559760332 state:0.00417206808924675 :0.1732412874698639 +in:0.027528591454029083 and:0.026870552450418472 that:0.02671884186565876 the:0.02490699104964733 :0.0593271479010582 +The:0.1411939263343811 It:0.05630809813737869 I:0.038980014622211456 He:0.03358368203043938 :0.13373811542987823 +only:0.009006055071949959 people:0.007890078239142895 most:0.007813563570380211 said:0.006764812394976616 :0.1500757932662964 +of:0.25941410660743713 and:0.052595824003219604 was:0.03093782253563404 before:0.022732805460691452 :0.04293018579483032 +was:0.14673557877540588 is:0.0653349757194519 had:0.06285730004310608 said:0.06271757930517197 :0.048671312630176544 +Christ:0.10770469158887863 and:0.06539276987314224 Christ,:0.04968615248799324 Christ.:0.03464098647236824 :0.17664898931980133 +the:0.22653140127658844 a:0.05857623741030693 this:0.026756413280963898 their:0.02261810377240181 :0.09447862952947617 +the:0.08247395604848862 a:0.03361263498663902 and:0.02825363725423813 in:0.02425338327884674 :0.10944065451622009 +a:0.029354669153690338 made:0.021220248192548752 in:0.017908724024891853 the:0.015689436346292496 :0.1536957174539566 +York:0.28232434391975403 York,:0.2122042328119278 York.:0.07057700306177139 Jersey,:0.03315885737538338 :0.1302187740802765 +the:0.5414729714393616 a:0.026597576215863228 tho:0.018110264092683792 this:0.016549985855817795 :0.07207892835140228 +property:0.03859086334705353 life:0.014891078695654869 power:0.01159993838518858 and:0.010953698307275772 :0.2313150018453598 +a:0.07502958923578262 not:0.048816028982400894 the:0.026856260374188423 in:0.02492706850171089 :0.1244148388504982 +the:0.03324480354785919 no:0.02209801971912384 a:0.021275324746966362 made:0.017651578411459923 :0.18794134259223938 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +ington:0.37382304668426514 ington,:0.2248954027891159 ington.:0.11066814512014389 and:0.010644648224115372 :0.09682025015354156 +days:0.034889232367277145 cases:0.020784415304660797 days,:0.014639617875218391 two:0.011251619085669518 :0.15591660141944885 +of:0.12000703066587448 was:0.030397627502679825 is:0.026802878826856613 and:0.019365746527910233 :0.16274411976337433 +said:0.013398820534348488 same:0.011862973682582378 United:0.008030246943235397 first:0.007469272240996361 :0.3022686839103699 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.6377981305122375 to:0.021068524569272995 and:0.01603137142956257 elected:0.015715090557932854 :0.016885578632354736 +a:0.05908681079745293 the:0.03490956127643585 is:0.023048264905810356 to:0.022080887109041214 :0.12857767939567566 +was:0.0809631198644638 had:0.07403760403394699 is:0.0456225648522377 has:0.038104891777038574 :0.09096250683069229 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +be:0.027490850538015366 make:0.024568384513258934 have:0.01887481100857258 give:0.01596659980714321 :0.0823102593421936 +date:0.28019219636917114 the:0.18527571856975555 a:0.033068157732486725 in:0.02689964883029461 :0.04451179876923561 +the:0.07568977773189545 and:0.05453880876302719 of:0.05082182586193085 in:0.036956530064344406 :0.08542775362730026 +of:0.21149343252182007 and:0.05868736281991005 the:0.02744179591536522 in:0.021655995398759842 :0.06831882148981094 +and:0.05070289224386215 to:0.028086479753255844 in:0.02235783450305462 of:0.0200655497610569 :0.20479628443717957 +the:0.05381914973258972 to:0.04148606210947037 and:0.029639558866620064 a:0.021061250939965248 :0.14225879311561584 +people:0.013004424050450325 said:0.012019546702504158 delivery:0.010375251062214375 same:0.009851548820734024 :0.169467493891716 +other:0.05139564350247383 of:0.043269626796245575 kind:0.03650795295834541 one:0.028417862951755524 :0.13148681819438934 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +and:0.10457701236009598 or:0.015123190358281136 with:0.013263655826449394 in:0.008656312711536884 :0.16764162480831146 +and:0.11045090109109879 the:0.05223933234810829 to:0.02795310690999031 with:0.025516973808407784 :0.12051575630903244 +the:0.17761476337909698 they:0.07866087555885315 he:0.07372364401817322 it:0.055351633578538895 :0.03684172406792641 +of:0.1332664042711258 in:0.041924986988306046 and:0.03555897995829582 to:0.029432883486151695 :0.04088393598794937 +to:0.6281434893608093 to,:0.03330804780125618 to.:0.02458248659968376 by:0.015458876267075539 :0.07008267194032669 +old:0.026746036484837532 order:0.0211399607360363 average:0.01063995249569416 act:0.010433356277644634 :0.14967560768127441 +the:0.21838144958019257 kinds:0.025451449677348137 that:0.016584264114499092 who:0.01581062749028206 :0.12430498003959656 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +and:0.423769474029541 dollars:0.057188089936971664 feet:0.021739941090345383 dollars,:0.021533066406846046 :0.08529135584831238 +to:0.033685605973005295 only:0.031018489971756935 a:0.0233254823833704 in:0.02112211100757122 :0.1543915569782257 +of:0.08705195784568787 and:0.0746961459517479 to:0.06456524133682251 are:0.05582941696047783 :0.06795955449342728 +the:0.08382544666528702 a:0.021277647465467453 other:0.013053626753389835 that:0.011333397589623928 :0.16828571259975433 +a:0.0694810301065445 the:0.048497237265110016 not:0.03701937571167946 to:0.036514077335596085 :0.08270470798015594 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.2470441311597824 but:0.08690407127141953 I:0.04458649456501007 as:0.022366439923644066 :0.07945135235786438 +enjoyed.:0.04037446528673172 reduced:0.02608599327504635 surprised:0.026008661836385727 shocked:0.020803509280085564 :0.19262701272964478 +the:0.15475958585739136 that:0.043290626257658005 a:0.025089995935559273 it:0.02328897826373577 :0.06223256140947342 +the:0.16452062129974365 he:0.07951133698225021 they:0.06450991332530975 it:0.05735941231250763 :0.043224770575761795 +to:0.13367433845996857 in:0.04788927733898163 and:0.029002130031585693 with:0.02686987817287445 :0.10450533032417297 +the:0.19670642912387848 a:0.1117725595831871 which:0.020290419459342957 he:0.01786603219807148 :0.07074418663978577 +ity:0.7704054713249207 ity,:0.12127682566642761 and:0.00887624267488718 or:0.0019152479944750667 :0.03404168039560318 +school:0.033015649765729904 schools:0.02928471751511097 mind:0.01856439746916294 lands:0.017290394753217697 :0.1736038625240326 +the:0.1733766347169876 a:0.04066566005349159 said:0.019458377733826637 lands:0.012074897065758705 :0.20545440912246704 +and:0.2254033088684082 but:0.05429164320230484 which:0.044931262731552124 the:0.028637219220399857 :0.054050371050834656 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +said:0.014038375578820705 people:0.012619299814105034 United:0.008266115561127663 same:0.008011269383132458 :0.16576042771339417 +coast:0.1241956278681755 coast,:0.06434467434883118 coast.:0.05416061356663704 Coast:0.05262009799480438 :0.10990035533905029 +and:0.2131578028202057 the:0.047588374465703964 but:0.04109417647123337 which:0.03201726824045181 :0.04453742504119873 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.17803220450878143 a:0.021262038499116898 tho:0.016107311472296715 tbe:0.011481388472020626 :0.30493518710136414 +the:0.15726874768733978 a:0.080570288002491 care:0.05284389480948448 up:0.04434477537870407 :0.04974181205034256 +and:0.14401444792747498 the:0.053287047892808914 but:0.051997110247612 it:0.044347357004880905 :0.042593419551849365 +and:0.07615960389375687 the:0.062168728560209274 in:0.052061330527067184 a:0.04812634363770485 :0.09063811600208282 +day:0.010210215114057064 other:0.007886702194809914 first:0.006510572973638773 land:0.006226701196283102 :0.2985681891441345 +mortgage:0.03486073762178421 County:0.014469009824097157 John:0.012604025192558765 James:0.009327806532382965 :0.15688163042068481 +of:0.5451234579086304 and:0.11152325570583344 to:0.04963616281747818 that:0.02443045750260353 :0.021677300333976746 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +known:0.08209288120269775 as:0.031498827040195465 to:0.026532337069511414 and:0.023307543247938156 :0.1723441332578659 +of:0.07870941609144211 and:0.04512132704257965 to:0.036813244223594666 were:0.026087116450071335 :0.09270142763853073 +part:0.091539666056633 days:0.06527552008628845 in:0.021340221166610718 morning:0.019678667187690735 :0.1256515234708786 +than:0.6608549952507019 or:0.011232740245759487 to:0.010804393328726292 of:0.008589424192905426 :0.05870794132351875 +of:0.5178587436676025 and:0.07514148950576782 was:0.02575729787349701 is:0.02214503102004528 :0.04259935021400452 +and:0.18141843378543854 but:0.034423671662807465 the:0.022580159828066826 which:0.017218295484781265 :0.0781441330909729 +was:0.07824401557445526 had:0.07451004534959793 would:0.057508938014507294 has:0.042815569788217545 :0.09166694432497025 +and:0.09671267122030258 the:0.044078078120946884 at:0.037972286343574524 to:0.03214684873819351 :0.16894002258777618 +the:0.2663227915763855 a:0.04369970038533211 this:0.03830443695187569 which:0.023837054148316383 :0.07361602038145065 +the:0.2104528546333313 a:0.16275623440742493 to:0.022024191915988922 an:0.018466385081410408 :0.09500110149383545 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +The:0.13900363445281982 In:0.03584079444408417 It:0.034639980643987656 and:0.026869764551520348 :0.1302991360425949 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +have:0.08255794644355774 are:0.03667657449841499 do:0.02222704328596592 will:0.019298918545246124 :0.09497057646512985 +the:0.05525222793221474 be:0.021260906010866165 no:0.01743263006210327 a:0.013002903200685978 :0.14015382528305054 +the:0.16792795062065125 a:0.0634893998503685 township:0.02328960783779621 which:0.019237201660871506 :0.12193900346755981 +country:0.023979390040040016 city,:0.018591221421957016 city:0.018282363191246986 act,:0.015703648328781128 :0.14142222702503204 +is:0.07020191848278046 the:0.05569073185324669 was:0.04417188838124275 will:0.038856685161590576 :0.08432082831859589 +and:0.07615960389375687 the:0.062168728560209274 in:0.052061330527067184 a:0.04812634363770485 :0.09063811600208282 +the:0.07440399378538132 a:0.017962154000997543 that:0.01563267596065998 to:0.013424801640212536 :0.11494894325733185 +that:0.05224567651748657 to:0.05029137432575226 and:0.04789230599999428 the:0.043125588446855545 :0.08760734647512436 +of:0.3151591420173645 and:0.10794665664434433 for:0.05962584167718887 to:0.05612945556640625 :0.03577231988310814 +the:0.18162931501865387 a:0.06554244458675385 favor:0.03973793610930443 their:0.016804972663521767 :0.09973876923322678 +most:0.20244470238685608 ways:0.16128350794315338 ready:0.14062008261680603 lowed:0.14038559794425964 :0.12040659040212631 +a:0.03631415218114853 to:0.02605023793876171 in:0.02502509392797947 not:0.02466903068125248 :0.09390518814325333 +the:0.2058650106191635 he:0.1091388538479805 it:0.030257245525717735 a:0.023823294788599014 :0.04783012717962265 +the:0.3981102406978607 them:0.045487213879823685 other:0.031181959435343742 whom:0.028881767764687538 :0.07822491973638535 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +the:0.18655574321746826 a:0.0374286063015461 this:0.016352174803614616 his:0.013887390494346619 :0.07997042685747147 +coinage:0.09265951812267303 of:0.0804230272769928 trade:0.042715322226285934 list.:0.027388429269194603 :0.11871462315320969 +the:0.11425723135471344 it:0.03077799081802368 he:0.027846798300743103 a:0.023214764893054962 :0.09194940328598022 +they:0.1543009728193283 it:0.12277337163686752 the:0.12251461297273636 of:0.0907890573143959 :0.07441107928752899 +the:0.17807340621948242 that:0.10337136685848236 what:0.04661119356751442 a:0.040303461253643036 :0.041882120072841644 +the:0.21169452369213104 he:0.06931676715612411 they:0.06735065579414368 it:0.0533854104578495 :0.078716941177845 +The:0.03389254957437515 It:0.024027571082115173 I:0.019685281440615654 Are:0.013845187611877918 :0.2551461160182953 +the:0.31034067273139954 a:0.0528908334672451 this:0.02474895864725113 two:0.017544526606798172 :0.10526006668806076 +most:0.04022032395005226 only:0.03943133354187012 best:0.021071380004286766 same:0.016193628311157227 :0.14704184234142303 +the:0.2601046860218048 he:0.04485238343477249 it:0.023431498557329178 they:0.021811220794916153 :0.055924516171216965 +in:0.12061335891485214 to:0.0874585211277008 and:0.05437255650758743 with:0.04454201087355614 :0.05021216347813606 +the:0.43413054943084717 a:0.04693816229701042 this:0.031729891896247864 his:0.02663242258131504 :0.07684634625911713 +and:0.10916052013635635 of:0.07208789139986038 with:0.045303259044885635 in:0.02463090792298317 :0.07400678843259811 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +of:0.06585094332695007 and:0.06289689242839813 the:0.03731437027454376 in:0.01965496502816677 :0.17919181287288666 +of:0.5193054676055908 due:0.04111647978425026 required:0.023401184007525444 claimed:0.02216358110308647 :0.031738873571157455 +the:0.14973218739032745 be:0.018601641058921814 a:0.01765955425798893 get:0.016473475843667984 :0.1371394693851471 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +man:0.018229832872748375 place:0.011376766487956047 little:0.011106782592833042 thing:0.009617749601602554 :0.18272581696510315 +to:0.20959781110286713 from:0.07341515272855759 up:0.06613649427890778 by:0.05174174904823303 :0.04684683680534363 +other:0.05139564350247383 of:0.043269626796245575 kind:0.03650795295834541 one:0.028417862951755524 :0.13148681819438934 +to:0.17238682508468628 of:0.09954236447811127 in:0.045213427394628525 and:0.041042063385248184 :0.03512231260538101 +with:0.1956789493560791 the:0.07726854085922241 for:0.07486602663993835 and:0.0744859054684639 :0.0751037672162056 +to:0.20973189175128937 is:0.0820016860961914 was:0.06745035946369171 will:0.022077567875385284 :0.06893133372068405 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.19021086394786835 a:0.0415421687066555 this:0.015800170600414276 their:0.008201411925256252 :0.158529132604599 +to:0.4180215299129486 him:0.06946711987257004 the:0.049710486084222794 them:0.03188812732696533 :0.030648738145828247 +of:0.01909150741994381 the:0.012221250683069229 to:0.007378704845905304 more:0.005698442924767733 :0.25139760971069336 +the:0.22898449003696442 to:0.07674768567085266 from:0.06231279671192169 and:0.05788182467222214 :0.051654741168022156 +are:0.13101299107074738 were:0.07268479466438293 have:0.066639743745327 to:0.05314438045024872 :0.05004197731614113 +the:0.49196919798851013 with:0.027207855135202408 a:0.02683725394308567 and:0.022357182577252388 :0.026485105976462364 +be:0.38905641436576843 not:0.09061796963214874 have:0.042588766664266586 bo:0.030903548002243042 :0.03616468980908394 +and:0.07867267727851868 for:0.07359512150287628 as:0.07040528208017349 shall:0.06114441156387329 :0.0491914376616478 +the:0.07403197139501572 is:0.048317331820726395 has:0.03959158435463905 will:0.03039359487593174 :0.13518477976322174 +a:0.02187889628112316 the:0.018996475264430046 made:0.016027335077524185 able:0.014924594201147556 :0.15063010156154633 +ed:0.38478216528892517 ing:0.32138708233833313 ers:0.014586190693080425 The:0.01025391649454832 :0.05599537864327431 +the:0.09199487417936325 to:0.025888197124004364 that:0.018754009157419205 as:0.014292096719145775 :0.16036687791347504 +2:0.1338081806898117 1:0.0754261314868927 3:0.04062846675515175 1,:0.032607220113277435 :0.2282916009426117 +leged:0.22351880371570587 most:0.18727368116378784 lowing:0.07213649898767471 ways:0.059852614998817444 :0.21259282529354095 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +and:0.20994412899017334 the:0.041066233068704605 as:0.018933039158582687 at:0.01763416826725006 :0.08324434608221054 +to:0.33299046754837036 much:0.0713350772857666 many:0.04951608553528786 it:0.03703245893120766 :0.04596773907542229 +of:0.061475854367017746 or:0.05256274715065956 and:0.029551422223448753 to:0.026661254465579987 :0.169186070561409 +to:0.1660807877779007 by:0.11120375990867615 in:0.0754176527261734 for:0.062221791595220566 :0.04142758622765541 +and:0.059463515877723694 are:0.02456372044980526 to:0.021299319341778755 the:0.02093273587524891 :0.1690751165151596 +and:0.11992277950048447 in:0.08027146011590958 to:0.05266301706433296 of:0.048802316188812256 :0.06817144900560379 +the:0.1738760620355606 of:0.04558920860290527 other:0.03911948576569557 that:0.032756056636571884 :0.09435293078422546 +and:0.05553974211215973 of:0.03029560297727585 the:0.01602078787982464 to:0.014759455807507038 :0.17254827916622162 +to:0.3151243031024933 by:0.1535690724849701 in:0.06348808854818344 for:0.03663809597492218 :0.036272842437028885 +and:0.02387157827615738 the:0.0071205273270606995 I:0.004305500071495771 The:0.004099276848137379 :0.34880489110946655 +and:0.027335764840245247 was:0.024327462539076805 is:0.02183733880519867 Western:0.013360939919948578 :0.2568986415863037 +and:0.2655070722103119 but:0.036839261651039124 the:0.035143882036209106 which:0.019675584509968758 :0.10426511615514755 +in:0.4485014081001282 In:0.17775924503803253 on:0.1009075716137886 and:0.05747818946838379 :0.02365727350115776 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.02031524106860161 condition:0.017303703352808952 form:0.013856308534741402 a:0.011034855619072914 :0.16710799932479858 +and:0.1201857402920723 the:0.06238263100385666 but:0.05326125770807266 that:0.04623369872570038 :0.05570535734295845 +and:0.25160062313079834 the:0.030972033739089966 for:0.027942487969994545 of:0.018659129738807678 :0.09862516820430756 +in:0.09138387441635132 at:0.041547808796167374 the:0.0327795147895813 to:0.032137591391801834 :0.149123877286911 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +the:0.16613295674324036 be:0.03442731499671936 a:0.02540007419884205 make:0.013799375854432583 :0.06470315903425217 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +to:0.17666301131248474 by:0.07016943395137787 the:0.05492987483739853 forth:0.049212273210287094 :0.04207410663366318 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +said:0.012135571800172329 same:0.011773096397519112 city:0.00679952185600996 south:0.006511115934699774 :0.2884140908718109 +a:0.09395105391740799 the:0.05267764627933502 not:0.04064482823014259 to:0.027381964027881622 :0.13861675560474396 +the:0.26863980293273926 a:0.03558804839849472 his:0.027334734797477722 which:0.020617274567484856 :0.09456075727939606 +in:0.07949133962392807 for:0.0768883153796196 on:0.0760706290602684 upon:0.05098745599389076 :0.07813127338886261 +and:0.0472751185297966 of:0.0196005180478096 the:0.016678985208272934 The:0.01646636426448822 :0.15757843852043152 +health.:0.12162729352712631 health:0.07229224592447281 the:0.03554172068834305 health,:0.026275591924786568 :0.11214388161897659 +be:0.12636704742908478 the:0.07714646309614182 a:0.018912967294454575 make:0.01507469080388546 :0.11676936596632004 +He:0.0996900349855423 The:0.07600203901529312 It:0.03345763310790062 I:0.029938658699393272 :0.12307512015104294 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.21234124898910522 be:0.12174105644226074 a:0.02285429835319519 his:0.010950266383588314 :0.09739574790000916 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.08940806239843369 to:0.016515681520104408 a:0.016504038125276566 notice:0.009636694565415382 :0.1400541216135025 +New:0.05426495149731636 the:0.02769509144127369 Morris,:0.01918359100818634 Alexandria,:0.018515700474381447 :0.2699425518512726 +men:0.032989732921123505 of:0.015460170805454254 years:0.013556389138102531 and:0.012809177860617638 :0.1937066912651062 +be:0.4703560769557953 have:0.057846371084451675 not:0.05124729871749878 bo:0.018035901710391045 :0.06513272225856781 +the:0.10982917249202728 a:0.09426602721214294 one:0.05532322824001312 about:0.024093180894851685 :0.17869476974010468 +the:0.2068205326795578 a:0.04966074600815773 this:0.03840218856930733 his:0.023574285209178925 :0.06456390023231506 +the:0.2031673938035965 a:0.050048306584358215 this:0.02935272827744484 his:0.01883482001721859 :0.0885501280426979 +and:0.13802655041217804 the:0.033811941742897034 to:0.026819299906492233 that:0.01890145055949688 :0.1254092901945114 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +man:0.031650640070438385 good:0.016451358795166016 great:0.015152445994317532 large:0.013644883409142494 :0.13449802994728088 +estate:0.3516831398010254 estate,:0.21947279572486877 property:0.12489481270313263 property,:0.045558732002973557 :0.08126115053892136 +the:0.21683427691459656 a:0.06557931005954742 this:0.01720045879483223 having:0.015099221840500832 :0.06376013904809952 +the:0.19289642572402954 a:0.16269315779209137 his:0.0558556392788887 and:0.03319540247321129 :0.06056039035320282 +first:0.014328613877296448 only:0.009588660672307014 following:0.00933836493641138 second:0.00720088928937912 :0.1286281943321228 +and:0.11755669862031937 in:0.06934373080730438 for:0.04337727651000023 of:0.04331793636083603 :0.036277271807193756 +per:0.10936496406793594 years:0.07851103693246841 thousand:0.052867770195007324 dollars:0.035808712244033813 :0.09991001337766647 +the:0.3289759159088135 this:0.18347489833831787 which:0.04023618623614311 said:0.029928341507911682 :0.09146403521299362 +a:0.15385378897190094 the:0.09327349066734314 his:0.043732162564992905 up:0.03663339838385582 :0.05330590531229973 +and:0.0942419171333313 the:0.05442194268107414 of:0.034557975828647614 in:0.025859054177999496 :0.16086116433143616 +been:0.2651047706604004 the:0.02580641396343708 not:0.025459913536906242 a:0.022140808403491974 :0.10855196416378021 +and:0.04409424215555191 of:0.031040718778967857 to:0.02037448063492775 or:0.015040617436170578 :0.2536270320415497 +a:0.1627277284860611 the:0.08625210076570511 to:0.052489958703517914 much:0.030410928651690483 :0.0869026780128479 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +same:0.015847744420170784 only:0.011680938303470612 most:0.010305951349437237 said:0.008632809855043888 :0.21977491676807404 +not:0.06932877749204636 be:0.06171254813671112 have:0.0355505533516407 do:0.02399456314742565 :0.08887924253940582 +J:0.03099931962788105 J.:0.019674398005008698 W:0.016887366771697998 and:0.01661902852356434 :0.37978726625442505 +the:0.18805736303329468 case:0.03823259845376015 a:0.02856164239346981 said:0.027441607788205147 :0.12445925921201706 +and:0.0339723564684391 to:0.03376651555299759 in:0.023757023736834526 the:0.01819944567978382 :0.11377770453691483 +life,:0.09400611370801926 days:0.06899940967559814 life:0.0334002710878849 in:0.031632937490940094 :0.1469900757074356 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.24401037395000458 of:0.22249652445316315 hand:0.026099100708961487 and:0.025648102164268494 :0.04114573076367378 +of:0.1890881210565567 and:0.09878788888454437 in:0.01947159506380558 to:0.01029789075255394 :0.31744423508644104 +the:0.09856177866458893 with:0.04822031781077385 in:0.042278703302145004 a:0.04189395532011986 :0.045308880507946014 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.21099692583084106 he:0.07584135979413986 it:0.06378912180662155 I:0.038418836891651154 :0.07925623655319214 +the:0.18988215923309326 a:0.07817249745130539 by:0.032324064522981644 him:0.017649197950959206 :0.11671656370162964 +John:0.0629321038722992 William:0.04782576486468315 Henry:0.04281746968626976 Charles:0.0342877171933651 :0.24771623313426971 +way:0.09837860614061356 case:0.07009168714284897 other:0.040964920073747635 one:0.03636682778596878 :0.16303876042366028 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.01487975288182497 and:0.014664866030216217 of:0.010040141642093658 a:0.008280831389129162 :0.35220494866371155 +not:0.03823256865143776 a:0.03697896748781204 the:0.032804276794195175 made:0.026117738336324692 :0.10288054496049881 +of:0.06168694794178009 and:0.032061245292425156 the:0.023174894973635674 to:0.01908065937459469 :0.18772466480731964 +most:0.012185011990368366 same:0.010640785098075867 result:0.010600059293210506 only:0.00753809604793787 :0.19594259560108185 +18,:0.05913111940026283 and:0.02260577119886875 the:0.011509783565998077 of:0.007769199553877115 :0.2879699766635895 +The:0.196981742978096 He:0.07985566556453705 In:0.06312459707260132 It:0.047945719212293625 :0.05689092352986336 +and:0.11744577437639236 but:0.019322313368320465 or:0.01890379749238491 in:0.013891887851059437 :0.1987321525812149 +result:0.011492395773530006 amount:0.0071883131749928 intention:0.0069679515436291695 case:0.0065444051288068295 :0.2053363174200058 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +and:0.04501863196492195 to:0.03724454343318939 the:0.03195608779788017 The:0.022212710231542587 :0.17660345137119293 +are:0.09228824824094772 were:0.07413200289011002 will:0.0672762468457222 have:0.049204856157302856 :0.06427766382694244 +the:0.017999140545725822 and:0.012908623553812504 a:0.009506837464869022 people:0.004491206258535385 :0.3075152039527893 +hundred:0.09129094332456589 or:0.04834256321191788 years:0.036072101444005966 thousand:0.024819986894726753 :0.14453798532485962 +and:0.1500122845172882 for:0.06840299069881439 in:0.04779958724975586 of:0.03956151381134987 :0.08018387854099274 +the:0.035248465836048126 be:0.03373086825013161 do:0.031013062223792076 make:0.02225126326084137 :0.09638819843530655 +of:0.41810742020606995 is:0.10998743772506714 was:0.08751994371414185 has:0.027198096737265587 :0.021695444360375404 +,000:0.1288873255252838 feet:0.0558970607817173 acres:0.040365464985370636 per:0.039091624319553375 :0.08710787445306778 +the:0.18520206212997437 to:0.14346913993358612 them:0.05254047363996506 him:0.03728922829031944 :0.044143419712781906 +and:0.01993757300078869 the:0.008135118521749973 is:0.004659508820623159 was:0.0036604164633899927 :0.37989601492881775 +the:0.3997249901294708 a:0.09230789542198181 his:0.025341033935546875 their:0.019378257915377617 :0.07118306308984756 +or:0.21514074504375458 who:0.09174482524394989 to:0.06497900933027267 shall:0.040050774812698364 :0.03767665848135948 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +to:0.09040182828903198 of:0.08614492416381836 the:0.08007176965475082 for:0.03810619190335274 :0.03170572593808174 +and:0.12265857309103012 with:0.03414385765790939 for:0.03285050392150879 to:0.03060498647391796 :0.15025541186332703 +the:0.027960795909166336 tedious:0.017613837495446205 a:0.015676338225603104 more:0.007015630602836609 :0.20046328008174896 +the:0.10985932499170303 a:0.03444785997271538 to:0.018261346966028214 in:0.014138142578303814 :0.13041135668754578 +be:0.38515567779541016 have:0.05258682742714882 not:0.02864556387066841 be,:0.026265673339366913 :0.04541318863630295 +years:0.07421238720417023 days:0.0427011102437973 miles:0.031092144548892975 feet:0.02551417239010334 :0.215200737118721 +persons:0.010036986321210861 places:0.00898122787475586 countries:0.007289004046469927 parts:0.006533976644277573 :0.19479356706142426 +the:0.10455461591482162 and:0.04432496428489685 a:0.03968585655093193 to:0.03856554627418518 :0.11864601075649261 +and:0.20462611317634583 in:0.17496107518672943 of:0.06219469755887985 to:0.0454578772187233 :0.05791643634438515 +and:0.49737557768821716 but:0.07297156751155853 the:0.023324647918343544 which:0.02155853994190693 :0.06667212396860123 +the:0.24228978157043457 be:0.032590676099061966 a:0.020446769893169403 his:0.015292505733668804 :0.16258476674556732 +same:0.054227933287620544 time:0.04121605306863785 rate:0.012419885024428368 present:0.011597994714975357 :0.19257256388664246 +a:0.08937445282936096 the:0.08263543248176575 to:0.028960857540369034 not:0.024457775056362152 :0.10101738572120667 +the:0.04416477307677269 that:0.02529277093708515 In:0.024323079735040665 in:0.023212874308228493 :0.13799399137496948 +of:0.9103763103485107 and:0.016132302582263947 ot:0.011937501840293407 ol:0.0037015234120190144 :0.00600179098546505 +the:0.07063627243041992 a:0.05544878542423248 death.:0.03756241872906685 to:0.028294159099459648 :0.09185405820608139 +it:0.05973304808139801 the:0.05533298850059509 he:0.050323180854320526 I:0.04376715421676636 :0.044488195329904556 +to:0.08339586108922958 of:0.07021898776292801 and:0.05078663304448128 in:0.041624922305345535 :0.08376462757587433 +was:0.030461713671684265 made:0.026129238307476044 a:0.022871311753988266 the:0.021889638155698776 :0.10660232603549957 +streets:0.009439263492822647 center:0.00615588016808033 medium:0.0059091574512422085 whole:0.005678780376911163 :0.22837640345096588 +of:0.022623049095273018 the:0.02177053689956665 a:0.015116000548005104 and:0.012571080587804317 :0.28959566354751587 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.3819442093372345 this:0.03627953305840492 a:0.03022732213139534 his:0.022226715460419655 :0.09225355833768845 +and:0.04162566363811493 was:0.023552175611257553 is:0.023106643930077553 the:0.019756579771637917 :0.20298579335212708 +the:0.3533540666103363 a:0.057787831872701645 which:0.04502158984541893 tho:0.023748820647597313 :0.07603554427623749 +and:0.2303292602300644 but:0.029494917020201683 who:0.027167081832885742 in:0.024604061618447304 :0.06085136905312538 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +and:0.03083554282784462 of:0.03030071221292019 the:0.022512119263410568 at:0.014842093922197819 :0.25425851345062256 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +are:0.09685977548360825 were:0.06286848336458206 will:0.06260637193918228 have:0.05200133100152016 :0.12228066474199295 +the:0.06954143941402435 see:0.02922375313937664 be:0.023632561787962914 do:0.021440032869577408 :0.11056794971227646 +for:0.14578790962696075 to:0.08948103338479996 the:0.08664949238300323 a:0.08399318158626556 :0.07784773409366608 +same:0.013780048117041588 most:0.010967419482767582 first:0.010350726544857025 said:0.007826223969459534 :0.10124499350786209 +same:0.013585232198238373 first:0.012981027364730835 city:0.012977709993720055 case:0.009776578284800053 :0.1773841828107834 +is:0.31460487842559814 was:0.15903742611408234 will:0.043733980506658554 has:0.03368460386991501 :0.041318923234939575 +and:0.045758362859487534 per:0.02930482290685177 to:0.018792541697621346 of:0.018347183242440224 :0.39489179849624634 +great:0.01614406146109104 large:0.015049559995532036 new:0.013320025987923145 certain:0.011557893827557564 :0.24099569022655487 +only:0.038702499121427536 first:0.03590204194188118 most:0.022235482931137085 last:0.013927548192441463 :0.16359886527061462 +the:0.24100355803966522 a:0.046751469373703 his:0.034576088190078735 their:0.029660088941454887 :0.06400754302740097 +made:0.06756464391946793 a:0.015260448679327965 held:0.013756215572357178 the:0.012500337325036526 :0.17025801539421082 +of:0.10838017612695694 time:0.025006689131259918 other:0.02212497964501381 one:0.018722403794527054 :0.15861311554908752 +the:0.08132001757621765 your:0.037013523280620575 to:0.02919943258166313 I:0.025975394994020462 :0.1096346527338028 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +man:0.04474784806370735 copy:0.027504270896315575 large:0.026947414502501488 great:0.01849599927663803 :0.1224396824836731 +eral:0.8915395736694336 and:0.0032907123677432537 the:0.0031155510805547237 enth:0.0019183172844350338 :0.04266655072569847 +the:0.22890137135982513 a:0.06837977468967438 this:0.03786858543753624 all:0.02966642938554287 :0.04343971982598305 +the:0.21706536412239075 a:0.07042300701141357 this:0.02235214225947857 his:0.01860887184739113 :0.12737713754177094 +the:0.13296902179718018 to:0.051413048058748245 a:0.02671264111995697 on:0.02584480680525303 :0.1418336182832718 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +was:0.10688134282827377 had:0.058371853083372116 is:0.04072897881269455 has:0.034318845719099045 :0.11335615068674088 +of:0.8434954881668091 ot:0.012914355844259262 and:0.008842998184263706 ol:0.005095967091619968 :0.01926511712372303 +was:0.08631515502929688 of:0.04953352361917496 is:0.039278991520404816 were:0.02932124398648739 :0.04936008155345917 +the:0.16721390187740326 and:0.09898091852664948 it:0.02389378659427166 a:0.021522074937820435 :0.05266564339399338 +to:0.1060856357216835 of:0.08904949575662613 that:0.07224864512681961 in:0.032369956374168396 :0.0490562841296196 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +degrees:0.206992968916893 deg.:0.14722111821174622 feet:0.11990213394165039 degrees,:0.02403922565281391 :0.12324932217597961 +of:0.14694909751415253 and:0.09009384363889694 in:0.03432973474264145 on:0.02533000148832798 :0.06789176911115646 +be:0.22596171498298645 not:0.048593923449516296 have:0.02391049638390541 he:0.019624153152108192 :0.06011297553777695 +of:0.07010962814092636 and:0.0474686436355114 the:0.03328981623053551 in:0.0226876400411129 :0.20290425419807434 +few:0.043048661202192307 very:0.01854846253991127 short:0.016552865505218506 great:0.012824597768485546 :0.16029050946235657 +the:0.12704907357692719 he:0.04636437073349953 they:0.028001341968774796 is:0.027787989005446434 :0.06508909165859222 +old:0.02000921592116356 act:0.01117708906531334 1:0.011172890663146973 hour:0.009735219180583954 :0.2592812478542328 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +Y:0.029467033222317696 Y.:0.02269960753619671 J:0.02163883112370968 D.,:0.019587649032473564 :0.45604124665260315 +the:0.03490433469414711 to:0.030834581702947617 and:0.027459897100925446 of:0.022100787609815598 :0.20628975331783295 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +the:0.4427902400493622 said:0.09480924904346466 this:0.02384268492460251 a:0.0209512896835804 :0.08134368807077408 +the:0.07068054378032684 if:0.05506842955946922 in:0.053516268730163574 though:0.05124085396528244 :0.10464297980070114 +all:0.04778742417693138 a:0.03468293324112892 as:0.019994474947452545 to:0.017439357936382294 :0.2083255648612976 +time:0.31466540694236755 rate:0.05284632742404938 time,:0.046121109277009964 time.:0.03872949630022049 :0.07376573234796524 +the:0.3774068057537079 them:0.13804806768894196 these:0.0906991958618164 our:0.04016769304871559 :0.030648065730929375 +and:0.042588815093040466 was:0.0418924018740654 of:0.03348160162568092 is:0.024259153753519058 :0.15120083093643188 +and:0.05630648136138916 of:0.02853069268167019 The:0.019399603828787804 in:0.015935391187667847 :0.13354462385177612 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +any:0.17926546931266785 the:0.07502343505620956 a:0.06111391261219978 much:0.017000915482640266 :0.11123576015233994 +the:0.062102921307086945 a:0.0246066115796566 one:0.010969880037009716 of:0.010284164920449257 :0.22621722519397736 +of:0.35434794425964355 and:0.05265694484114647 in:0.03871053829789162 the:0.025072768330574036 :0.030913321301341057 +not:0.035669781267642975 a:0.03159041330218315 in:0.024639133363962173 the:0.01865774765610695 :0.1107928529381752 +is:0.18347406387329102 was:0.10215327143669128 would:0.035381119698286057 to:0.02853524684906006 :0.07055772095918655 +room:0.5304279923439026 room,:0.12670652568340302 room.:0.1107429713010788 and:0.009980058297514915 :0.03241937607526779 +and:0.10053085535764694 the:0.03694719448685646 The:0.023067595437169075 with:0.02162533812224865 :0.1521192193031311 +and:0.053673941642045975 of:0.03232666477560997 to:0.02818519063293934 in:0.02379678562283516 :0.19465228915214539 +to:0.623315155506134 the:0.05076049640774727 a:0.04950335621833801 that:0.010425579734146595 :0.04084658622741699 +men:0.012771089561283588 people:0.010261579416692257 work:0.0050452458672225475 said:0.0048166317865252495 :0.2176278829574585 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +to:0.2081703245639801 not:0.05148637294769287 the:0.04650932550430298 a:0.039052631705999374 :0.05584642291069031 +the:0.16606095433235168 of:0.054352231323719025 that:0.02419213205575943 other:0.017480239272117615 :0.14409492909908295 +with:0.1001143679022789 to:0.08461486548185349 and:0.06182233616709709 at:0.04276305064558983 :0.07178140431642532 +of:0.0801621675491333 and:0.04756990075111389 the:0.0205820482224226 in:0.01723395101726055 :0.14741039276123047 +in:0.036140572279691696 and:0.025691775605082512 a:0.024076934903860092 the:0.018543753772974014 :0.22468414902687073 +and:0.2605072557926178 the:0.05431494489312172 but:0.042429063469171524 it:0.032713353633880615 :0.040405306965112686 +be:0.11747676879167557 do:0.03153229504823685 go:0.029061682522296906 pay:0.019845163449645042 :0.08240669220685959 +of:0.046975940465927124 to:0.03602803125977516 and:0.03142666444182396 in:0.025984380394220352 :0.18342798948287964 +the:0.16603180766105652 any:0.056302472949028015 a:0.04547938331961632 other:0.02991911955177784 :0.12628650665283203 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.16011734306812286 a:0.06716261804103851 in:0.044840265065431595 their:0.029967550188302994 :0.05628599599003792 +.:0.01744440756738186 d:0.01676357351243496 e:0.01572350412607193 y:0.01567300595343113 :0.288582980632782 +and:0.07669445127248764 as:0.06622596830129623 with:0.046648167073726654 the:0.03923812881112099 :0.06094936281442642 +the:0.06361517310142517 a:0.01653304137289524 of:0.013431990519165993 in:0.00892933364957571 :0.23181280493736267 +of:0.12410545349121094 or:0.05537458881735802 years:0.02324177697300911 ago:0.022427977994084358 :0.15289434790611267 +the:0.3626188337802887 a:0.02602538838982582 tho:0.016216875985264778 their:0.015923989936709404 :0.14740468561649323 +to:0.09626657515764236 the:0.0686335489153862 in:0.0679270327091217 of:0.06235808506608009 :0.05956142395734787 +have:0.20692633092403412 are:0.09882060438394547 do:0.030079660937190056 had:0.0282727237790823 :0.045039765536785126 +the:0.3430749475955963 a:0.045292068272829056 this:0.03160421922802925 tho:0.01694244146347046 :0.11474722623825073 +who:0.11901182681322098 and:0.03709118440747261 was:0.02154136821627617 had:0.01753140613436699 :0.1218140721321106 +of:0.15865908563137054 in:0.09110299497842789 and:0.03522803261876106 to:0.03042622096836567 :0.03297988697886467 +have:0.07283060252666473 was:0.06777544319629669 had:0.05432003363966942 shall:0.04568969085812569 :0.10615251958370209 +to:0.06830760091543198 of:0.05631477013230324 a:0.03729326277971268 the:0.0350758321583271 :0.1422737091779709 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +of:0.1179613247513771 and:0.06124601513147354 the:0.054101403802633286 with:0.029831023886799812 :0.06494837254285812 +and:0.25859957933425903 to:0.05484973266720772 of:0.03958039730787277 was:0.031137941405177116 :0.06015221029520035 +of:0.12300213426351547 to:0.07157433778047562 is:0.045151565223932266 was:0.04265306517481804 :0.03938347473740578 +the:0.012185480445623398 I:0.009989721700549126 is:0.0058267745189368725 1:0.005433653946965933 :0.3754556179046631 +per:0.03795761615037918 and:0.029515894129872322 minutes:0.025123311206698418 years:0.022203955799341202 :0.24799920618534088 +and:0.2666131556034088 which:0.02976178750395775 as:0.026578517630696297 the:0.0245079156011343 :0.07851876318454742 +The:0.12469750642776489 It:0.04746804013848305 I:0.03512217104434967 He:0.033016666769981384 :0.151101216673851 +the:0.29355233907699585 said:0.29206663370132446 and:0.040645159780979156 a:0.02948411926627159 :0.06819990277290344 +the:0.3318592309951782 his:0.03646010905504227 a:0.03568229824304581 this:0.03466786816716194 :0.06958172470331192 +that:0.12140229344367981 to:0.04218070209026337 sure:0.03283221274614334 as:0.028886519372463226 :0.1569817215204239 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +and:0.05362394079566002 of:0.043156158179044724 Mrs.:0.02398814633488655 who:0.01516849547624588 :0.24184060096740723 +and:0.05367390438914299 of:0.04097263887524605 years:0.03753834590315819 feet:0.030258329585194588 :0.2113856077194214 +and:0.19668267667293549 the:0.0479746013879776 as:0.044014822691679 who:0.04125985875725746 :0.08916869014501572 +and:0.12693603336811066 life:0.01555843185633421 in:0.009611194021999836 or:0.00839621014893055 :0.2739354968070984 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.1213693842291832 in:0.06962044537067413 and:0.06516055017709732 to:0.051051631569862366 :0.10166743397712708 +six:0.04262015223503113 ten:0.038898829370737076 the:0.035947535187006 one:0.03297309949994087 :0.1334919035434723 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +a:0.06324418634176254 the:0.04064180701971054 not:0.025749608874320984 in:0.017053352668881416 :0.09284704178571701 +of:0.10629237443208694 and:0.07888681441545486 the:0.023294003680348396 in:0.022441627457737923 :0.20149655640125275 +own:0.04081447422504425 home:0.013125790283083916 wife:0.008947865106165409 friends:0.006803629919886589 :0.15939073264598846 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +of:0.052961915731430054 and:0.042259376496076584 to:0.030205469578504562 in:0.014734516851603985 :0.21803930401802063 +The:0.12215137481689453 It:0.047362059354782104 In:0.03453037887811661 He:0.0319046825170517 :0.059904731810092926 +to:0.6987670660018921 that:0.12159764021635056 be:0.017945848405361176 he:0.008736134506762028 :0.019197586923837662 +nently:0.34922000765800476 nent:0.254395455121994 and:0.044178202748298645 was:0.009249822236597538 :0.07653888314962387 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +The:0.13824377954006195 It:0.05343242362141609 He:0.047139737755060196 A:0.028276830911636353 :0.07352811098098755 +the:0.27812087535858154 a:0.03673252835869789 which:0.03573771193623543 this:0.02709207683801651 :0.06991340965032578 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +people:0.012361017987132072 fact:0.009121058508753777 law:0.006908478680998087 most:0.006637174636125565 :0.15389706194400787 +the:0.21627892553806305 he:0.062015045434236526 it:0.03752691298723221 they:0.03396196290850639 :0.05768238753080368 +own:0.02115686796605587 hand:0.02091806009411812 mind:0.013695556670427322 name:0.011939946562051773 :0.1835644245147705 +have:0.07256937026977539 will:0.05766858160495758 are:0.054755907505750656 were:0.03931180015206337 :0.09127680212259293 +three:0.02082025073468685 noises:0.011572067625820637 of:0.010104047134518623 and:0.009012498892843723 :0.21944697201251984 +and:0.0814492478966713 The:0.02864954248070717 the:0.025071192532777786 of:0.023711450397968292 :0.19047600030899048 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.5090689063072205 and:0.07376646250486374 in:0.016034917905926704 for:0.015995346009731293 :0.06094663217663765 +same:0.015590406954288483 said:0.008032824844121933 following:0.006296566687524319 first:0.00559618603438139 :0.1689392775297165 +the:0.28717535734176636 a:0.129385843873024 that:0.04313899949193001 his:0.04110237956047058 :0.050828948616981506 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +to:0.5755341053009033 of:0.08060313761234283 and:0.03291003033518791 with:0.029437392950057983 :0.026815591380000114 +be:0.20669858157634735 have:0.10344966500997543 not:0.05946563929319382 make:0.01662633940577507 :0.058714915066957474 +been:0.21848566830158234 not:0.038921553641557693 a:0.036278754472732544 no:0.023554688319563866 :0.06762959063053131 +The:0.16215786337852478 It:0.05877487733960152 In:0.029948581010103226 There:0.026869773864746094 :0.1069512888789177 +and:0.04420587792992592 the:0.02409064583480358 of:0.020703162997961044 to:0.01792513206601143 :0.144670769572258 +the:0.4973829984664917 this:0.04540467634797096 a:0.02509988285601139 his:0.018568964675068855 :0.061588186770677567 +of:0.27950602769851685 and:0.10603535175323486 in:0.08522897958755493 that:0.055999454110860825 :0.04395625740289688 +of:0.10916101187467575 and:0.1084555983543396 is:0.04254578799009323 in:0.030681822448968887 :0.09585194289684296 +the:0.12441101670265198 it:0.03939516842365265 that:0.030319567769765854 a:0.02565079554915428 :0.07233648747205734 +and:0.0641406700015068 the:0.03649015724658966 of:0.0333743579685688 was:0.020546862855553627 :0.1531071960926056 +see:0.10411609709262848 be:0.05758463218808174 have:0.05566024407744408 the:0.038562823086977005 :0.10093720257282257 +was:0.08337639272212982 had:0.04350872337818146 is:0.03765808790922165 has:0.03345349431037903 :0.12556792795658112 +the:0.3044198155403137 a:0.049667440354824066 this:0.018214253708720207 reason:0.01791485957801342 :0.07800702005624771 +be:0.0414009653031826 the:0.04007848724722862 say:0.03422047570347786 do:0.023411089554429054 :0.09669414907693863 +and:0.14501221477985382 to:0.040441352874040604 in:0.038371313363313675 for:0.03367814049124718 :0.1088656410574913 +.:0.8013442754745483 .,:0.00822585728019476 .;:0.0030003474093973637 ..:0.002207693411037326 :0.13437901437282562 +the:0.08287650346755981 a:0.06641190499067307 to:0.05330571532249451 not:0.041118599474430084 :0.09302059561014175 +time:0.033976804465055466 first:0.011635754257440567 day:0.008451598696410656 same:0.00698423944413662 :0.22090761363506317 +the:0.1528264433145523 a:0.025454984977841377 this:0.013871798291802406 tho:0.00857960432767868 :0.22088932991027832 +of:0.5903075337409973 was:0.036299772560596466 is:0.032273974269628525 about:0.029049763455986977 :0.040001194924116135 +only:0.038702499121427536 first:0.03590204194188118 most:0.022235482931137085 last:0.013927548192441463 :0.16359886527061462 +the:0.1975603848695755 a:0.027196025475859642 tho:0.02290324866771698 tbe:0.014078225940465927 :0.2476494461297989 +and:0.05347462743520737 the:0.048088014125823975 to:0.03157024085521698 a:0.016176588833332062 :0.15820345282554626 +the:0.3504224419593811 a:0.04669959098100662 to:0.04426062852144241 and:0.037908680737018585 :0.056690193712711334 +to:0.16378872096538544 for:0.04538027197122574 and:0.04129356890916824 of:0.025743532925844193 :0.15609538555145264 +of:0.21289056539535522 is:0.10477149486541748 was:0.07081592082977295 and:0.03816591203212738 :0.03596470132470131 +and:0.05103549361228943 the:0.04939188063144684 of:0.02172357402741909 to:0.020017847418785095 :0.1676940619945526 +the:0.1275239735841751 a:0.05701179802417755 favor:0.02014436200261116 his:0.016473736613988876 :0.15254954993724823 +be:0.2899346947669983 have:0.16866107285022736 the:0.04159022122621536 bo:0.014752342365682125 :0.07092928141355515 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.10137120634317398 school:0.03545648977160454 in:0.032137591391801834 grade:0.016940167173743248 :0.11772467195987701 +of:0.09355584532022476 and:0.05243626981973648 to:0.025166558101773262 The:0.01866435445845127 :0.20685313642024994 +the:0.24346189200878143 be:0.04083292931318283 do:0.032927505671978 any:0.021998772397637367 :0.13001760840415955 +no:0.0920792818069458 a:0.033368803560733795 many:0.03168802335858345 not:0.029524797573685646 :0.1221274733543396 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.30252090096473694 he:0.02728283405303955 a:0.021886756643652916 tho:0.020319653674960136 :0.05022406578063965 +and:0.07895676791667938 the:0.04518548399209976 of:0.04276033863425255 that:0.04231106489896774 :0.2327813357114792 +of:0.6215586066246033 at:0.043186213821172714 to:0.03616304323077202 and:0.02442706748843193 :0.029083911329507828 +and:0.27065256237983704 but:0.05287664011120796 the:0.03662392869591713 when:0.019204704090952873 :0.04131133854389191 +to:0.09195160120725632 and:0.05310235172510147 in:0.03828825801610947 of:0.02900286577641964 :0.07497313618659973 +plies:0.22114254534244537 plied:0.09565466642379761 posed:0.08398350328207016 port:0.07470313459634781 :0.09484278410673141 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +and:0.050655122846364975 fashioned:0.01426241360604763 in:0.007722020149230957 home:0.007328531239181757 :0.2022838592529297 +be:0.2648577094078064 not:0.02493545226752758 only:0.023682374507188797 do:0.020978029817342758 :0.07740102708339691 +the:0.6455612778663635 tho:0.025448624044656754 this:0.022880559787154198 his:0.016476858407258987 :0.03863151744008064 +and:0.1847863495349884 but:0.05644315481185913 the:0.03318002074956894 that:0.024561118334531784 :0.16858485341072083 +the:0.08944709599018097 that:0.041076358407735825 they:0.03343698009848595 I:0.03034801036119461 :0.06541634351015091 +and:0.17557929456233978 but:0.03394731506705284 the:0.024137767031788826 in:0.0210618507117033 :0.11144468933343887 +the:0.1062982901930809 a:0.1055690348148346 an:0.02252439595758915 all:0.020990168675780296 :0.09832584112882614 +to:0.09641791880130768 and:0.07567261159420013 in:0.054547108709812164 of:0.040613073855638504 :0.0577135905623436 +was:0.11610977351665497 got:0.062225013971328735 had:0.06015047803521156 saw:0.03328060358762741 :0.05162601172924042 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +to:0.7111071348190308 a:0.03540650010108948 the:0.019558414816856384 they:0.010448063723742962 :0.019231224432587624 +same:0.013858037069439888 price:0.013833163306117058 cost:0.01107624638825655 amount:0.010299972258508205 :0.22217769920825958 +no:0.08657868206501007 and:0.058527395129203796 but:0.053251903504133224 with:0.04364978149533272 :0.0407489538192749 +The:0.1246049702167511 I:0.05997776985168457 It:0.03429897874593735 He:0.031092550605535507 :0.2374502718448639 +and:0.18744386732578278 but:0.05897388234734535 to:0.03168739750981331 the:0.02700321190059185 :0.128993421792984 +of:0.3162151873111725 to:0.11260975897312164 and:0.050549596548080444 from:0.04284687340259552 :0.038789018988609314 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.08315105736255646 Mo.:0.03760354593396187 Mo.,:0.029221657663583755 at:0.02090083248913288 :0.091406911611557 +of:0.3698994517326355 and:0.048449933528900146 council:0.020818352699279785 is:0.01532029639929533 :0.0482129231095314 +to:0.11217844486236572 that:0.06489186733961105 from:0.04171472042798996 in:0.03787427395582199 :0.068385548889637 +the:0.24762094020843506 for:0.06704124808311462 a:0.05800044536590576 said:0.047390688210725784 :0.054712701588869095 +The:0.12521600723266602 It:0.06721756607294083 I:0.0396948866546154 A:0.031238600611686707 :0.11582879722118378 +the:0.2749346196651459 a:0.13262823224067688 his:0.02955085225403309 to:0.01673322170972824 :0.063777856528759 +with:0.10176599025726318 the:0.06980293989181519 so:0.03908796235918999 so,:0.037140198051929474 :0.04784158617258072 +in:0.08533373475074768 and:0.07087847590446472 to:0.06050551310181618 for:0.054858118295669556 :0.05085776001214981 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +to:0.06528879702091217 the:0.05875157192349434 a:0.04018796607851982 not:0.038055941462516785 :0.11733485013246536 +of:0.12054402381181717 and:0.04496336728334427 to:0.01769721694290638 The:0.012213888578116894 :0.2349577397108078 +of:0.15189006924629211 and:0.060324884951114655 in:0.028774863108992577 to:0.028362203389406204 :0.0610337108373642 +the:0.49288609623908997 a:0.02618235908448696 this:0.02018248476088047 his:0.019752655178308487 :0.10632137954235077 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +was:0.0694592297077179 had:0.04966562241315842 is:0.038490179926157 has:0.0329948328435421 :0.14143267273902893 +the:0.22521129250526428 a:0.029735995456576347 and:0.020675713196396828 this:0.017297981306910515 :0.09151628613471985 +by:0.333028644323349 to:0.08313638716936111 the:0.05350155755877495 in:0.029531819745898247 :0.028179766610264778 +mortgage:0.09868124127388 county:0.06179632619023323 mortgage,:0.05835422873497009 County:0.0417015515267849 :0.11864319443702698 +country:0.05043152719736099 city:0.04669062793254852 way:0.03818235173821449 city,:0.02081887423992157 :0.09693814814090729 +be:0.07442525774240494 the:0.0700799897313118 do:0.02392088994383812 have:0.02045867219567299 :0.1277361661195755 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +of:0.05284929648041725 the:0.048027291893959045 in:0.030245205387473106 and:0.025186534970998764 :0.09117984026670456 +the:0.23984144628047943 a:0.01809881255030632 it:0.011340667493641376 this:0.01090445090085268 :0.3229702413082123 +the:0.21818327903747559 a:0.16342173516750336 not:0.05440645292401314 an:0.025056667625904083 :0.05221165344119072 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +of:0.5629143118858337 to:0.03733598440885544 the:0.03222469985485077 in:0.018957244232296944 :0.037042856216430664 +not:0.12711554765701294 have:0.07978193461894989 be:0.07144283503293991 make:0.018953820690512657 :0.07893119007349014 +part:0.05585344135761261 boundary:0.030480550602078438 states:0.022688062861561775 portion:0.02217494696378708 :0.12874388694763184 +the:0.1308591216802597 a:0.016691317781805992 make:0.012776440009474754 be:0.011106155812740326 :0.14058040082454681 +as:0.2769642174243927 to:0.2555066645145416 that:0.09672538191080093 and:0.05220138281583786 :0.033005885779857635 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.39212673902511597 the:0.07587692141532898 a:0.0611102432012558 that:0.014218581840395927 :0.0789453387260437 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +every:0.060532186180353165 a:0.039710089564323425 as:0.03760671243071556 to:0.03573509678244591 :0.16972069442272186 +the:0.1953640729188919 a:0.03297726809978485 this:0.011242406442761421 tho:0.008620727807283401 :0.27701178193092346 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +of:0.00947636179625988 was:0.006709136534482241 is:0.00496748648583889 I:0.0037035418208688498 :0.49445661902427673 +with:0.1956557184457779 by:0.10323436558246613 in:0.04703381285071373 and:0.04303183779120445 :0.07108502835035324 +the:0.28870701789855957 a:0.04360590875148773 tho:0.016749203205108643 this:0.014810618944466114 :0.156535804271698 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +the:0.2843402922153473 which:0.04854141175746918 this:0.041507020592689514 order:0.0207192562520504 :0.08078108727931976 +and:0.16152745485305786 but:0.0734512135386467 the:0.03715008124709129 which:0.029337197542190552 :0.05546751618385315 +people:0.013940798118710518 same:0.013179412111639977 law:0.00725623220205307 man:0.006689149420708418 :0.13559043407440186 +the:0.313256174325943 a:0.0852302610874176 their:0.03622043877840042 his:0.022169029340147972 :0.061047911643981934 +to:0.028278646990656853 of:0.02673722431063652 and:0.025233887135982513 in:0.012730415910482407 :0.1460428386926651 +of:0.7127138376235962 and:0.04654787853360176 are:0.015894506126642227 were:0.012195433489978313 :0.011686989106237888 +the:0.2409200519323349 a:0.06536436825990677 their:0.02319367788732052 his:0.020255915820598602 :0.12286137044429779 +m:0.44229185581207275 m.,:0.22073499858379364 m.:0.15589790046215057 in.,:0.03522457554936409 :0.03898731619119644 +the:0.13835440576076508 of:0.05124614015221596 that:0.018616076558828354 in:0.01361180655658245 :0.17475274205207825 +der:0.21611984074115753 til:0.05501881241798401 a:0.015239761210978031 the:0.015155005268752575 :0.26509979367256165 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +to:0.451093465089798 and:0.018194550648331642 by:0.017333179712295532 in:0.012362580746412277 :0.1358262300491333 +and:0.09805009514093399 in:0.03762863576412201 with:0.027134843170642853 as:0.019152536988258362 :0.10742534697055817 +the:0.0674533024430275 of:0.02286517061293125 and:0.021031273528933525 f:0.015187994576990604 :0.24091775715351105 +tween:0.236182302236557 fore:0.18819648027420044 ing:0.061360836029052734 cause:0.056743137538433075 :0.11735561490058899 +and:0.059463515877723694 are:0.02456372044980526 to:0.021299319341778755 the:0.02093273587524891 :0.1690751165151596 +and:0.03420507535338402 of:0.016732292249798775 in:0.014024180360138416 man:0.010257456451654434 :0.1016521230340004 +the:0.1283240169286728 a:0.021952593699097633 to:0.0161090437322855 all:0.01027374155819416 :0.12292283028364182 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +2:0.10103671252727509 one:0.07792352885007858 3:0.03207007050514221 1:0.023319480940699577 :0.14915034174919128 +the:0.2241651564836502 a:0.04446223005652428 any:0.04207395762205124 this:0.024531671777367592 :0.08450126647949219 +is:0.014903216622769833 was:0.010527927428483963 the:0.009292582981288433 ir:0.009076847694814205 :0.19147683680057526 +the:0.24313870072364807 a:0.06322569400072098 his:0.01692446507513523 tho:0.01570941135287285 :0.13304366171360016 +to:0.5978553891181946 the:0.0577978678047657 that:0.02905803546309471 a:0.025797853246331215 :0.022479914128780365 +party:0.30165937542915344 party,:0.10142398625612259 party.:0.03553467243909836 leaders:0.012180843390524387 :0.09853809326887131 +and:0.02724854275584221 H.:0.023793907836079597 A.:0.010930797085165977 B.:0.010253746062517166 :0.3321675658226013 +deg.:0.05180208012461662 chains:0.04402361810207367 to:0.03647187352180481 degrees:0.030858241021633148 :0.20607890188694 +that:0.07346168905496597 mortgage:0.05117779225111008 the:0.03494711592793465 to:0.020052533596754074 :0.17731106281280518 +settlement:0.03714854642748833 order:0.025360798463225365 decision:0.025072352960705757 adjournment:0.02347908355295658 :0.1598711609840393 +and:0.07512705028057098 of:0.07477093487977982 the:0.03821462392807007 that:0.03614404425024986 :0.04253630340099335 +in:0.07924960553646088 and:0.06464232504367828 to:0.06403161585330963 from:0.0388152152299881 :0.1414777636528015 +and:0.06792936474084854 the:0.016678523272275925 to:0.016127411276102066 by:0.014679908752441406 :0.1579250693321228 +known:0.10141070187091827 as:0.09783695638179779 that:0.08726710081100464 pleased:0.03230128437280655 :0.09918224066495895 +of:0.378743052482605 and:0.07157368212938309 meeting:0.02317763678729534 with:0.02272380329668522 :0.057216644287109375 +and:0.03395996242761612 the:0.030359921976923943 to:0.024927452206611633 of:0.015445245429873466 :0.20899075269699097 +The:0.14236189424991608 It:0.10283132642507553 He:0.035840071737766266 This:0.03112328238785267 :0.067240871489048 +the:0.12820805609226227 if:0.0488838329911232 that:0.04702850058674812 it:0.033673517405986786 :0.050950951874256134 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +much:0.04460768774151802 that:0.03984250873327255 far:0.03498571366071701 many:0.03268919512629509 :0.10901442915201187 +the:0.42706918716430664 a:0.04984493553638458 his:0.03660767152905464 tho:0.02114429511129856 :0.04804808646440506 +the:0.2787030041217804 a:0.02006160467863083 his:0.01665528677403927 tho:0.01422315463423729 :0.17102791368961334 +been:0.3013751208782196 not:0.028016459196805954 a:0.025154108181595802 become:0.015864890068769455 :0.05299307778477669 +fact:0.013769912533462048 same:0.011492499150335789 whole:0.010225800797343254 following:0.0076779029332101345 :0.16129033267498016 +the:0.22227370738983154 a:0.16484656929969788 that:0.04166676104068756 this:0.02376648038625717 :0.12144734710454941 +is:0.17929619550704956 was:0.07940908521413803 were:0.06903668493032455 be:0.04895170032978058 :0.04563383385539055 +of:0.10270858556032181 the:0.029096581041812897 and:0.025982515886425972 in:0.020662160590291023 :0.14348743855953217 +the:0.24435462057590485 a:0.06838177889585495 which:0.028121735900640488 tho:0.02449801191687584 :0.11308369785547256 +a:0.11667012423276901 not:0.07240572571754456 the:0.0684872716665268 said:0.019106311723589897 :0.06670841574668884 +and:0.06967804580926895 to:0.03442924842238426 of:0.02823413349688053 The:0.02640390582382679 :0.1403103619813919 +the:0.0566573329269886 and:0.035564713180065155 be:0.03207826241850853 to:0.02390211448073387 :0.13512638211250305 +and:0.05424930900335312 the:0.041268058121204376 The:0.016526415944099426 in:0.012936773709952831 :0.1483161449432373 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +man:0.016699664294719696 few:0.00972854532301426 bill:0.007992983795702457 great:0.00728619797155261 :0.16728369891643524 +and:0.14414861798286438 but:0.0624467171728611 the:0.033559005707502365 to:0.031034771353006363 :0.07015497982501984 +the:0.3350525498390198 conviction:0.05846845358610153 a:0.05200425907969475 this:0.02513972856104374 :0.046993449330329895 +the:0.10071374475955963 State:0.017500054091215134 to:0.01738782227039337 that:0.013321575708687305 :0.23104237020015717 +and:0.21367694437503815 or:0.10661117732524872 of:0.08606544137001038 which:0.03936454653739929 :0.06361746042966843 +and:0.06290113925933838 of:0.03394054248929024 The:0.02483212575316429 the:0.02164331078529358 :0.1452205926179886 +and:0.034152112901210785 to:0.02268051542341709 the:0.019686255604028702 of:0.01725943759083748 :0.26792827248573303 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +at:0.09686686098575592 and:0.08468008041381836 in:0.05477883294224739 was:0.03159462660551071 :0.04497252032160759 +of:0.232108473777771 is:0.04425223171710968 and:0.04371999204158783 that:0.04004396125674248 :0.03282543271780014 +the:0.21633322536945343 a:0.05926566943526268 favor:0.03355502709746361 his:0.015670079737901688 :0.088901087641716 +He:0.1009957566857338 The:0.07842360436916351 I:0.04000379890203476 It:0.032948557287454605 :0.15364597737789154 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +a:0.13270851969718933 the:0.07276217639446259 in:0.030075103044509888 from:0.02918308414518833 :0.07450271397829056 +of:0.01271866261959076 and:0.012510932050645351 committee:0.0068966979160904884 I:0.004778585396707058 :0.29546207189559937 +of:0.7803985476493835 and:0.03341315686702728 or:0.009310767985880375 are:0.007907569408416748 :0.010364257730543613 +of:0.06844138354063034 and:0.025962557643651962 that:0.01811232790350914 the:0.01731240749359131 :0.21269255876541138 +to:0.14547938108444214 and:0.12005578726530075 in:0.0437285378575325 of:0.04169151559472084 :0.03768813982605934 +and:0.17043240368366241 which:0.022582409903407097 the:0.022239111363887787 or:0.02192733623087406 :0.09098925441503525 +and:0.08414562046527863 was:0.05005619674921036 of:0.04938492178916931 is:0.0433463528752327 :0.08336372673511505 +been:0.17093238234519958 not:0.046588677912950516 the:0.019873134791851044 a:0.019773107022047043 :0.06568558514118195 +and:0.08110316097736359 of:0.03497800603508949 in:0.031995389610528946 to:0.028652193024754524 :0.1936914026737213 +to:0.1549959033727646 of:0.10880209505558014 in:0.08408288657665253 and:0.08404139429330826 :0.037445317953825 +the:0.10477549582719803 a:0.07918193936347961 it:0.049381472170352936 he:0.029652193188667297 :0.07643402367830276 +and:0.09219752997159958 to:0.07271596789360046 in:0.06533920019865036 of:0.051052503287792206 :0.044813428074121475 +be:0.2086714506149292 fail:0.029830751940608025 have:0.01743161305785179 do:0.014273891225457191 :0.1311362385749817 +who:0.13852767646312714 and:0.08586180210113525 to:0.06470169872045517 of:0.05370073392987251 :0.05236745625734329 +as:0.01653759926557541 State:0.016274331137537956 and:0.016123447567224503 Episcopal:0.010129488073289394 :0.28624486923217773 +the:0.06100994348526001 12,:0.04522579163312912 and:0.04438965767621994 12.:0.040017157793045044 :0.21436847746372223 +and:0.1032024621963501 the:0.05576992407441139 to:0.04820975288748741 that:0.046334050595760345 :0.05208049342036247 +a:0.021619008854031563 made:0.015403050929307938 in:0.012299757450819016 the:0.011590172536671162 :0.22331760823726654 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.2352062463760376 and:0.06912001222372055 to:0.028886403888463974 the:0.02687947452068329 :0.07577008008956909 +to:0.3384321331977844 into:0.07100742310285568 on:0.03366786614060402 out:0.03222725912928581 :0.03318547457456589 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +are:0.07855205237865448 were:0.05656270682811737 have:0.05510628968477249 had:0.03492780029773712 :0.08726774156093597 +a:0.13551397621631622 the:0.12143830955028534 an:0.016243144869804382 his:0.012758152559399605 :0.23933228850364685 +a:0.0726439356803894 the:0.041453536599874496 to:0.022616900503635406 no:0.018998829647898674 :0.15269926190376282 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.14198455214500427 a:0.054231882095336914 to:0.029831470921635628 two:0.02447860687971115 :0.17729651927947998 +and:0.08685480803251266 of:0.07300962507724762 the:0.031314268708229065 to:0.024568874388933182 :0.14703769981861115 +of:0.06850069016218185 and:0.06013258546590805 in:0.023454716429114342 to:0.019609106704592705 :0.19588559865951538 +be:0.4264620244503021 not:0.03876005485653877 have:0.03823613375425339 bo:0.02519555576145649 :0.06575468182563782 +of:0.2609010636806488 to:0.12029393762350082 on:0.059502363204956055 and:0.048320550471544266 :0.043069858103990555 +the:0.44356217980384827 a:0.03475695848464966 this:0.020622342824935913 any:0.016739238053560257 :0.10388336330652237 +to:0.07912417501211166 ago:0.07579968124628067 in:0.05343816801905632 ago,:0.046113017946481705 :0.04113229364156723 +was:0.07726441323757172 had:0.06851661205291748 has:0.05525830760598183 is:0.05169340595602989 :0.07759829610586166 +of:0.8370846509933472 to:0.01643611490726471 ot:0.013346846215426922 that:0.01086934469640255 :0.008137769997119904 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.06687583029270172 of:0.04534366354346275 the:0.02401771768927574 to:0.020496532320976257 :0.16372723877429962 +and:0.2550835907459259 of:0.06558916717767715 shall:0.0462348572909832 or:0.043404825031757355 :0.04110080003738403 +the:0.42020276188850403 this:0.024806272238492966 a:0.024093572050333023 tho:0.020921682938933372 :0.10211917757987976 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +first:0.01656775362789631 said:0.014147539623081684 people:0.013477622531354427 time:0.011680027469992638 :0.1652756780385971 +large:0.011716136708855629 man:0.010407480411231518 few:0.009788686409592628 great:0.007928239181637764 :0.2721451222896576 +the:0.05082084983587265 a:0.02805444784462452 any:0.020677393302321434 other:0.0164695605635643 :0.26022598147392273 +a:0.06815875321626663 the:0.04489733651280403 not:0.027803532779216766 in:0.01649516448378563 :0.15705691277980804 +York:0.28232434391975403 York,:0.2122042328119278 York.:0.07057700306177139 Jersey,:0.03315885737538338 :0.1302187740802765 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.09382738918066025 thence:0.07684255391359329 the:0.0399571992456913 but:0.03896276280283928 :0.07686452567577362 +of:0.09578967094421387 and:0.06816214323043823 the:0.05727604031562805 in:0.05121491104364395 :0.07540250569581985 +was:0.07921143621206284 has:0.049567610025405884 had:0.04919793829321861 is:0.0366966612637043 :0.07196693867444992 +of:0.14669187366962433 and:0.13719263672828674 to:0.08338336646556854 in:0.04259972646832466 :0.053474124521017075 +said:0.015773046761751175 amount:0.009229552932083607 same:0.0075032273307442665 sum:0.006855904124677181 :0.23601923882961273 +and:0.13484276831150055 was:0.019331837072968483 is:0.01921221613883972 of:0.014548499137163162 :0.23968538641929626 +and:0.03258116543292999 in:0.01814749650657177 the:0.010759580880403519 In:0.0076979598961770535 :0.29582127928733826 +be:0.20395894348621368 have:0.14110875129699707 the:0.025345273315906525 in:0.013060173951089382 :0.09782105684280396 +is:0.23578214645385742 are:0.11502988636493683 was:0.07580982893705368 will:0.042382095009088516 :0.03911957889795303 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +United:0.01723533123731613 State:0.012004074640572071 most:0.0102659547701478 country:0.006277825217694044 :0.31614959239959717 +the:0.0991479828953743 a:0.02822640724480152 in:0.020815258845686913 and:0.020489314571022987 :0.15080294013023376 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +matter:0.015695156529545784 and:0.010198463685810566 to:0.007735862396657467 of:0.006525298580527306 :0.37262243032455444 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +is:0.08218177407979965 was:0.04611918702721596 would:0.01526909600943327 country:0.01523824967443943 :0.11055713146924973 +and:0.03417372703552246 John:0.004115527030080557 Bryan:0.004103043582290411 Smith:0.003994713071733713 :0.614546000957489 +H.:0.03623006120324135 A:0.024829808622598648 W:0.021643975749611855 A.:0.020284129306674004 :0.2780000567436218 +a:0.21068842709064484 the:0.09635377675294876 to:0.04823379963636398 that:0.029362665489315987 :0.13130700588226318 +will:0.0439278781414032 the:0.03643017262220383 not:0.030326254665851593 would:0.029816793277859688 :0.06998185813426971 +the:0.04887503758072853 in:0.043990135192871094 to:0.036157768219709396 a:0.03212393820285797 :0.15539343655109406 +of:0.6623408794403076 and:0.034426502883434296 in:0.02187585085630417 ot:0.017038237303495407 :0.01654629595577717 +of:0.3160035014152527 and:0.08412790298461914 in:0.04887174069881439 or:0.048297297209501266 :0.04269493371248245 +and:0.06252317875623703 of:0.04411749541759491 in:0.01875726692378521 or:0.012467781081795692 :0.16863928735256195 +the:0.09041156619787216 a:0.027342870831489563 it:0.010454739443957806 his:0.009532983414828777 :0.18703146278858185 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +be:0.42315006256103516 have:0.03180326521396637 bo:0.022848932072520256 the:0.01302033755928278 :0.06291959434747696 +the:0.22539405524730682 in:0.0309455506503582 he:0.021384425461292267 they:0.01933365873992443 :0.114410400390625 +the:0.15009669959545135 a:0.03537021204829216 his:0.018343646079301834 be:0.013160152360796928 :0.15940064191818237 +and:0.01100702304393053 the:0.008049755357205868 of:0.007831640541553497 old:0.005456126760691404 :0.45323169231414795 +and:0.00865273829549551 the:0.007450169418007135 .:0.006746816914528608 I:0.003512631868943572 :0.5453717708587646 +be:0.37379321455955505 have:0.08715229481458664 not:0.029233267530798912 bo:0.02874080277979374 :0.034854914993047714 +the:0.2819474935531616 he:0.046006809920072556 they:0.030946390703320503 it:0.025356685742735863 :0.05773478001356125 +was:0.12881816923618317 would:0.08543422818183899 had:0.08143917471170425 could:0.0683465376496315 :0.05634777992963791 +the:0.09412235766649246 be:0.06836207211017609 do:0.028340838849544525 have:0.016111265867948532 :0.12422508746385574 +the:0.3288593590259552 a:0.037917811423540115 his:0.02122381702065468 tho:0.015419546514749527 :0.12438980489969254 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.17291487753391266 of:0.0728895515203476 that:0.014321700669825077 tho:0.012301887385547161 :0.15650692582130432 +o'clock:0.13477164506912231 p.:0.029480954632163048 o'clock.:0.01895260438323021 per:0.017867721617221832 :0.3528919816017151 +of:0.2605159878730774 and:0.03709477558732033 in:0.017707424238324165 amount:0.011776445433497429 :0.08471248298883438 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +The:0.11367424577474594 It:0.04976222291588783 They:0.04298912361264229 I:0.03511686250567436 :0.13933897018432617 +of:0.26166126132011414 who:0.0577114038169384 to:0.04644044488668442 in:0.0401947945356369 :0.036791641265153885 +in:0.294887900352478 to:0.19796280562877655 from:0.060113657265901566 on:0.05807822197675705 :0.0345885343849659 +of:0.052961915731430054 and:0.042259376496076584 to:0.030205469578504562 in:0.014734516851603985 :0.21803930401802063 +the:0.37751951813697815 a:0.04401682689785957 this:0.024772431701421738 least:0.023963814601302147 :0.09068062901496887 +the:0.10110239684581757 a:0.022068288177251816 his:0.013775322586297989 tho:0.010472351685166359 :0.18179269134998322 +the:0.3010237514972687 a:0.07496210187673569 this:0.04172702506184578 his:0.027928238734602928 :0.08245839923620224 +the:0.12433323264122009 his:0.03460865467786789 a:0.030262833461165428 to:0.012058109976351261 :0.12195475399494171 +to:0.2998217046260834 and:0.04089321568608284 the:0.04080202057957649 a:0.031118137761950493 :0.06561201065778732 +year:0.05107927322387695 year.:0.028621383011341095 week:0.02429189532995224 morning:0.024194223806262016 :0.08991414308547974 +country:0.016832508146762848 whole:0.014066764153540134 country.:0.008502583019435406 same:0.007648801896721125 :0.21189598739147186 +and:0.08452262729406357 to:0.06069764867424965 of:0.045031722635030746 in:0.04028673842549324 :0.12179622799158096 +The:0.12772852182388306 It:0.03624998405575752 We:0.03128429874777794 There:0.030989093706011772 :0.09925242513418198 +now:0.04170689359307289 not:0.0396726056933403 the:0.038179244846105576 to:0.03253788873553276 :0.1130368709564209 +place:0.010642827488481998 same:0.005248228553682566 whole:0.005101808812469244 year:0.0048618377186357975 :0.30304691195487976 +morning:0.07054770737886429 in:0.056796927005052567 afternoon:0.050591979175806046 that:0.04442364722490311 :0.04291818290948868 +terest:0.06840335577726364 crease:0.05354079604148865 creased:0.021052442491054535 terests:0.014703637920320034 :0.4473552107810974 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +feet:0.4070832431316376 ft.:0.27178627252578735 feet;:0.028146514669060707 feot:0.012494347989559174 :0.09326642751693726 +the:0.3349199593067169 a:0.0472787506878376 this:0.04575531557202339 their:0.016656571999192238 :0.07079122960567474 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +is:0.08047374337911606 was:0.05969255417585373 are:0.03944889083504677 the:0.03935001790523529 :0.07503548264503479 +the:0.17803220450878143 a:0.021262038499116898 tho:0.016107311472296715 tbe:0.011481388472020626 :0.30493518710136414 +not:0.04084690287709236 to:0.03806879371404648 in:0.02714124694466591 the:0.023180289193987846 :0.14388494193553925 +pointed:0.2437153309583664 parently:0.05613955855369568 plied:0.05271650850772858 proved:0.040436383336782455 :0.3346775770187378 +to:0.22205978631973267 by:0.18202243745326996 for:0.07461313903331757 the:0.06346826255321503 :0.05019190534949303 +the:0.24871373176574707 a:0.1324589103460312 an:0.02105880342423916 Mr.:0.013775546103715897 :0.09773524850606918 +the:0.25328329205513 by:0.03700563311576843 and:0.031652793288230896 a:0.031035391613841057 :0.03354216367006302 +tween:0.30110296607017517 fore:0.18029409646987915 yond:0.05515844747424126 cause:0.05384071171283722 :0.06869782507419586 +the:0.2789614200592041 a:0.04571374133229256 his:0.022626014426350594 her:0.01619907096028328 :0.14114408195018768 +have:0.1093050017952919 are:0.08971327543258667 were:0.02594595029950142 do:0.024643203243613243 :0.07733680307865143 +and:0.17904140055179596 which:0.07092941552400589 of:0.059339847415685654 but:0.03759392350912094 :0.06808499246835709 +the:0.0807545930147171 again:0.047406818717718124 in:0.019639985635876656 that:0.017789572477340698 :0.09163247793912888 +hundred:0.09074588119983673 or:0.05203546583652496 years:0.04253619909286499 per:0.03150003403425217 :0.15855489671230316 +of:0.421140193939209 and:0.12205096334218979 in:0.02326560579240322 to:0.018690098077058792 :0.03933287039399147 +is:0.10056724399328232 was:0.07152720540761948 has:0.03802403435111046 will:0.03357848897576332 :0.06601206213235855 +were:0.12009164690971375 for:0.09646876901388168 of:0.0944456160068512 are:0.06281676888465881 :0.062084127217531204 +in:0.4259535074234009 on:0.14380072057247162 In:0.09051429480314255 at:0.03400597721338272 :0.03626534342765808 +be:0.06806271523237228 have:0.033199045807123184 the:0.031893547624349594 see:0.025827664881944656 :0.10121512413024902 +in:0.1558980494737625 and:0.1350911557674408 are:0.03646298497915268 to:0.0363064743578434 :0.03830721974372864 +can:0.09445730596780777 in:0.056200429797172546 who:0.03943021595478058 to:0.03521972894668579 :0.05580158904194832 +are:0.08802945166826248 have:0.05765152722597122 had:0.05209645628929138 was:0.04756566509604454 :0.058262474834918976 +of:0.052961915731430054 and:0.042259376496076584 to:0.030205469578504562 in:0.014734516851603985 :0.21803930401802063 +been:0.04340454563498497 forgotten:0.03904005512595177 to:0.03443300351500511 entirely:0.03414095565676689 :0.15556350350379944 +the:0.379194974899292 a:0.04653142765164375 this:0.026951434090733528 which:0.026148635894060135 :0.10941540449857712 +of:0.10876651853322983 and:0.04071618616580963 The:0.014856060966849327 to:0.012776825577020645 :0.2341328114271164 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +a:0.13240952789783478 the:0.08896796405315399 well:0.04081850126385689 to:0.0298344474285841 :0.09448718279600143 +made:0.055688124150037766 no:0.04214853048324585 done:0.029680361971259117 found:0.023643668740987778 :0.13174720108509064 +and:0.07682079076766968 to:0.016641560941934586 in:0.014840585179626942 the:0.013525692746043205 :0.2660514712333679 +the:0.26993250846862793 he:0.04414713382720947 it:0.034563422203063965 a:0.03110838495194912 :0.04904263839125633 +day,:0.030184928327798843 of:0.014682036824524403 day:0.013629616238176823 day.:0.011096363887190819 :0.14023654162883759 +the:0.18722759187221527 of:0.06605684012174606 over:0.06498830020427704 in:0.02163797989487648 :0.07874718308448792 +to:0.1563538759946823 a:0.05339698866009712 the:0.05168873071670532 of:0.030934294685721397 :0.05483098700642586 +amount:0.007280088495463133 way:0.006973271258175373 number:0.0068440185859799385 whole:0.006154393311589956 :0.1936878263950348 +The:0.14912647008895874 It:0.07455029338598251 I:0.036825619637966156 He:0.03539985790848732 :0.06604160368442535 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.06675971299409866 a:0.02757844515144825 I:0.012128673493862152 that:0.011509372852742672 :0.16018740832805634 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +right:0.045260537415742874 same:0.033213965594768524 power:0.023892242461442947 best:0.017725935205817223 :0.1336551159620285 +the:0.15068888664245605 to:0.14582490921020508 in:0.0367867574095726 by:0.03644510358572006 :0.08773847669363022 +mortgage:0.0697188675403595 deed:0.06086616590619087 amount:0.036987289786338806 promissory:0.026550864800810814 :0.1375892162322998 +the:0.0862426608800888 to:0.04741980507969856 and:0.03612454980611801 a:0.030378159135580063 :0.1476251631975174 +have:0.1093050017952919 are:0.08971327543258667 were:0.02594595029950142 do:0.024643203243613243 :0.07733680307865143 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +the:0.39136311411857605 a:0.034964051097631454 his:0.018503611907362938 this:0.01773902215063572 :0.08680969476699829 +and:0.11943233013153076 of:0.07380374521017075 who:0.02316812239587307 to:0.01949169859290123 :0.06974472850561142 +the:0.3352286219596863 which:0.031467705965042114 a:0.02841034159064293 tho:0.02117404155433178 :0.05092690885066986 +of:0.2476350963115692 in:0.06976371258497238 and:0.052915316075086594 that:0.0395507737994194 :0.04806724935770035 +to:0.014314220286905766 the:0.013345952145755291 country:0.00845523364841938 and:0.008050059899687767 :0.10767312347888947 +the:0.32334673404693604 a:0.051187485456466675 this:0.05010465532541275 tho:0.019529996439814568 :0.11657798290252686 +the:0.08315914869308472 be:0.034394294023513794 a:0.023501712828874588 tho:0.010728815570473671 :0.28032901883125305 +wide,:0.06847718358039856 to:0.04581693187355995 in:0.037169963121414185 and:0.03254779055714607 :0.1338573694229126 +of:0.2855110168457031 and:0.10291212052106857 for:0.04847371578216553 to:0.03722679987549782 :0.10992786288261414 +the:0.03704138472676277 was:0.026406165212392807 and:0.02611684799194336 of:0.02325477823615074 :0.17209234833717346 +United:0.012298306450247765 same:0.0058773355558514595 most:0.005282879341393709 land:0.004803788382560015 :0.27614840865135193 +the:0.08137878775596619 of:0.040538009256124496 any:0.02721346542239189 in:0.017480939626693726 :0.13972660899162292 +and:0.07885819673538208 in:0.07040529698133469 to:0.059720151126384735 the:0.034422434866428375 :0.04866833612322807 +is:0.11967764049768448 was:0.07308122515678406 has:0.04270431771874428 he:0.033995456993579865 :0.0708848163485527 +the:0.1086726039648056 and:0.06805603206157684 for:0.025409318506717682 a:0.02510276809334755 :0.10732369869947433 +of:0.10584504902362823 and:0.05206933245062828 to:0.029441572725772858 The:0.021883340552449226 :0.158884197473526 +to:0.6594281196594238 in:0.01594841293990612 is:0.011619959957897663 for:0.010583100840449333 :0.02031288482248783 +days:0.15201061964035034 years:0.11915763467550278 weeks:0.0643642246723175 minutes:0.03856654465198517 :0.11481596529483795 +the:0.17803220450878143 a:0.021262038499116898 tho:0.016107311472296715 tbe:0.011481388472020626 :0.30493518710136414 +of:0.23184411227703094 in:0.07222132384777069 and:0.04670402780175209 night:0.028029099106788635 :0.045904479920864105 +the:0.05828498303890228 a:0.04155261069536209 in:0.04127177223563194 with:0.03724421560764313 :0.054375190287828445 +who:0.21803921461105347 of:0.18964259326457977 in:0.028630444779992104 which:0.015234348364174366 :0.1060105711221695 +shall:0.05278310924768448 am:0.02935662493109703 was:0.027942147105932236 have:0.024306291714310646 :0.20157188177108765 +by:0.3560539484024048 as:0.1656641811132431 and:0.07482962310314178 on:0.06881611049175262 :0.06340184807777405 +the:0.28368401527404785 a:0.05898470804095268 this:0.019804993644356728 tho:0.018254920840263367 :0.06892076134681702 +course,:0.3668158948421478 the:0.16334350407123566 a:0.030980171635746956 this:0.019320035353302956 :0.10946083068847656 +to:0.5594980716705322 the:0.031080882996320724 with:0.02767445519566536 a:0.020231766626238823 :0.06100480630993843 +the:0.04022883623838425 he:0.037815798074007034 was:0.03309159353375435 is:0.028289344161748886 :0.13956069946289062 +of:0.06570260971784592 way:0.04864119738340378 newspaper:0.04424408823251724 cases:0.043872933834791183 :0.09528666734695435 +.:0.02341383509337902 the:0.016320373862981796 ed:0.013755813241004944 a:0.012335964478552341 :0.30015358328819275 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +to:0.13208596408367157 with:0.07162569463253021 in:0.0612647645175457 as:0.045743927359580994 :0.05250617861747742 +the:0.059534698724746704 make:0.03109702281653881 pay:0.024548258632421494 be:0.023908274248242378 :0.13342194259166718 +Mrs.:0.8600369095802307 the:0.0075119915418326855 Mrs:0.0072731864638626575 Mra.:0.005103221163153648 :0.019114263355731964 +of:0.18100260198116302 and:0.17407523095607758 with:0.06144256144762039 to:0.04790199548006058 :0.04301563277840614 +be:0.33194687962532043 have:0.04929133877158165 not:0.035232484340667725 bo:0.020057201385498047 :0.07042781263589859 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +of:0.7500676512718201 and:0.030690714716911316 ot:0.010306724347174168 which:0.00748811848461628 :0.009982135146856308 +of:0.45075446367263794 to:0.041402727365493774 and:0.03940921649336815 is:0.03008142113685608 :0.036342885345220566 +and:0.0868942067027092 to:0.07954796403646469 in:0.029140345752239227 the:0.02615291066467762 :0.13408365845680237 +the:0.16247178614139557 a:0.05426295846700668 his:0.038469042629003525 their:0.028320979326963425 :0.07973917573690414 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.540149986743927 this:0.024968208745121956 tho:0.021718839183449745 a:0.014380055479705334 :0.08313899487257004 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +a:0.08960994333028793 the:0.059918954968452454 not:0.03931891918182373 to:0.03791309893131256 :0.1272309124469757 +a:0.07502958923578262 not:0.048816028982400894 the:0.026856260374188423 in:0.02492706850171089 :0.1244148388504982 +bor:0.23453786969184875 bors:0.039263058453798294 boring:0.03196682035923004 bor,:0.030116504058241844 :0.30753767490386963 +made:0.04852103441953659 done:0.02876812405884266 no:0.022989679127931595 seen:0.021722158417105675 :0.13694655895233154 +only:0.09430675953626633 to:0.06438829749822617 a:0.0322122685611248 the:0.02675524912774563 :0.1635047197341919 +the:0.13384614884853363 to:0.11609120666980743 a:0.043115757405757904 that:0.0397842600941658 :0.04258246719837189 +to:0.10638942569494247 and:0.07203840464353561 of:0.06038414314389229 in:0.03105679154396057 :0.12234809249639511 +the:0.09634934365749359 Mrs.:0.012387145310640335 a:0.0122767249122262 his:0.011493685655295849 :0.13981042802333832 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.14672376215457916 and:0.09659386426210403 a:0.03280220180749893 of:0.01606293022632599 :0.10902968794107437 +the:0.2216569483280182 a:0.07021066546440125 this:0.03631153702735901 his:0.018410947173833847 :0.114484503865242 +H.:0.03430456295609474 B.:0.030117303133010864 A.:0.02859685570001602 M.:0.026348402723670006 :0.23829147219657898 +said:0.028837207704782486 same:0.012098639272153378 amount:0.010671285912394524 best:0.008044208399951458 :0.16720923781394958 +city:0.025628427043557167 city,:0.02279275469481945 year:0.018351435661315918 country:0.017912516370415688 :0.10238176584243774 +and:0.1920631229877472 at:0.06228641793131828 in:0.05639464780688286 the:0.03570855036377907 :0.0902983695268631 +of:0.3207641839981079 for:0.173537939786911 to:0.15820319950580597 in:0.017419742420315742 :0.029980182647705078 +and:0.0860694944858551 to:0.05188249051570892 of:0.03473585844039917 was:0.03372667729854584 :0.1359935849905014 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +and:0.03040078654885292 of:0.02971440926194191 the:0.021822763606905937 No.:0.018924469128251076 :0.32501688599586487 +of:0.07204952836036682 in:0.06431366503238678 and:0.06056813523173332 to:0.04890397563576698 :0.03867621347308159 +The:0.13966061174869537 It:0.05650149658322334 They:0.03601288050413132 This:0.028862502425909042 :0.06982451677322388 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.15952306985855103 a:0.04945673421025276 two:0.04500439763069153 three:0.02646387554705143 :0.10671766847372055 +to:0.37685486674308777 the:0.07010838389396667 a:0.045467574149370193 it:0.017988570034503937 :0.06331352144479752 +the:0.14568203687667847 be:0.03987608850002289 tho:0.018569953739643097 a:0.01681479625403881 :0.12405586987733841 +is:0.08008372038602829 was:0.05672699585556984 will:0.053160376846790314 has:0.042680952697992325 :0.042581021785736084 +to:0.23595574498176575 trip:0.05151655152440071 from:0.044996678829193115 and:0.04085470363497734 :0.03762012720108032 +partment:0.04667366296052933 mands:0.043866656720638275 grees:0.023367397487163544 scribed:0.02332548424601555 :0.30761662125587463 +from:0.19152513146400452 the:0.11732634156942368 with:0.05475115031003952 and:0.046026017516851425 :0.041623812168836594 +a:0.09779077768325806 the:0.06962171941995621 so:0.023043911904096603 more:0.017917264252901077 :0.24775958061218262 +the:0.3232816159725189 a:0.04828393831849098 be:0.028018340468406677 tho:0.014757990837097168 :0.11229026317596436 +and:0.06716097891330719 to:0.03541408106684685 the:0.03305135667324066 of:0.031157664954662323 :0.13805367052555084 +and:0.10248368978500366 feet:0.02308831363916397 of:0.021461915224790573 to:0.011874509043991566 :0.16574601829051971 +are:0.09492955356836319 were:0.08231163024902344 have:0.0707111731171608 will:0.05533764883875847 :0.06484856456518173 +The:0.14960524439811707 It:0.048182953149080276 A:0.03125641122460365 There:0.03018631599843502 :0.07448955625295639 +the:0.135701984167099 this:0.03428947180509567 be:0.03275764361023903 make:0.021794939413666725 :0.14563201367855072 +the:0.1865205615758896 a:0.02588171884417534 tho:0.013711223378777504 this:0.01313092838972807 :0.1395357996225357 +the:0.21050073206424713 a:0.17844396829605103 an:0.024748383089900017 which:0.020941391587257385 :0.07961457222700119 +is:0.0596199706196785 and:0.05836564674973488 was:0.05338148772716522 to:0.04484273120760918 :0.04482201486825943 +and:0.06395553052425385 at:0.030091973021626472 in:0.017854468896985054 to:0.01592889428138733 :0.23826564848423004 +and:0.0970056876540184 of:0.04987022653222084 the:0.03288562595844269 to:0.028017636388540268 :0.07609020173549652 +who:0.047519486397504807 and:0.03594132512807846 citizens:0.033953506499528885 is:0.033934585750103 :0.12667085230350494 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.0486438162624836 the:0.044703103601932526 of:0.035441622138023376 to:0.020846502855420113 :0.1867225617170334 +the:0.38687992095947266 a:0.03690012916922569 Mr.:0.019857482984662056 tho:0.014808808453381062 :0.09562373906373978 +of:0.24400009214878082 in:0.06465394049882889 that:0.06058701127767563 for:0.03754585608839989 :0.03145899623632431 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +own:0.026312939822673798 great:0.005628270097076893 kind:0.00539973471313715 most:0.0044264704920351505 :0.2576349079608917 +and:0.0412123017013073 Bryan:0.006699317134916782 had:0.006627357564866543 was:0.006611102260649204 :0.6031274795532227 +of:0.3905434012413025 that:0.16792909801006317 to:0.044059135019779205 in:0.023701414465904236 :0.03845122084021568 +the:0.29071468114852905 a:0.030736643821001053 account:0.015338210389018059 tho:0.015249807387590408 :0.1680441051721573 +in:0.16528719663619995 on:0.045926060527563095 by:0.04471256583929062 up:0.04222666099667549 :0.07010982185602188 +made:0.02361164055764675 in:0.019098574295639992 not:0.01909785345196724 at:0.013763456605374813 :0.12222064286470413 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.01319875754415989 the:0.0065938495099544525 life:0.005045889411121607 per:0.004902354907244444 :0.2780100405216217 +who:0.07913434505462646 are:0.05926091596484184 have:0.050717491656541824 will:0.04851796105504036 :0.036167409271001816 +and:0.0716567412018776 the:0.037471383810043335 a:0.01693696156144142 in:0.016689803451299667 :0.25579404830932617 +the:0.12174702435731888 a:0.020800530910491943 that:0.014447002671658993 in:0.01400026585906744 :0.13407348096370697 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.12022484838962555 of:0.05853588506579399 in:0.03899458795785904 to:0.02364879846572876 :0.09095357358455658 +the:0.11054151505231857 be:0.04849066212773323 any:0.0297610592097044 make:0.017184264957904816 :0.14885011315345764 +to:0.01811826415359974 disorder:0.015297423116862774 description:0.013669054955244064 of:0.01172585878521204 :0.15616028010845184 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.02345561794936657 not:0.023331860080361366 in:0.019272981211543083 made:0.017976148054003716 :0.21227896213531494 +of:0.31947800517082214 and:0.1098649874329567 in:0.025413984432816505 for:0.024174192920327187 :0.059482745826244354 +deal:0.15444663166999817 many:0.09625433385372162 number:0.009605515748262405 deal,:0.007863151840865612 :0.1507478505373001 +and:0.09628203511238098 the:0.04329904913902283 in:0.01903826929628849 a:0.017935270443558693 :0.26762816309928894 +the:0.20032206177711487 a:0.03702724352478981 tho:0.02824416011571884 and:0.021000239998102188 :0.2079913318157196 +of:0.09339647740125656 in:0.05690168961882591 and:0.04485723376274109 at:0.03844619169831276 :0.06109285727143288 +the:0.03001236356794834 of:0.02434202842414379 and:0.018616748973727226 a:0.012894568033516407 :0.24864691495895386 +scribed:0.08519691228866577 mands:0.033738426864147186 clared:0.03261705860495567 livered:0.0314573310315609 :0.31558045744895935 +hand,:0.10346733778715134 side:0.03877659887075424 hand:0.02346140891313553 day:0.020031249150633812 :0.13421951234340668 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +as:0.23226290941238403 and:0.07855230569839478 in:0.06318416446447372 that:0.02220272272825241 :0.042806319892406464 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +to:0.26218628883361816 in:0.04869067296385765 with:0.04822901263833046 and:0.046858999878168106 :0.046286650002002716 +The:0.14829957485198975 It:0.06960943341255188 He:0.05115392431616783 There:0.031661830842494965 :0.05934862047433853 +The:0.09989028424024582 It:0.04387500509619713 and:0.024030882865190506 I:0.023752007633447647 :0.19227872788906097 +in:0.3152543604373932 and:0.03918231651186943 In:0.030240334570407867 books:0.030237380415201187 :0.0546778105199337 +of:0.5120118260383606 which:0.049209240823984146 that:0.04782973974943161 and:0.02746446430683136 :0.02399096079170704 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +was:0.14470505714416504 had:0.13513712584972382 would:0.07261236757040024 has:0.05586621165275574 :0.05392933636903763 +and:0.19117537140846252 the:0.03780907019972801 but:0.03742260858416557 I:0.026799550279974937 :0.08876069635152817 +The:0.13025276362895966 We:0.05997486785054207 It:0.05372978374361992 He:0.030012080445885658 :0.04521406441926956 +and:0.1072298213839531 of:0.06728001683950424 with:0.028725262731313705 in:0.028312640264630318 :0.1501520723104477 +of:0.490870863199234 and:0.06977216899394989 in:0.0450885109603405 on:0.02705138921737671 :0.027761394158005714 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +the:0.28252220153808594 of:0.08052434772253036 that:0.06256911158561707 over:0.05546243116259575 :0.0452209934592247 +and:0.03936740756034851 of:0.03117728792130947 the:0.019722729921340942 in:0.01626388356089592 :0.27013152837753296 +to:0.14476805925369263 and:0.06525453925132751 of:0.05624593049287796 with:0.04536384344100952 :0.04253359138965607 +that:0.20446345210075378 much:0.036377307027578354 far:0.03609685227274895 as:0.029195891693234444 :0.12179671227931976 +own:0.020609740167856216 intention:0.019404979422688484 duty:0.01460262481123209 friends,:0.01412123441696167 :0.16163697838783264 +country:0.04265175014734268 city:0.02772749587893486 place:0.013813643716275692 time:0.012881061993539333 :0.11461232602596283 +most:0.048940639942884445 best:0.01950455643236637 largest:0.015869956463575363 same:0.009883325546979904 :0.19020214676856995 +and:0.11480718851089478 of:0.015351387672126293 who:0.013223573565483093 the:0.010558347217738628 :0.23566456139087677 +of:0.0562935508787632 to:0.0378398671746254 like:0.035390548408031464 more:0.02528546378016472 :0.17228388786315918 +and:0.08852656185626984 the:0.035111863166093826 a:0.013970529660582542 of:0.013502247631549835 :0.2284352332353592 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.20111100375652313 a:0.07290645688772202 favor:0.019096991047263145 this:0.01822325773537159 :0.07237380743026733 +It:0.08840716630220413 The:0.0877501368522644 I:0.04707527905702591 He:0.035599272698163986 :0.15110044181346893 +and:0.046099770814180374 to:0.024550486356019974 the:0.007289418950676918 or:0.0065531013533473015 :0.10940329730510712 +than:0.3400071859359741 to:0.03518108278512955 or:0.02720216102898121 and:0.021710000932216644 :0.13136237859725952 +half:0.05227982625365257 few:0.027100946754217148 large:0.02216946892440319 great:0.012649431824684143 :0.1533392369747162 +of:0.12700863182544708 people:0.05192607268691063 years:0.020693348720669746 men:0.019977251067757607 :0.12204635888338089 +time:0.017542505636811256 right,:0.015012092888355255 other:0.012586005963385105 way:0.011546540074050426 :0.18214444816112518 +much:0.1304270327091217 that:0.07512427121400833 far:0.03484606742858887 as:0.03173575922846794 :0.11558306217193604 +the:0.04424535855650902 a:0.008454462513327599 in:0.008311311714351177 other:0.008289172314107418 :0.27597227692604065 +the:0.07373487949371338 is:0.061830610036849976 was:0.04958169907331467 he:0.04868705943226814 :0.05823402851819992 +and:0.038471631705760956 of:0.010076040402054787 A:0.009511269629001617 W:0.006940755061805248 :0.45627978444099426 +the:0.22341865301132202 a:0.11187616735696793 his:0.03813176229596138 which:0.02118268795311451 :0.0771912932395935 +and:0.10695632547140121 the:0.08875574916601181 to:0.03920348733663559 by:0.02769930474460125 :0.03810335323214531 +the:0.03692248836159706 to:0.021961156278848648 .:0.01320469006896019 of:0.012925018556416035 :0.29849907755851746 +United:0.006290728226304054 same:0.006022177636623383 best:0.005651543848216534 State:0.005238860379904509 :0.15917085111141205 +the:0.24022769927978516 a:0.056538645178079605 his:0.016616497188806534 this:0.01625155657529831 :0.14784890413284302 +few:0.043048661202192307 very:0.01854846253991127 short:0.016552865505218506 great:0.012824597768485546 :0.16029050946235657 +be:0.20706695318222046 the:0.029398992657661438 have:0.02863440476357937 make:0.01697002537548542 :0.09833359718322754 +the:0.25802358984947205 he:0.06256476044654846 they:0.05801434442400932 it:0.05538274720311165 :0.04580596834421158 +in:0.09519235789775848 off:0.08799523115158081 down:0.07512148469686508 and:0.0419071726500988 :0.03749174624681473 +first:0.01656775362789631 said:0.014147539623081684 people:0.013477622531354427 time:0.011680027469992638 :0.1652756780385971 +of:0.19739843904972076 and:0.02362118661403656 corner:0.018185170367360115 to:0.017686877399683 :0.20268255472183228 +first:0.009639096446335316 people:0.009019734337925911 said:0.008194172754883766 whole:0.007828918285667896 :0.1775583028793335 +point:0.04157324507832527 stake:0.019657595083117485 large:0.017763804644346237 great:0.014630108140408993 :0.1461859792470932 +dispose:0.06865793466567993 the:0.061730626970529556 convey:0.04036771506071091 to:0.027384988963603973 :0.11313992738723755 +results.:0.030434023588895798 and:0.02837386541068554 a:0.026482785120606422 to:0.025067418813705444 :0.12469460070133209 +to:0.16500476002693176 the:0.11527430266141891 in:0.07312897592782974 and:0.04895056039094925 :0.048129852861166 +and:0.07743644714355469 years:0.0623987652361393 or:0.03896571323275566 of:0.032071296125650406 :0.19515614211559296 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +was:0.0719255730509758 am:0.0587848424911499 have:0.055572640150785446 had:0.0392615869641304 :0.07723776996135712 +own:0.04110855609178543 midst:0.017603058367967606 city:0.015858149155974388 country:0.012402661144733429 :0.16157206892967224 +the:0.14529943466186523 a:0.017276465892791748 this:0.011504674330353737 said:0.010833051055669785 :0.2750227153301239 +to:0.37584924697875977 upon:0.13867169618606567 that:0.07305440306663513 in:0.04627084732055664 :0.03728900104761124 +the:0.5211921334266663 them:0.08244796097278595 our:0.03438909351825714 his:0.031070062890648842 :0.0295578520745039 +the:0.04668448865413666 a:0.021612510085105896 and:0.014683038927614689 in:0.012323927134275436 :0.27546367049217224 +the:0.37334707379341125 a:0.06417292356491089 this:0.03277677297592163 his:0.017008112743496895 :0.08442945033311844 +of:0.19647416472434998 to:0.04983656853437424 and:0.04734383895993233 than:0.047089602798223495 :0.03569580614566803 +and:0.03416458144783974 of:0.03039761260151863 the:0.0301223024725914 to:0.02368323691189289 :0.2474776655435562 +by:0.12158774584531784 and:0.08013331890106201 the:0.06887178868055344 to:0.03320959955453873 :0.10219326615333557 +is:0.05704834684729576 was:0.0562085285782814 has:0.0142687251791358 will:0.01379619725048542 :0.1462538093328476 +the:0.2141464650630951 a:0.04071586951613426 this:0.0384044386446476 tho:0.016463497653603554 :0.16175584495067596 +in:0.1858634054660797 In:0.03273120895028114 at:0.028761815279722214 and:0.025261634960770607 :0.12408678978681564 +the:0.15610206127166748 of:0.09856186807155609 that:0.08672530204057693 this:0.03258606791496277 :0.10141953080892563 +way:0.0721728652715683 country:0.043708376586437225 city:0.039274878799915314 case:0.021044252440333366 :0.10394059121608734 +The:0.15199226140975952 He:0.059492677450180054 It:0.0487101674079895 In:0.03220701590180397 :0.09750115126371384 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +the:0.43203359842300415 a:0.06937757134437561 this:0.06466372311115265 tho:0.017600689083337784 :0.07077319920063019 +been:0.17093238234519958 not:0.046588677912950516 the:0.019873134791851044 a:0.019773107022047043 :0.06568558514118195 +a:0.0610089972615242 the:0.06074214354157448 to:0.036161210387945175 in:0.012837628833949566 :0.2047782838344574 +the:0.024320142343640327 and:0.014570208266377449 .:0.010628684423863888 of:0.009233836084604263 :0.27954384684562683 +and:0.21921508014202118 the:0.061892878264188766 but:0.03592527285218239 in:0.025421317666769028 :0.03271310776472092 +the:0.29569903016090393 a:0.040861327201128006 be:0.02526402845978737 his:0.01469335239380598 :0.10245119780302048 +of:0.06916958838701248 No.:0.06583112478256226 and:0.04332112520933151 was:0.017597144469618797 :0.29328107833862305 +be:0.16633014380931854 exceed:0.09914430230855942 the:0.02964654378592968 have:0.02324775606393814 :0.08795308321714401 +and:0.13686765730381012 as:0.055190470069646835 but:0.03746061027050018 the:0.035548195242881775 :0.06188356131315231 +of:0.21406997740268707 hundred:0.03235819935798645 and:0.014862236566841602 or:0.014561207965016365 :0.13866087794303894 +been:0.11607832461595535 a:0.04536693915724754 not:0.0391191728413105 no:0.028789788484573364 :0.07648544013500214 +it:0.101129449903965 that:0.0901670828461647 the:0.060935504734516144 of:0.05226391553878784 :0.049158383160829544 +not:0.03948759660124779 the:0.032794322818517685 to:0.01854604296386242 in:0.01853678561747074 :0.19783002138137817 +to:0.2514091432094574 and:0.07807601243257523 in:0.045269597321748734 as:0.03468136116862297 :0.05100898817181587 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +or:0.0898575559258461 to:0.06315163522958755 of:0.0625348836183548 hundred:0.037806589156389236 :0.11064796149730682 +the:0.2645619213581085 a:0.051499515771865845 their:0.0257693063467741 his:0.023001112043857574 :0.11329451203346252 +a:0.06355313956737518 the:0.061338767409324646 not:0.04375753551721573 to:0.03989727795124054 :0.10692004859447479 +of:0.567622721195221 and:0.042794354259967804 for:0.02982231229543686 or:0.025681817904114723 :0.01884646527469158 +the:0.27196601033210754 a:0.019020989537239075 tho:0.0183702502399683 his:0.016667330637574196 :0.18927183747291565 +the:0.31959882378578186 a:0.05336513742804527 this:0.04924318194389343 said:0.02498701959848404 :0.060798779129981995 +and:0.057111989706754684 the:0.032791756093502045 of:0.02897510677576065 to:0.023171016946434975 :0.1407223492860794 +and:0.09990134090185165 of:0.07316913455724716 in:0.04281415417790413 are:0.03614189848303795 :0.08453935384750366 +of:0.13010503351688385 and:0.1184486523270607 from:0.04692240059375763 are:0.04486289247870445 :0.08855477720499039 +to:0.048881299793720245 own:0.02470216155052185 husband:0.015754718333482742 in:0.014507830142974854 :0.08232815563678741 +more:0.05581860616803169 of:0.017769575119018555 over:0.013774986378848553 less:0.012073946185410023 :0.19259829819202423 +of:0.06738307327032089 and:0.058684341609478 the:0.04392458125948906 to:0.037243787199258804 :0.09387627243995667 +the:0.08082994818687439 in:0.05879688262939453 a:0.04274463281035423 and:0.023784708231687546 :0.09512082487344742 +of:0.1274297833442688 and:0.06733231991529465 are:0.05729568377137184 in:0.04875855892896652 :0.05799802392721176 +and:0.19567817449569702 the:0.07769639790058136 but:0.059218693524599075 a:0.04050975665450096 :0.044848207384347916 +have:0.0631103664636612 had:0.051382292062044144 has:0.049368225038051605 was:0.04350059852004051 :0.08745600283145905 +the:0.058420579880476 to:0.051956430077552795 and:0.03430130332708359 a:0.02446211874485016 :0.13615016639232635 +have:0.14098210632801056 am:0.08968567103147507 do:0.050132375210523605 think:0.03970235958695412 :0.045731958001852036 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +and:0.07028230279684067 of:0.04259593039751053 to:0.025459932163357735 the:0.0235049519687891 :0.18182669579982758 +to:0.7510063052177429 that:0.02691558748483658 the:0.01908501796424389 a:0.012186013162136078 :0.017876513302326202 +the:0.4276995360851288 them:0.022642701864242554 tho:0.021320007741451263 this:0.02032485231757164 :0.08084641396999359 +that:0.20392683148384094 the:0.09628406912088394 a:0.07111721485853195 in:0.06045167148113251 :0.04686639457941055 +that:0.11868756264448166 far:0.10909608751535416 much:0.0690031573176384 as:0.06345140933990479 :0.08823955804109573 +few:0.043048661202192307 very:0.01854846253991127 short:0.016552865505218506 great:0.012824597768485546 :0.16029050946235657 +the:0.08786900341510773 to:0.05248625949025154 a:0.030529841780662537 and:0.029249493032693863 :0.09446462988853455 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.055054549127817154 of:0.05288022756576538 The:0.022785047069191933 to:0.022273167967796326 :0.18208739161491394 +is:0.1955651193857193 was:0.09422057867050171 would:0.061480164527893066 will:0.05297739803791046 :0.06351903080940247 +the:0.15659859776496887 a:0.053243719041347504 their:0.018463248386979103 tho:0.01003601960837841 :0.16561226546764374 +is:0.2698195278644562 was:0.15688540041446686 has:0.06843071430921555 will:0.03979335352778435 :0.0652477815747261 +the:0.15885308384895325 a:0.046430665999650955 which:0.013401110656559467 that:0.012047026306390762 :0.0995037779211998 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +a:0.06502580642700195 the:0.027039166539907455 not:0.01789611019194126 and:0.013328216038644314 :0.23589570820331573 +the:0.33477964997291565 a:0.04508690908551216 which:0.034198157489299774 this:0.02162945084273815 :0.07489241659641266 +a:0.08360408991575241 the:0.07740266621112823 not:0.03623003885149956 to:0.030881909653544426 :0.12924516201019287 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +be:0.283925861120224 not:0.07594099640846252 he:0.018549950793385506 bo:0.015414378605782986 :0.07365336269140244 +the:0.051049523055553436 by:0.03677462786436081 in:0.02775247022509575 any:0.025744086131453514 :0.1171388179063797 +to:0.21466055512428284 and:0.1118951141834259 in:0.03923625499010086 for:0.026450423523783684 :0.07129256427288055 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.1299111694097519 a:0.022969424724578857 all:0.020115192979574203 other:0.016777902841567993 :0.14395344257354736 +and:0.15973132848739624 of:0.07546922564506531 in:0.038791246712207794 to:0.029340390115976334 :0.04585757106542587 +own:0.026921596378087997 creditors:0.021994592621922493 wife:0.015634343028068542 head:0.00939259584993124 :0.17434097826480865 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.0407315194606781 men:0.034708600491285324 oak,:0.02362104319036007 silk:0.02074180543422699 :0.27113911509513855 +the:0.26626521348953247 a:0.024437662214040756 their:0.01569942943751812 tho:0.013443098403513432 :0.17048458755016327 +neck:0.014659594744443893 house:0.008001371286809444 neck,:0.005475328303873539 world:0.004466727375984192 :0.1974511295557022 +to:0.48329052329063416 of:0.07363025099039078 and:0.02437695488333702 in:0.01836489327251911 :0.04772159457206726 +the:0.06822863966226578 a:0.02439732477068901 in:0.01610652729868889 and:0.009712868370115757 :0.14210891723632812 +the:0.09671905636787415 to:0.06664314866065979 in:0.03758877143263817 and:0.031073588877916336 :0.06368955224752426 +and:0.11268994957208633 of:0.05380234122276306 The:0.024297300726175308 to:0.022497065365314484 :0.21044643223285675 +the:0.06281599402427673 be:0.031143590807914734 make:0.02447870373725891 do:0.020963570103049278 :0.1180795431137085 +be:0.4079669117927551 not:0.09497494250535965 have:0.057864297181367874 bo:0.0281428974121809 :0.021800702437758446 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.28345200419425964 in:0.10078465193510056 and:0.04013919085264206 at:0.02285032719373703 :0.050814688205718994 +the:0.12902651727199554 Congress:0.06632569432258606 Congress,:0.02007911540567875 congress:0.01609109900891781 :0.20346854627132416 +to:0.15103669464588165 in:0.06137467548251152 the:0.05581476911902428 by:0.05343380942940712 :0.04788597673177719 +and:0.06455366313457489 of:0.04081961512565613 to:0.031588077545166016 features:0.023646987974643707 :0.1431461125612259 +be:0.12852096557617188 not:0.07703222334384918 have:0.03506927564740181 make:0.016542544588446617 :0.0782165601849556 +of:0.09691858291625977 and:0.03701360151171684 The:0.030772730708122253 the:0.021675236523151398 :0.12175821512937546 +to:0.5864596366882324 by:0.10869333148002625 that:0.05377203971147537 and:0.031030848622322083 :0.024757178500294685 +the:0.06766898930072784 a:0.05691402778029442 to:0.04147256910800934 not:0.027495119720697403 :0.10785151273012161 +the:0.07231467962265015 all:0.013557596132159233 a:0.00998228695243597 of:0.00993648823350668 :0.15967532992362976 +been:0.11607832461595535 a:0.04536693915724754 not:0.0391191728413105 no:0.028789788484573364 :0.07648544013500214 +and:0.04093339666724205 of:0.036822300404310226 Mrs.:0.013941916637122631 the:0.013454572297632694 :0.23129989206790924 +and:0.07913632690906525 of:0.04123353213071823 the:0.031515493988990784 in:0.019813712686300278 :0.1763397753238678 +the:0.0710136741399765 land:0.05184737592935562 ground:0.023916928097605705 block:0.017246147617697716 :0.26255661249160767 +the:0.24929176270961761 a:0.0638977512717247 this:0.03988851606845856 tho:0.021585820242762566 :0.0871584489941597 +the:0.27024170756340027 a:0.08067712932825089 their:0.018639562651515007 his:0.01662224531173706 :0.07655788958072662 +the:0.2950499653816223 he:0.05449598655104637 it:0.04024646803736687 a:0.03325309976935387 :0.043160419911146164 +the:0.2985011637210846 a:0.02272719144821167 this:0.02004847303032875 said:0.01622501201927662 :0.18110144138336182 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +The:0.09255075454711914 It:0.0420028418302536 I:0.03196672350168228 He:0.02499191090464592 :0.3502609431743622 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.22592943906784058 and:0.05369395390152931 in:0.026426909491419792 is:0.02265065722167492 :0.03961900994181633 +and:0.07166583091020584 The:0.019450534135103226 to:0.01705934666097164 the:0.015962522476911545 :0.1718333512544632 +been:0.3804433345794678 not:0.04427890479564667 a:0.026550067588686943 no:0.01829899102449417 :0.04840482026338577 +of:0.19956086575984955 to:0.15218645334243774 and:0.05256818234920502 in:0.025325363501906395 :0.04981536418199539 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +to:0.3279675245285034 with:0.04989024996757507 for:0.04399021714925766 and:0.03946242853999138 :0.04436048865318298 +good:0.02193312719464302 great:0.016480881720781326 large:0.014494186267256737 few:0.014490400440990925 :0.1675708144903183 +and:0.03328249603509903 to:0.011926544830203056 or:0.01099676638841629 couple:0.009877735748887062 :0.18022926151752472 +the:0.2628341615200043 this:0.047551386058330536 which:0.03754638880491257 a:0.03576122969388962 :0.0718170627951622 +the:0.43000760674476624 a:0.07146167755126953 his:0.025201695039868355 tho:0.025057697668671608 :0.03383847698569298 +of:0.04640740901231766 to:0.024262811988592148 and:0.02361881546676159 or:0.0186857208609581 :0.14283804595470428 +not:0.27314308285713196 be:0.11212132126092911 have:0.052441444247961044 see:0.01721145026385784 :0.08776971697807312 +to:0.19456638395786285 through:0.05748122185468674 into:0.052745550870895386 and:0.02720208466053009 :0.03441265597939491 +the:0.38171452283859253 said:0.06024295836687088 a:0.04429163038730621 tho:0.017640337347984314 :0.1237838864326477 +of:0.6684243679046631 that:0.23170731961727142 and:0.008534153923392296 which:0.007818268612027168 :0.007334626745432615 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +of:0.3990766406059265 to:0.07550353556871414 in:0.04902332276105881 and:0.023496123030781746 :0.0363212451338768 +not:0.03060113452374935 a:0.015070668421685696 that:0.010295333340764046 and:0.010281100869178772 :0.3588699996471405 +and:0.16523897647857666 but:0.04476175084710121 of:0.030367162078619003 the:0.023969916626811028 :0.07179003953933716 +fact:0.007564951665699482 same:0.006525712087750435 people:0.005354930181056261 said:0.004810977261513472 :0.24928417801856995 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +be:0.16844679415225983 have:0.1423194408416748 not:0.029740620404481888 do:0.018237287178635597 :0.06196768954396248 +the:0.2851487994194031 a:0.04182964190840721 this:0.021152036264538765 his:0.0163926612585783 :0.16954264044761658 +the:0.2582724392414093 to:0.03158768266439438 their:0.030187707394361496 a:0.02931484580039978 :0.05560380965471268 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.07641401141881943 is:0.068443663418293 of:0.04143599420785904 was:0.032482583075761795 :0.05334664508700371 +of:0.020286260172724724 the:0.017363063991069794 and:0.016770675778388977 a:0.00896730087697506 :0.3952957093715668 +and:0.1378260850906372 for:0.040916044265031815 to:0.039727356284856796 was:0.03220044821500778 :0.12326940894126892 +the:0.02345561794936657 not:0.023331860080361366 in:0.019272981211543083 made:0.017976148054003716 :0.21227896213531494 +been:0.35705727338790894 to:0.030045753344893456 a:0.019974419847130775 done:0.01883944869041443 :0.058857910335063934 +the:0.1906031221151352 cases:0.04164822772145271 its:0.03307751938700676 parts:0.030590612441301346 :0.09822328388690948 +and:0.055173542350530624 of:0.041273340582847595 in:0.028251344338059425 the:0.0215520728379488 :0.21563571691513062 +the:0.15264001488685608 they:0.04604099690914154 he:0.03537168726325035 it:0.03384684398770332 :0.04816187173128128 +the:0.16452062129974365 he:0.07951133698225021 they:0.06450991332530975 it:0.05735941231250763 :0.043224770575761795 +the:0.1628674417734146 any:0.0666823461651802 them:0.04937391355633736 a:0.04577934741973877 :0.04332448169589043 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +days:0.034889232367277145 cases:0.020784415304660797 days,:0.014639617875218391 two:0.011251619085669518 :0.15591660141944885 +the:0.2611376941204071 a:0.039808489382267 this:0.03445838391780853 his:0.019076799973845482 :0.09983879327774048 +rison:0.04204682633280754 ris:0.027780454605817795 and:0.011154068633913994 vey:0.009484958834946156 :0.5442265272140503 +the:0.05432453751564026 and:0.020272888243198395 ing:0.016138404607772827 of:0.01267114095389843 :0.2377990335226059 +that:0.06253397464752197 the:0.052583761513233185 and:0.034217361360788345 I:0.027284232899546623 :0.12101250141859055 +a:0.0536457858979702 the:0.021430453285574913 able:0.01862197369337082 in:0.018557583913207054 :0.16920673847198486 +be:0.05006244406104088 make:0.04482496157288551 get:0.03224902227520943 the:0.027131004258990288 :0.0766770988702774 +the:0.19533033668994904 and:0.03557875007390976 in:0.03256557136774063 a:0.02780563198029995 :0.11456798017024994 +a:0.14758086204528809 the:0.1320042908191681 it:0.0439971387386322 up:0.02904113195836544 :0.06397406756877899 +a:0.07067593932151794 able:0.03490380197763443 the:0.018036460503935814 made:0.017323706299066544 :0.18245074152946472 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +river:0.040644947439432144 road:0.01781495474278927 river,:0.014455800876021385 street:0.009760490618646145 :0.1791120171546936 +since:0.02915569581091404 the:0.02131575532257557 known:0.02015581913292408 before:0.014067203737795353 :0.1802225261926651 +and:0.1480746567249298 but:0.060627736151218414 with:0.045383062213659286 who:0.04451194033026695 :0.03654811531305313 +notice:0.05993581935763359 Service:0.05935247614979744 Works:0.03256243094801903 Lands:0.029620904475450516 :0.3826100826263428 +own:0.021480010822415352 friends:0.009628970175981522 names:0.007244587410241365 eyes:0.007107419427484274 :0.1317170113325119 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +the:0.07750695943832397 he:0.02926613762974739 they:0.01937600038945675 it:0.01919259876012802 :0.14299099147319794 +been:0.16573990881443024 a:0.07377596944570541 the:0.03353949263691902 not:0.029329923912882805 :0.06775858998298645 +the:0.22295469045639038 and:0.06333611160516739 of:0.038152389228343964 a:0.03241458162665367 :0.10060611367225647 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +to:0.586683988571167 the:0.05118521675467491 that:0.02714114636182785 them:0.01887689158320427 :0.02282111905515194 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +than:0.03898381441831589 and:0.017731908708810806 the:0.01594209298491478 to:0.014501305297017097 :0.13954630494117737 +made:0.11494724452495575 instituted:0.02765761688351631 a:0.01661115512251854 the:0.0123349754139781 :0.11898067593574524 +a:0.30056267976760864 the:0.19767378270626068 sale:0.03142901882529259 an:0.03026679903268814 :0.09252862632274628 +the:0.15623962879180908 his:0.07079489529132843 in:0.0422745905816555 to:0.041328612715005875 :0.04505684971809387 +the:0.22749333083629608 virtue:0.09496134519577026 a:0.03469686955213547 said:0.02660208009183407 :0.10030040889978409 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +mond:0.03609008342027664 mond,:0.026455337181687355 Mrs.:0.014660006389021873 and:0.013715441338717937 :0.3251740336418152 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +was:0.036267541348934174 and:0.034906305372714996 is:0.02138064056634903 has:0.013327991589903831 :0.25840866565704346 +to:0.12024008482694626 year.:0.06637018173933029 year:0.04079673811793327 morning:0.039594464004039764 :0.10631180554628372 +the:0.10660568624734879 that:0.04179804027080536 it:0.025592515245079994 in:0.018693428486585617 :0.08492226898670197 +same:0.013087349012494087 amount:0.01141589879989624 most:0.0076223742216825485 date:0.006088071968406439 :0.1813604086637497 +mortgage:0.017104318365454674 court:0.01415981724858284 Court:0.01396509911864996 city:0.01147906482219696 :0.1542939394712448 +is:0.04132920876145363 of:0.03461194038391113 and:0.033328622579574585 in:0.03305678442120552 :0.11837983131408691 +and:0.07006566226482391 of:0.06858493387699127 records:0.06712464988231659 is:0.035734422504901886 :0.08313673734664917 +The:0.1609078049659729 It:0.04330882430076599 This:0.02925063483417034 We:0.02410932630300522 :0.23890802264213562 +own:0.026430297642946243 use:0.01354112196713686 present:0.009940228424966335 purpose:0.006042156834155321 :0.19994325935840607 +the:0.4408254325389862 a:0.044310957193374634 this:0.03219602629542351 his:0.020214034244418144 :0.09786219894886017 +same:0.0072031826712191105 people:0.0055523402988910675 right:0.004715280141681433 old:0.004650042857974768 :0.2122923582792282 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +have:0.023563764989376068 was:0.02325739897787571 am:0.0166659876704216 to:0.014244797639548779 :0.30545541644096375 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +to:0.06800825148820877 and:0.047424618154764175 from:0.02843218855559826 on:0.026987778022885323 :0.14674413204193115 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +to:0.027087433263659477 and:0.025278668850660324 the:0.024525027722120285 in:0.01669270172715187 :0.21959331631660461 +the:0.01526869460940361 to:0.011376874521374702 a:0.010683304630219936 I:0.009964033961296082 :0.22610339522361755 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +that:0.1742452085018158 the:0.07903579622507095 to:0.06378927081823349 as:0.05628508701920509 :0.04473293200135231 +of:0.10542724281549454 and:0.06430225074291229 the:0.016664428636431694 who:0.015620446763932705 :0.1792207956314087 +W.:0.06907252967357635 and:0.049483515322208405 B.:0.020638689398765564 H.:0.018497895449399948 :0.35131967067718506 +same:0.007775852456688881 first:0.0074796830303967 whole:0.007265700027346611 said:0.007256839890033007 :0.1903839111328125 +of:0.6657599210739136 and:0.036042045801877975 ot:0.017583413049578667 was:0.015152784995734692 :0.014863991178572178 +the:0.2521936595439911 a:0.038956500589847565 this:0.030839525163173676 such:0.019276464357972145 :0.08938591182231903 +or:0.09676952660083771 of:0.08757631480693817 hundred:0.03634866699576378 years:0.023963868618011475 :0.1818259358406067 +United:0.017510605975985527 State:0.008825848810374737 most:0.007986839860677719 said:0.006802160758525133 :0.23868246376514435 +is:0.20393991470336914 was:0.09463091939687729 will:0.03776639699935913 would:0.033526234328746796 :0.08905144780874252 +and:0.142060324549675 of:0.09419535100460052 to:0.02962121181190014 the:0.020349474623799324 :0.06224387511610985 +the:0.24253425002098083 be:0.03314215689897537 whether:0.028364010155200958 make:0.020574694499373436 :0.07394088059663773 +is:0.17380960285663605 was:0.06816766411066055 will:0.05401523411273956 can:0.047056034207344055 :0.10933101177215576 +the:0.33049628138542175 be:0.04992310702800751 a:0.024579530581831932 his:0.01073596440255642 :0.09253723174333572 +entire:0.04828321188688278 country:0.03954823687672615 United:0.0328667052090168 whole:0.027013886719942093 :0.18588007986545563 +of:0.05763157084584236 and:0.02105056867003441 was:0.01547766849398613 is:0.009408907033503056 :0.32247456908226013 +of:0.12986813485622406 and:0.046540964394807816 to:0.015256951563060284 in:0.01380203478038311 :0.24600715935230255 +the:0.0538465641438961 be:0.03744105249643326 make:0.03377877548336983 have:0.021339381113648415 :0.13703912496566772 +the:0.38049739599227905 a:0.055303238332271576 his:0.03024265170097351 any:0.02271842584013939 :0.07911736518144608 +a:0.06630861759185791 not:0.061363451182842255 the:0.05364001542329788 to:0.017353583127260208 :0.10260779410600662 +and:0.03977411985397339 the:0.021784570068120956 of:0.018699120730161667 The:0.014795773662626743 :0.21811850368976593 +the:0.4808581471443176 them:0.03782261908054352 these:0.03711963817477226 his:0.024989623576402664 :0.03377002105116844 +and:0.11894909292459488 the:0.032683249562978745 in:0.029610175639390945 but:0.025419997051358223 :0.07927608489990234 +6:0.03650053218007088 6,:0.03433598205447197 the:0.028152430430054665 4:0.011565888300538063 :0.19397839903831482 +time:0.062497083097696304 as:0.03424028307199478 to:0.02136545069515705 time,:0.017479538917541504 :0.08758080005645752 +of:0.1637306809425354 a:0.0450284369289875 people:0.03429526835680008 years:0.029182784259319305 :0.1059490293264389 +been:0.29057466983795166 yet:0.030762234702706337 a:0.023921797052025795 only:0.02157551608979702 :0.0699056088924408 +and:0.1379329413175583 the:0.0840650126338005 on:0.04596729949116707 in:0.03566891327500343 :0.0725940465927124 +large:0.029632141813635826 few:0.01788284070789814 good:0.012042135000228882 man:0.011563539505004883 :0.1330835372209549 +the:0.1714889258146286 he:0.08647818863391876 they:0.055346064269542694 I:0.03868737816810608 :0.09309859573841095 +the:0.16934187710285187 to:0.04717778414487839 that:0.04463213309645653 a:0.041704289615154266 :0.08419815450906754 +most:0.00852456595748663 same:0.007074376102536917 other:0.005976150278002024 only:0.005150298587977886 :0.20180992782115936 +of:0.44252437353134155 and:0.05680755525827408 in:0.01934502087533474 that:0.012961228378117085 :0.059232015162706375 +The:0.1569039225578308 He:0.047318004071712494 It:0.0430791974067688 In:0.03133952617645264 :0.10498487949371338 +be:0.23862022161483765 have:0.09197864681482315 the:0.02305261790752411 me:0.022750720381736755 :0.0901717096567154 +and:0.055749159306287766 of:0.02828371524810791 the:0.024816691875457764 is:0.016939297318458557 :0.2102563977241516 +is:0.15431535243988037 was:0.08397398889064789 has:0.06381284445524216 will:0.03930528461933136 :0.03711146116256714 +the:0.1200733557343483 a:0.1034863144159317 to:0.04678484797477722 well:0.041581589728593826 :0.09089676290750504 +a:0.3166954517364502 the:0.16626673936843872 an:0.032971665263175964 to:0.03233611211180687 :0.0904824435710907 +same:0.011562282219529152 said:0.004981596022844315 public:0.004344162996858358 people:0.0041796015575528145 :0.12093519419431686 +.:0.05821238085627556 to:0.016500523313879967 and:0.015973171219229698 not:0.01377894263714552 :0.3494398891925812 +to:0.04268015921115875 and:0.027468575164675713 in:0.01725747250020504 The:0.016530439257621765 :0.3043650984764099 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.09432056546211243 that:0.04252287372946739 who:0.02195858769118786 over:0.01887366734445095 :0.13036280870437622 +and:0.16534201800823212 but:0.047221798449754715 who:0.041820477694272995 the:0.027428369969129562 :0.06351985782384872 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.05749688297510147 the:0.031229062005877495 to:0.028387006372213364 in:0.02080944925546646 :0.2321838140487671 +been:0.3015088140964508 a:0.04127349704504013 the:0.02620590105652809 to:0.02183709666132927 :0.0639123022556305 +as:0.2854502499103546 of:0.04378032684326172 more:0.021298302337527275 to:0.02128286100924015 :0.09543389081954956 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.08064266294240952 to:0.03201528638601303 The:0.029231559485197067 in:0.019574876874685287 :0.1676018238067627 +been:0.14991594851016998 boon:0.025575527921319008 a:0.021243389695882797 not:0.020184649154543877 :0.1351628452539444 +relief.:0.006770515814423561 relief:0.006182743702083826 and:0.0061340038664639 of:0.00585671653971076 :0.30306610465049744 +said:0.008167114108800888 same:0.007641628384590149 only:0.006380354519933462 whole:0.00611341604962945 :0.23138689994812012 +way:0.027182431891560555 city:0.02436038851737976 part:0.022529395297169685 direction:0.01929699257016182 :0.09672422707080841 +of:0.39454659819602966 to:0.11654066294431686 entitled:0.05036191642284393 in:0.021090170368552208 :0.03202672675251961 +same:0.009985997341573238 purpose:0.0077767944894731045 first:0.0072690630331635475 use:0.006808520760387182 :0.3136420249938965 +was:0.07726441323757172 had:0.06851661205291748 has:0.05525830760598183 is:0.05169340595602989 :0.07759829610586166 +same:0.011305289342999458 time:0.00826936587691307 place:0.007667790167033672 most:0.007015823852270842 :0.17347411811351776 +a:0.06536982208490372 the:0.06420169025659561 to:0.05546940490603447 well:0.03960133716464043 :0.05832783877849579 +is:0.1807633638381958 was:0.09146001935005188 has:0.029893144965171814 the:0.02786262333393097 :0.041412100195884705 +and:0.18804329633712769 the:0.04320074990391731 but:0.04274336248636246 a:0.017889227718114853 :0.15528064966201782 +the:0.058653950691223145 to:0.05678969994187355 and:0.02968996949493885 a:0.02194543369114399 :0.1714627742767334 +the:0.19963522255420685 a:0.056283723562955856 favor:0.02504054643213749 this:0.015359379351139069 :0.07892058789730072 +day:0.05064491927623749 time:0.04795364663004875 of:0.04338914155960083 to:0.01571022719144821 :0.10426655411720276 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.05889621004462242 the:0.055395010858774185 of:0.033039189875125885 to:0.02476668916642666 :0.17149126529693604 +the:0.348626047372818 a:0.07942222058773041 tho:0.025796839967370033 his:0.023347537964582443 :0.06223435699939728 +the:0.22749333083629608 virtue:0.09496134519577026 a:0.03469686955213547 said:0.02660208009183407 :0.10030040889978409 +same:0.008476798422634602 law:0.005936997942626476 work:0.005379134323447943 said:0.005212793126702309 :0.20994459092617035 +is:0.14595293998718262 was:0.066702701151371 Is:0.020747769623994827 will:0.016078120097517967 :0.10497581213712692 +The:0.03199378028512001 and:0.031217288225889206 In:0.020819535478949547 I:0.01316796150058508 :0.4670853316783905 +ed:0.16612522304058075 ing:0.10972020775079727 been:0.041644543409347534 ly:0.016356248408555984 :0.18746469914913177 +and:0.08815516531467438 in:0.04652653634548187 to:0.027204414829611778 was:0.018896594643592834 :0.10911944508552551 +and:0.009205230511724949 personal:0.009050640277564526 way:0.007089720107614994 country:0.005352828651666641 :0.19127021729946136 +profession:0.07015048712491989 profession,:0.0637647733092308 men:0.020903436467051506 science:0.014464068226516247 :0.14114511013031006 +other:0.014454275369644165 same:0.010205048136413097 amount:0.008980462327599525 most:0.008535265922546387 :0.20332768559455872 +to:0.6022756099700928 in:0.06040242314338684 from:0.046332575380802155 by:0.03274918720126152 :0.02746650204062462 +own:0.048197973519563675 hand,:0.009595496580004692 hands:0.009424029849469662 office:0.007155847270041704 :0.1683138906955719 +and:0.042848069220781326 of:0.03344271332025528 the:0.03309126943349838 to:0.016685189679265022 :0.2537081837654114 +the:0.16238102316856384 be:0.01837712712585926 a:0.015040053986012936 appear:0.012509430758655071 :0.10650834441184998 +.:0.04462643712759018 to:0.038883764296770096 and:0.021856041625142097 A:0.016061382368206978 :0.2954213619232178 +and:0.014337774366140366 the:0.012537434697151184 to:0.009913227520883083 of:0.005474620033055544 :0.3659849464893341 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +the:0.09412235766649246 be:0.06836207211017609 do:0.028340838849544525 have:0.016111265867948532 :0.12422508746385574 +the:0.23935836553573608 a:0.09694778919219971 his:0.013597799465060234 an:0.012572940438985825 :0.09191560000181198 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +of:0.22909598052501678 the:0.06482043862342834 and:0.062274493277072906 to:0.03851188346743584 :0.11046674847602844 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.01944132335484028 or:0.008370413444936275 visits:0.004232770297676325 occurrence:0.004161365330219269 :0.2503264844417572 +been:0.1794528365135193 not:0.060882098972797394 the:0.02122870646417141 already:0.016791632398962975 :0.08757753670215607 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +all:0.1410621702671051 every:0.0882924422621727 a:0.04574679955840111 two:0.034144409000873566 :0.1334429681301117 +the:0.3156227767467499 a:0.02813773788511753 this:0.02790733240544796 tho:0.015222071669995785 :0.10254357755184174 +of:0.12799414992332458 people:0.02724068984389305 other:0.023113979026675224 years:0.019951432943344116 :0.13415682315826416 +the:0.10986664891242981 he:0.07050937414169312 not:0.05369570851325989 they:0.04882632941007614 :0.08641374856233597 +own:0.05353927239775658 respective:0.010891583748161793 minds:0.010092530399560928 heads:0.00893937237560749 :0.1988319754600525 +be:0.26308682560920715 have:0.11781333386898041 think:0.026318717747926712 the:0.020626284182071686 :0.054699525237083435 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +of:0.1333201378583908 in:0.0377870574593544 at:0.03145438805222511 to:0.028916969895362854 :0.16700105369091034 +not:0.439351350069046 the:0.056442223489284515 it:0.01662861369550228 all:0.014161860570311546 :0.03495344892144203 +to:0.12975414097309113 and:0.05466146394610405 is:0.05172833427786827 for:0.0469999760389328 :0.03942539542913437 +be:0.13762275874614716 not:0.08884362131357193 have:0.07617852836847305 never:0.020750761032104492 :0.06369992345571518 +The:0.15894412994384766 It:0.06737818568944931 I:0.027168406173586845 He:0.026587119325995445 :0.1079750657081604 +and:0.08895311504602432 of:0.041845206171274185 in:0.028705941513180733 the:0.021662689745426178 :0.1526614874601364 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +have:0.08825692534446716 are:0.06108860671520233 were:0.0411691814661026 had:0.036235831677913666 :0.10237962752580643 +guage:0.46177324652671814 and:0.033134400844573975 the:0.00751698762178421 The:0.0063465009443461895 :0.365597128868103 +and:0.3241037130355835 but:0.04282773658633232 the:0.030176904052495956 with:0.028298672288656235 :0.05820784345269203 +that:0.13075804710388184 what:0.07156649231910706 the:0.0692150890827179 how:0.05086016654968262 :0.062466006726026535 +the:0.14519385993480682 any:0.050748951733112335 that:0.045063845813274384 a:0.04269526153802872 :0.09309650957584381 +are:0.10547949373722076 have:0.07946647703647614 were:0.06373827159404755 had:0.052956726402044296 :0.0942884311079979 +to:0.014707526192069054 for:0.014638163149356842 impression:0.013642212375998497 consideration:0.012199352495372295 :0.18298882246017456 +of:0.08358309417963028 to:0.048555888235569 in:0.04258380085229874 and:0.03504594415426254 :0.07738292217254639 +examination:0.04457297921180725 old:0.03678293153643608 act:0.03368265926837921 Act:0.030062710866332054 :0.19123342633247375 +the:0.21751557290554047 that:0.09264370054006577 a:0.0724211186170578 on:0.05058107152581215 :0.03365281596779823 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.07440399378538132 a:0.017962154000997543 that:0.01563267596065998 to:0.013424801640212536 :0.11494894325733185 +a:0.07826530933380127 the:0.042662400752305984 to:0.02319353260099888 not:0.01648528315126896 :0.11415349692106247 +other:0.013716711662709713 said:0.006867954507470131 amount:0.004925141576677561 same:0.004591533448547125 :0.26792410016059875 +and:0.07945425063371658 body:0.03756231069564819 of:0.02947559952735901 man:0.025005456060171127 :0.1302712857723236 +was:0.028966089710593224 have:0.022653663530945778 to:0.020428050309419632 would:0.019616587087512016 :0.24372299015522003 +the:0.44765666127204895 this:0.028461383655667305 a:0.0222545824944973 tho:0.01735740154981613 :0.09208312630653381 +the:0.7211037874221802 which:0.0305548794567585 tho:0.025948626920580864 his:0.018697235733270645 :0.015020441263914108 +the:0.240227609872818 they:0.06518714129924774 he:0.046297572553157806 it:0.04500347375869751 :0.03503241762518883 +the:0.22807979583740234 a:0.024879395961761475 his:0.015184658579528332 tho:0.014510479755699635 :0.16015338897705078 +of:0.29048141837120056 and:0.10239681601524353 that:0.06039995700120926 or:0.036881230771541595 :0.02869773842394352 +be:0.38465872406959534 have:0.08148539066314697 not:0.06743557006120682 he:0.03109109029173851 :0.03605582192540169 +the:0.24659188091754913 a:0.043430447578430176 his:0.01499470416456461 be:0.013713877648115158 :0.13798832893371582 +the:0.26128560304641724 to:0.06988366693258286 a:0.06753455102443695 and:0.047060806304216385 :0.06554058939218521 +is:0.029467647895216942 was:0.011722996830940247 the:0.010051917284727097 country:0.009966803714632988 :0.18195918202400208 +and:0.07294527441263199 Minnesota,:0.060716088861227036 North:0.057887837290763855 Mississippi,:0.03412115201354027 :0.09818218648433685 +and:0.25649479031562805 of:0.046124041080474854 to:0.026385923847556114 in:0.023892613127827644 :0.3269750475883484 +the:0.2621135711669922 this:0.048560671508312225 a:0.034726180136203766 his:0.025560742244124413 :0.10330051183700562 +.:0.11584964394569397 H:0.03064607083797455 W:0.025644436478614807 B:0.016617832705378532 :0.3275350332260132 +was:0.15423981845378876 is:0.07089286297559738 had:0.053116943687200546 said:0.047695957124233246 :0.08430833369493484 +the:0.30102410912513733 a:0.05227678641676903 this:0.03562941029667854 that:0.015861818566918373 :0.10420997440814972 +and:0.015112207271158695 or:0.005678233224898577 use:0.005411822348833084 the:0.003532028989866376 :0.42420822381973267 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.31010761857032776 a:0.05615159869194031 any:0.014230330474674702 tho:0.01421619113534689 :0.14086954295635223 +have:0.07205542922019958 are:0.06737742573022842 will:0.03617280349135399 were:0.03074602596461773 :0.11127283424139023 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +est:0.6824133992195129 er:0.09555062651634216 ly:0.007536846678704023 way:0.005024563986808062 :0.08070073276758194 +name:0.02607141062617302 wife:0.021481210365891457 father:0.019679633900523186 first:0.017263654619455338 :0.12299942225217819 +and:0.0794910416007042 to:0.050647687166929245 by:0.03904310613870621 in:0.023251105099916458 :0.1463373601436615 +the:0.2045731097459793 a:0.04723981022834778 this:0.031287167221307755 tho:0.021378561854362488 :0.1520950198173523 +was:0.11486580222845078 had:0.043547868728637695 is:0.03891754895448685 will:0.03190387785434723 :0.0816839262843132 +to:0.5546744465827942 for:0.0525384247303009 that:0.028247840702533722 the:0.026599189266562462 :0.01551142055541277 +the:0.4306062161922455 said:0.05044834315776825 a:0.03787093237042427 this:0.021436495706439018 :0.05260859802365303 +who:0.10599815845489502 of:0.051809731870889664 to:0.044853325933218 in:0.04471147805452347 :0.07747858017683029 +in:0.06901492178440094 and:0.03920964151620865 the:0.03910987079143524 being:0.029175445437431335 :0.11524271965026855 +of:0.218394473195076 in:0.07006791234016418 on:0.05938885360956192 and:0.03840560466051102 :0.06266377866268158 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.23404426872730255 or:0.030786050483584404 as:0.024561427533626556 in:0.022986574098467827 :0.09573446959257126 +the:0.08783357590436935 r:0.03355548530817032 a:0.015221591107547283 this:0.011481420136988163 :0.2980721890926361 +Co.:0.12313240021467209 Co.,:0.09660009294748306 Sons,:0.01801244355738163 St.:0.01694868505001068 :0.2219732701778412 +H.:0.02909630350768566 B.:0.023397082462906837 C:0.020984802395105362 B:0.02033780887722969 :0.328359991312027 +been:0.23661117255687714 a:0.04073208197951317 not:0.03933916240930557 no:0.020431557670235634 :0.08271929621696472 +the:0.014745807275176048 and:0.01357265654951334 -:0.010392967611551285 e:0.004725339822471142 :0.5737560391426086 +the:0.22011469304561615 a:0.05022206902503967 his:0.0358317606151104 in:0.026875628158450127 :0.11611802875995636 +and:0.13685840368270874 the:0.05617891624569893 I:0.04029260203242302 but:0.028231779113411903 :0.08597680926322937 +of:0.4754185974597931 and:0.060304317623376846 is:0.02645915560424328 to:0.018091339617967606 :0.03535224497318268 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +the:0.262596070766449 this:0.03983042761683464 a:0.029033513739705086 our:0.012668758630752563 :0.16268955171108246 +the:0.5218763947486877 a:0.05805748328566551 tho:0.023576712235808372 his:0.01832561381161213 :0.03958190977573395 +from:0.060121916234493256 the:0.04756715148687363 through:0.03918690234422684 in:0.03170889616012573 :0.13935253024101257 +the:0.3172595202922821 he:0.041944555938243866 it:0.030262671411037445 they:0.02617827244102955 :0.05358516424894333 +and:0.04875956103205681 of:0.044645342975854874 was:0.035180188715457916 who:0.020828815177083015 :0.18330755829811096 +and:0.3248474895954132 enough:0.09068240970373154 in:0.021593187004327774 to:0.0197905246168375 :0.14361265301704407 +of:0.3007374703884125 and:0.07665570080280304 in:0.06469548493623734 is:0.03287186473608017 :0.026942292228341103 +make:0.03279533609747887 do:0.03237069025635719 get:0.027034861966967583 pay:0.01552716176956892 :0.10511016845703125 +and:0.051375988870859146 John:0.007936671376228333 James:0.005171543452888727 Bryan:0.004610922187566757 :0.5212184190750122 +sity:0.45212456583976746 sary:0.3171698749065399 sarily:0.026059016585350037 sary,:0.009076051414012909 :0.09439369291067123 +be:0.2704681158065796 have:0.028575055301189423 only:0.022970063611865044 bo:0.01900915987789631 :0.06577453017234802 +own:0.06126847118139267 to:0.034986428916454315 and:0.024415649473667145 husband:0.007863040082156658 :0.2001289427280426 +been:0.21000997722148895 a:0.06848669797182083 the:0.03915639966726303 no:0.015620165504515171 :0.09869439899921417 +and:0.08454784750938416 in:0.05531281605362892 of:0.04973047599196434 to:0.019224438816308975 :0.165090411901474 +had:0.07862362265586853 was:0.03997957333922386 would:0.0379766970872879 will:0.019331494346261024 :0.10633088648319244 +cent:0.4833696186542511 cent,:0.2740994989871979 cent.:0.05846234783530235 cent.,:0.011038243770599365 :0.03171498700976372 +be:0.3217918872833252 bo:0.02241213619709015 he:0.018279576674103737 have:0.017712246626615524 :0.12016955763101578 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +is:0.05341806635260582 was:0.05077245086431503 time:0.018162721768021584 Is:0.009431852959096432 :0.14726653695106506 +a:0.1323946863412857 the:0.07133578509092331 not:0.05409318581223488 only:0.015604213811457157 :0.07645665854215622 +to:0.37685486674308777 the:0.07010838389396667 a:0.045467574149370193 it:0.017988570034503937 :0.06331352144479752 +city:0.013649695552885532 United:0.013593826442956924 same:0.007447988726198673 State:0.006762491539120674 :0.2530302107334137 +the:0.2924175262451172 he:0.03886592015624046 it:0.02968260459601879 his:0.02225685864686966 :0.048161450773477554 +is:0.14595293998718262 was:0.066702701151371 Is:0.020747769623994827 will:0.016078120097517967 :0.10497581213712692 +the:0.019548160955309868 of:0.017935244366526604 and:0.014460059814155102 f:0.011449906043708324 :0.35007157921791077 +been:0.30790677666664124 a:0.07482282817363739 not:0.02200114168226719 the:0.020105162635445595 :0.056754618883132935 +to:0.12194342166185379 the:0.10474905371665955 with,:0.06683555245399475 with:0.044076357036828995 :0.06932392716407776 +the:0.035460907965898514 a:0.01833648979663849 I:0.006375887896865606 of:0.005247124936431646 :0.3186233639717102 +of:0.04051817208528519 and:0.03718051686882973 to:0.018426859751343727 the:0.01836816780269146 :0.2756634056568146 +that:0.08045166730880737 far:0.05441715940833092 much:0.04755533114075661 long:0.027600478380918503 :0.13217228651046753 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +the:0.21467460691928864 least:0.08250454813241959 once:0.07339374721050262 a:0.038844410330057144 :0.08253882080316544 +the:0.08224113285541534 a:0.02065357193350792 water:0.01993468403816223 milk:0.011419928632676601 :0.1796789914369583 +the:0.09541328996419907 a:0.017544737085700035 in:0.017024682834744453 it:0.01487965602427721 :0.12451058626174927 +who:0.3033544421195984 of:0.01890953816473484 whose:0.010878875851631165 in:0.01007071416825056 :0.10852823406457901 +the:0.20695267617702484 he:0.03867362067103386 a:0.03550852835178375 it:0.024051465094089508 :0.0941622257232666 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.058423303067684174 other:0.008560128509998322 that:0.008171770721673965 in:0.007596260402351618 :0.1947048008441925 +the:0.2798607349395752 a:0.02589733898639679 his:0.015995915979146957 tho:0.012048481032252312 :0.14676880836486816 +be:0.22385206818580627 the:0.034997910261154175 have:0.026334896683692932 do:0.021996349096298218 :0.08689785748720169 +and:0.21710611879825592 to:0.07859927415847778 of:0.06267717480659485 in:0.040542036294937134 :0.06524571031332016 +time:0.017542505636811256 right,:0.015012092888355255 other:0.012586005963385105 way:0.011546540074050426 :0.18214444816112518 +and:0.07425668835639954 in:0.07359180599451065 at:0.028039967641234398 is:0.026916788890957832 :0.042142078280448914 +the:0.08821702003479004 a:0.02651898004114628 which:0.01637045294046402 this:0.006076316814869642 :0.22668462991714478 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.34086576104164124 a:0.026586618274450302 him:0.017604418098926544 his:0.016579842194914818 :0.09291145950555801 +and:0.1463000327348709 but:0.05835635960102081 the:0.032606832683086395 I:0.024082355201244354 :0.13619370758533478 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.18220743536949158 the:0.052495989948511124 but:0.03885253518819809 as:0.03427574783563614 :0.037326473742723465 +to:0.1416626274585724 the:0.13311904668807983 and:0.0701540932059288 a:0.05133521556854248 :0.09419041126966476 +growth:0.07497721910476685 increase:0.03411422297358513 rate.:0.0311411265283823 rate:0.023055899888277054 :0.18021683394908905 +the:0.3338436186313629 a:0.10651315748691559 this:0.021152470260858536 his:0.019553758203983307 :0.0722787156701088 +of:0.7070074677467346 to:0.029302965849637985 and:0.01760050095617771 on:0.013277646154165268 :0.012975556775927544 +in:0.3381383717060089 the:0.07646466046571732 at:0.037272967398166656 a:0.034123677760362625 :0.06923376023769379 +though:0.07589501887559891 the:0.07546662539243698 if:0.07438063621520996 in:0.0716056227684021 :0.06715396791696548 +a:0.032076239585876465 the:0.03000742197036743 able:0.012361465953290462 in:0.011642379686236382 :0.13892149925231934 +and:0.0911441445350647 The:0.031472448259592056 of:0.030975524336099625 in:0.026452217251062393 :0.12389387935400009 +the:0.4528491199016571 a:0.12582194805145264 his:0.030767522752285004 tho:0.02126729115843773 :0.06059675291180611 +and:0.015517262741923332 of:0.013371908105909824 age:0.0031519802287220955 in:0.003144277958199382 :0.2855387330055237 +the:0.2123367339372635 a:0.026626482605934143 this:0.021266255527734756 his:0.01273070927709341 :0.15795782208442688 +have:0.12466293573379517 are:0.061308473348617554 were:0.04080112278461456 can:0.0383840836584568 :0.059724871069192886 +the:0.1442648321390152 it:0.03542281314730644 I:0.0315731018781662 if:0.027808722108602524 :0.06093636155128479 +own:0.037258122116327286 people:0.01159228291362524 country:0.010639498941600323 readers:0.009476779028773308 :0.18781457841396332 +dens:0.2764878273010254 den:0.17836187779903412 The:0.007438306696712971 and:0.004990816581994295 :0.1964809000492096 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +of:0.10306010395288467 to:0.0895136222243309 and:0.06594795733690262 the:0.048010729253292084 :0.11663709580898285 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +be:0.10177698731422424 have:0.09503763914108276 not:0.08367057889699936 say:0.02943255752325058 :0.06340998411178589 +be:0.08318445086479187 do:0.03631408140063286 the:0.030070725828409195 pay:0.02821940928697586 :0.11444823443889618 +a:0.15839922428131104 the:0.07261718064546585 an:0.024287039414048195 that:0.017714153975248337 :0.08983969688415527 +the:0.038925062865018845 unlimited:0.03745999187231064 a:0.013877551071345806 other:0.011661799624562263 :0.2610764503479004 +a:0.0726439356803894 the:0.041453536599874496 to:0.022616900503635406 no:0.018998829647898674 :0.15269926190376282 +of:0.25637489557266235 and:0.047680992633104324 in:0.03732744976878166 to:0.03575585409998894 :0.05145652964711189 +to:0.08216838538646698 the:0.04864714294672012 that:0.014169071801006794 in:0.011959870345890522 :0.11996916681528091 +and:0.08929959684610367 in:0.07154759764671326 with:0.01394885778427124 the:0.013002955354750156 :0.1220458522439003 +have:0.055494099855422974 was:0.053482696413993835 am:0.04173511639237404 had:0.03533387556672096 :0.07506255805492401 +of:0.1946243941783905 and:0.06657306104898453 was:0.03745883330702782 in:0.017310943454504013 :0.12796491384506226 +the:0.15200012922286987 a:0.021195048466324806 to:0.012985632754862309 his:0.012485171668231487 :0.29259440302848816 +and:0.055053725838661194 of:0.030820796266198158 the:0.014994854107499123 in:0.010684331879019737 :0.223981574177742 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +and:0.18278536200523376 the:0.050805751234292984 but:0.050129931420087814 as:0.035291269421577454 :0.033938392996788025 +the:0.289355605840683 a:0.045107513666152954 this:0.021881135180592537 tho:0.018911441788077354 :0.13322745263576508 +are:0.0895395278930664 have:0.07241003215312958 will:0.039574041962623596 shall:0.036896537989377975 :0.053994666785001755 +the:0.1757367104291916 he:0.080602265894413 you:0.07572910934686661 it:0.05061241239309311 :0.04795185476541519 +the:0.2720367908477783 a:0.1026572659611702 some:0.014956556260585785 an:0.013911326415836811 :0.0702366754412651 +the:0.13086077570915222 a:0.06761959940195084 to:0.059839751571416855 they:0.03752827271819115 :0.06290028244256973 +much:0.1304270327091217 that:0.07512427121400833 far:0.03484606742858887 as:0.03173575922846794 :0.11558306217193604 +was:0.11876391619443893 is:0.05789565667510033 has:0.05610578879714012 had:0.05602358654141426 :0.0637943297624588 +of:0.12510159611701965 per:0.11865941435098648 and:0.07604670524597168 on:0.032242532819509506 :0.07726140320301056 +and:0.055290818214416504 the:0.03496865928173065 of:0.018648765981197357 The:0.017157357186079025 :0.15760640799999237 +the:0.35037410259246826 a:0.030525721609592438 tho:0.017223233357071877 any:0.016152286902070045 :0.08453870564699173 +been:0.2651047706604004 the:0.02580641396343708 not:0.025459913536906242 a:0.022140808403491974 :0.10855196416378021 +and:0.05665173754096031 of:0.034939225763082504 The:0.019329246133565903 ing:0.015450097620487213 :0.19395999610424042 +and:0.07313369959592819 of:0.029176589101552963 the:0.01658129319548607 to:0.015715744346380234 :0.1999908983707428 +to:0.2666238248348236 of:0.06406737118959427 the:0.0566968135535717 a:0.035987842828035355 :0.09956742823123932 +west:0.04525729641318321 of:0.037256017327308655 and:0.0305608119815588 45:0.02909124828875065 :0.15922297537326813 +the:0.029805846512317657 was:0.024232015013694763 and:0.021377403289079666 of:0.019057905301451683 :0.15419472754001617 +the:0.4173106253147125 a:0.051815617829561234 tho:0.022686056792736053 which:0.018396267667412758 :0.08811182528734207 +to:0.10906048864126205 and:0.09647500514984131 of:0.08027486503124237 in:0.054796427488327026 :0.032045550644397736 +who:0.14465153217315674 of:0.07022881507873535 in:0.05087956413626671 and:0.038964830338954926 :0.04152437672019005 +and:0.03573586419224739 the:0.013444139622151852 is:0.009888952597975731 to:0.00912474188953638 :0.3634822964668274 +the:0.029679756611585617 .:0.022141233086586 a:0.01290622353553772 e:0.009202171117067337 :0.42679768800735474 +a:0.1151701956987381 the:0.05246611684560776 only:0.037605080753564835 to:0.03163502365350723 :0.09793591499328613 +the:0.08773594349622726 off:0.07994987815618515 down:0.06170828267931938 them:0.046187229454517365 :0.05824867635965347 +most:0.04022032395005226 only:0.03943133354187012 best:0.021071380004286766 same:0.016193628311157227 :0.14704184234142303 +and:0.0868942067027092 to:0.07954796403646469 in:0.029140345752239227 the:0.02615291066467762 :0.13408365845680237 +the:0.17876000702381134 a:0.035690367221832275 his:0.011183093301951885 their:0.010053517296910286 :0.2024805098772049 +The:0.10168232768774033 It:0.04577561840415001 I:0.038755953311920166 and:0.024971304461359978 :0.14873814582824707 +J:0.011771954596042633 B.:0.010938419960439205 A.:0.01076602190732956 M.:0.010109729133546352 :0.5404247045516968 +the:0.3039647936820984 which:0.03497270494699478 this:0.026268279179930687 a:0.02404622919857502 :0.0713963657617569 +by:0.05562615394592285 in:0.03794492408633232 the:0.03496788814663887 and:0.033870454877614975 :0.20744578540325165 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +to:0.7111071348190308 a:0.03540650010108948 the:0.019558414816856384 they:0.010448063723742962 :0.019231224432587624 +Grant:0.022530050948262215 Lee:0.015823867172002792 Jackson:0.009034850634634495 Grant,:0.008752735331654549 :0.46314141154289246 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.02713688649237156 of:0.01680792309343815 the:0.014354223385453224 to:0.012612773105502129 :0.33075326681137085 +the:0.1318093091249466 by:0.08248946815729141 and:0.051286160945892334 in:0.049966637045145035 :0.09821787476539612 +in:0.06303232163190842 being:0.02889315038919449 a:0.017847808077931404 on:0.015037662349641323 :0.13628458976745605 +the:0.2196294516324997 that:0.13326330482959747 a:0.04722678288817406 what:0.018852736800909042 :0.06475405395030975 +the:0.29703348875045776 a:0.041834574192762375 this:0.03350982069969177 said:0.02477671578526497 :0.06143013387918472 +a:0.04173225536942482 not:0.03975921869277954 the:0.03575998172163963 in:0.019713636487722397 :0.10048657655715942 +to:0.30375128984451294 in:0.03480531647801399 and:0.02781386487185955 for:0.027326641604304314 :0.035296909511089325 +of:0.14388273656368256 and:0.10763783752918243 in:0.04527675360441208 was:0.04377913102507591 :0.045085981488227844 +the:0.06254741549491882 a:0.011542216874659061 that:0.010879721492528915 he:0.009061897173523903 :0.3084714114665985 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +of:0.2566757798194885 in:0.06913435459136963 and:0.04548563063144684 on:0.03975224122405052 :0.035305511206388474 +the:0.0530867874622345 and:0.04982670396566391 of:0.025301242247223854 a:0.01981290988624096 :0.18948997557163239 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +the:0.09352266043424606 that:0.06492342799901962 and:0.04394233971834183 in:0.030559338629245758 :0.04674012213945389 +the:0.2729046046733856 a:0.04847363755106926 this:0.03541930019855499 their:0.013880782760679722 :0.10512766242027283 +was:0.12833131849765778 had:0.055492229759693146 is:0.05530158802866936 has:0.04449862614274025 :0.07998837530612946 +the:0.30246061086654663 a:0.05021132901310921 tho:0.023100536316633224 him:0.018790941685438156 :0.10124117881059647 +the:0.2685728073120117 a:0.07241274416446686 this:0.024884697049856186 his:0.020021194592118263 :0.05720032379031181 +sence:0.1389790177345276 solutely:0.042394205927848816 ing:0.004870143253356218 -:0.004824585281312466 :0.5434364080429077 +that:0.26769107580184937 of:0.10060577839612961 to:0.05358711630105972 and:0.04154091700911522 :0.034678440541028976 +The:0.15645112097263336 It:0.06914284080266953 In:0.05333602800965309 He:0.04244084656238556 :0.07467947155237198 +only:0.013263356871902943 first:0.00876232236623764 fact:0.006811343599110842 man:0.005509281065315008 :0.14711812138557434 +the:0.18050922453403473 to:0.059668250381946564 him:0.04034273326396942 a:0.029410721734166145 :0.07740199565887451 +ent:0.2718871831893921 ent,:0.2058848887681961 ent.:0.07174307107925415 ence:0.06422340869903564 :0.14660081267356873 +the:0.09800150990486145 a:0.026450663805007935 in:0.012739909812808037 to:0.012136668898165226 :0.14490123093128204 +the:0.1854175180196762 a:0.11696071922779083 an:0.023997554555535316 it:0.02152150869369507 :0.14412371814250946 +the:0.5411149859428406 these:0.03907497599720955 them:0.03836212679743767 his:0.028240131214261055 :0.04238632321357727 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +time:0.3119473159313202 distance:0.13066013157367706 time.:0.05149916186928749 time,:0.04811108857393265 :0.08481808751821518 +the:0.061711687594652176 be:0.030690133571624756 this:0.026219425722956657 make:0.024289647117257118 :0.12563562393188477 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +and:0.1252063363790512 that:0.043922048062086105 but:0.025508524850010872 as:0.022036803886294365 :0.06406554579734802 +wife,:0.03618200495839119 own:0.019316434860229492 wife:0.016476640477776527 head:0.009530908428132534 :0.19299203157424927 +mortgage:0.03486073762178421 County:0.014469009824097157 John:0.012604025192558765 James:0.009327806532382965 :0.15688163042068481 +and:0.04962794482707977 people:0.014404885470867157 government:0.009116505272686481 languages,:0.0076843565329909325 :0.3033497929573059 +the:0.14370542764663696 about:0.07511482387781143 them:0.042002975940704346 out:0.03878133371472359 :0.06294336915016174 +a:0.07004442065954208 no:0.0664166584610939 been:0.06209052726626396 not:0.032648757100105286 :0.07627592235803604 +growth:0.07497721910476685 increase:0.03411422297358513 rate.:0.0311411265283823 rate:0.023055899888277054 :0.18021683394908905 +the:0.27063384652137756 a:0.05489915981888771 his:0.05294469743967056 in:0.03510028123855591 :0.047608260065317154 +of:0.09050250053405762 had:0.05671998858451843 are:0.05156804621219635 were:0.04323986917734146 :0.035328105092048645 +and:0.10703641176223755 The:0.026946378871798515 to:0.022355837747454643 but:0.017809685319662094 :0.15553919970989227 +few:0.028271138668060303 day:0.015478950925171375 man:0.01516008097678423 large:0.014353223145008087 :0.17921699583530426 +not:0.5484421253204346 be:0.020722292363643646 have:0.010862970724701881 never:0.007117316126823425 :0.20656996965408325 +the:0.2925932705402374 a:0.049014244228601456 tho:0.01466889213770628 this:0.012871059589087963 :0.19353394210338593 +and:0.031146511435508728 to:0.012866212986409664 of:0.005305491387844086 the:0.005048259161412716 :0.23851947486400604 +of:0.051735199987888336 year,:0.04539909213781357 year:0.030393648892641068 and:0.02706305868923664 :0.11561820656061172 +and:0.03533845394849777 the:0.00798314344137907 to:0.006923831067979336 for:0.006509761326014996 :0.2451169490814209 +of:0.017626328393816948 and:0.012775023467838764 feet:0.007590575143694878 to:0.006399630103260279 :0.25747546553611755 +of:0.32664164900779724 and:0.09134605526924133 in:0.03366399556398392 from:0.02560890093445778 :0.04318045824766159 +six:0.04262015223503113 ten:0.038898829370737076 the:0.035947535187006 one:0.03297309949994087 :0.1334919035434723 +to:0.07715772837400436 and:0.05685723200440407 in:0.04291875287890434 at:0.029397131875157356 :0.06517002731561661 +men:0.005058476235717535 way:0.00450994074344635 people:0.004237808752804995 I:0.003998425789177418 :0.3419777452945709 +are:0.17234598100185394 were:0.11943870782852173 have:0.07132608443498611 will:0.04006531834602356 :0.05410304293036461 +in:0.10676034539937973 of:0.09995518624782562 and:0.07050108909606934 that:0.04462467506527901 :0.06793323904275894 +old:0.026175247505307198 order:0.023118725046515465 act:0.02026953175663948 inch:0.014763460494577885 :0.2104703038930893 +and:0.12035181373357773 of:0.07214906811714172 to:0.06243037432432175 in:0.059409331530332565 :0.07703926414251328 +all:0.19245274364948273 every:0.043702591210603714 two:0.041048694401979446 a:0.03632958605885506 :0.10694664716720581 +a:0.03684420883655548 the:0.0364057794213295 made:0.02793208695948124 sold:0.016866616904735565 :0.12324710190296173 +and:0.1019226685166359 of:0.0769142284989357 to:0.06974633783102036 is:0.03716925159096718 :0.06045174226164818 +and:0.22091464698314667 in:0.048957258462905884 on:0.03662993013858795 which:0.03186371922492981 :0.0353846400976181 +of:0.22627507150173187 the:0.04516453668475151 a:0.02042670175433159 and:0.01913408748805523 :0.1506987363100052 +and:0.11568140238523483 cream:0.04163534939289093 or:0.03912334516644478 to:0.027652638033032417 :0.07423021644353867 +steady;:0.08548321574926376 steady.:0.056221578270196915 unchanged;:0.029959481209516525 firm;:0.02918167971074581 :0.16316302120685577 +to:0.7557368278503418 thereto.:0.015858469530940056 and:0.01278551947325468 the:0.012692363001406193 :0.028895143419504166 +The:0.15881219506263733 It:0.0727819874882698 He:0.03538530692458153 In:0.02891683019697666 :0.08452646434307098 +and:0.05711481347680092 of:0.0513860248029232 to:0.04396015778183937 12:0.024635083973407745 :0.19942699372768402 +have:0.15657615661621094 are:0.11812344193458557 were:0.06235668435692787 had:0.031704165041446686 :0.049045637249946594 +Representatives:0.2289779782295227 the:0.08123528212308884 Representatives,:0.0633985698223114 Delegates:0.040405236184597015 :0.2621626853942871 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +is:0.1814880669116974 was:0.06831024587154388 year:0.0193409975618124 Is:0.016225483268499374 :0.08562152087688446 +not:0.04008355736732483 a:0.026162371039390564 to:0.025843676179647446 the:0.020130276679992676 :0.1092848852276802 +and:0.26280567049980164 but:0.03793090581893921 the:0.029055630788207054 as:0.023679938167333603 :0.0636352151632309 +to:0.11313211917877197 that:0.05820852145552635 in:0.04264053702354431 and:0.04086868092417717 :0.0660005509853363 +no:0.0920792818069458 a:0.033368803560733795 many:0.03168802335858345 not:0.029524797573685646 :0.1221274733543396 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.3020094335079193 a:0.05128295719623566 his:0.027676738798618317 this:0.02500441111624241 :0.05295605584979057 +the:0.1352820247411728 them:0.1332622915506363 him:0.11383365839719772 us:0.10410729795694351 :0.053303126245737076 +the:0.5411149859428406 these:0.03907497599720955 them:0.03836212679743767 his:0.028240131214261055 :0.04238632321357727 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +was:0.11550935357809067 is:0.06043621152639389 had:0.052795663475990295 has:0.03665871545672417 :0.0778137743473053 +the:0.03240111097693443 not:0.030367817729711533 now:0.018668483942747116 in:0.01242585014551878 :0.15176509320735931 +to:0.16880285739898682 and:0.07769208401441574 in:0.05831504240632057 is:0.04418785870075226 :0.056774817407131195 +school:0.11319348961114883 price:0.019082283601164818 and:0.017851252108812332 cost:0.017812276259064674 :0.13620102405548096 +the:0.05082084983587265 a:0.02805444784462452 any:0.020677393302321434 other:0.0164695605635643 :0.26022598147392273 +the:0.14789868891239166 it:0.08409715443849564 we:0.06558143347501755 they:0.051381781697273254 :0.04276607930660248 +be:0.2097666710615158 not:0.04720428213477135 have:0.02686362899839878 bo:0.01757846027612686 :0.12030749768018723 +by:0.3217950761318207 in:0.09106819331645966 and:0.061660684645175934 to:0.02741614542901516 :0.03997613117098808 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +act,:0.07564470916986465 act:0.06759563833475113 direction:0.020290443673729897 complaint,:0.018697692081332207 :0.13768595457077026 +a:0.1246887743473053 the:0.10909740626811981 of:0.07722446322441101 from:0.04971170052886009 :0.056763049215078354 +be:0.03741493821144104 been:0.027333233505487442 the:0.0237138494849205 have:0.021154535934329033 :0.14507657289505005 +and:0.1255827695131302 the:0.04430311173200607 but:0.021680692210793495 which:0.017569130286574364 :0.1534220427274704 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +the:0.08045901358127594 that:0.049852531403303146 and:0.04491591081023216 I:0.04438299313187599 :0.061965957283973694 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.28945085406303406 a:0.04464682564139366 said:0.02520369365811348 tho:0.016919661313295364 :0.14298364520072937 +of:0.5379178524017334 and:0.036686141043901443 to:0.028282219544053078 the:0.026563100516796112 :0.04358348622918129 +year:0.021688614040613174 country:0.018981751054525375 and:0.017837706953287125 morning:0.014185660518705845 :0.127450630068779 +The:0.17393676936626434 It:0.04671360179781914 He:0.030015388503670692 I:0.028768343850970268 :0.07633278518915176 +been:0.06249157711863518 a:0.06208689510822296 not:0.05371187627315521 no:0.03624577447772026 :0.09592629224061966 +of:0.06551894545555115 the:0.058740656822919846 and:0.04664572328329086 to:0.025490829721093178 :0.12970583140850067 +and:0.009256047196686268 of:0.008365384303033352 was:0.006122126244008541 in:0.005859279539436102 :0.35869988799095154 +and:0.0813230350613594 the:0.044023409485816956 of:0.02879311516880989 a:0.025983957573771477 :0.1820284128189087 +situate:0.05965249985456467 in:0.05886959284543991 and:0.05068540573120117 to:0.028075754642486572 :0.07618731260299683 +first:0.012744022533297539 following:0.010384504683315754 only:0.009100100956857204 next:0.008972835727036 :0.13956807553768158 +number:0.07777847349643707 amount:0.04838838055729866 part:0.027107100933790207 portion:0.02523159608244896 :0.13888540863990784 +and:0.07807861268520355 to:0.03526998683810234 was:0.023324400186538696 is:0.02090839482843876 :0.24032311141490936 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +of:0.0359230637550354 in:0.020159903913736343 will:0.018115302547812462 the:0.01690850779414177 :0.0668916180729866 +and:0.030167412012815475 range:0.007558122277259827 a:0.00581758888438344 scale.:0.005734391510486603 :0.16269785165786743 +be:0.2050066739320755 have:0.028163984417915344 only:0.02433883398771286 do:0.01757112145423889 :0.07342761754989624 +to:0.07278495281934738 of:0.04257814586162567 for:0.04143508896231651 shall:0.037705063819885254 :0.057665616273880005 +simple:0.07180481404066086 and:0.051382072269916534 the:0.04940187931060791 for:0.03491557016968727 :0.1350468099117279 +not:0.041804682463407516 the:0.0401930995285511 a:0.039397791028022766 to:0.017225652933120728 :0.15679289400577545 +been:0.09620752930641174 not:0.043716926127672195 seen:0.042396847158670425 no:0.038169410079717636 :0.07455656677484512 +years:0.08291364461183548 dollars:0.04076047241687775 acres:0.03999308496713638 thousand:0.037954822182655334 :0.13260850310325623 +the:0.23891955614089966 America,:0.07870457321405411 America:0.06616004556417465 a:0.025119883939623833 :0.09129420667886734 +the:0.03373672813177109 to:0.011652638204395771 a:0.0089998384937644 in:0.007431653328239918 :0.19829463958740234 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +who:0.16145220398902893 of:0.05748967081308365 was:0.04510621353983879 in:0.03221951797604561 :0.05457519367337227 +The:0.1900126039981842 He:0.046519260853528976 It:0.041405681520700455 A:0.033620838075876236 :0.09847737848758698 +and:0.11323852092027664 but:0.03257181495428085 the:0.018140897154808044 as:0.015926338732242584 :0.1661112755537033 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +great:0.03247062861919403 good:0.0299025047570467 very:0.027103561908006668 matter:0.01384598109871149 :0.14564718306064606 +of:0.14281651377677917 the:0.07186413556337357 for:0.051633454859256744 to:0.047279637306928635 :0.07376540452241898 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.11399614810943604 to:0.053861480206251144 in:0.033678676933050156 at:0.029357880353927612 :0.13877995312213898 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +in:0.05822969600558281 as:0.0582154355943203 whereas,:0.05255779251456261 with:0.037500251084566116 :0.09540987014770508 +from:0.13240160048007965 to:0.13112804293632507 along:0.12856358289718628 of:0.10791124403476715 :0.05206158012151718 +to:0.21945303678512573 for:0.04934275522828102 and:0.040951840579509735 in:0.0387856625020504 :0.10760492831468582 +ton:0.43834149837493896 ton,:0.2383391261100769 ton.:0.1953575313091278 ton's:0.015199894085526466 :0.0450461283326149 +to:0.1660807877779007 by:0.11120375990867615 in:0.0754176527261734 for:0.062221791595220566 :0.04142758622765541 +and:0.14167103171348572 at:0.0787072479724884 in:0.06068140268325806 to:0.02944469451904297 :0.14631912112236023 +be:0.21251386404037476 have:0.030427806079387665 do:0.02477237395942211 make:0.02285473607480526 :0.0642872080206871 +own:0.0184226892888546 names:0.006107894703745842 way:0.005015367642045021 lives:0.0041093118488788605 :0.3019191324710846 +was:0.129290372133255 had:0.1001681461930275 is:0.03890467807650566 has:0.033998798578977585 :0.09388433396816254 +be:0.07766441255807877 not:0.05735217034816742 have:0.030528182163834572 make:0.01922501251101494 :0.0982060432434082 +and:0.052565786987543106 of:0.049310892820358276 to:0.016812916845083237 in:0.014663497917354107 :0.23754222691059113 +the:0.09052592515945435 he:0.04138496145606041 I:0.03292595595121384 they:0.026549875736236572 :0.13004960119724274 +The:0.11809809505939484 It:0.06146717444062233 I:0.050688423216342926 He:0.034007009118795395 :0.09096688032150269 +and:0.0446237288415432 to:0.03858334198594093 the:0.03344714269042015 of:0.02863253280520439 :0.2248939722776413 +the:0.1856844425201416 he:0.050938040018081665 it:0.04644451662898064 they:0.0337260477244854 :0.044042862951755524 +der:0.19138340651988983 til:0.09574074298143387 able:0.027655484154820442 known:0.02294955961406231 :0.29627686738967896 +The:0.24550412595272064 It:0.051103152334690094 He:0.04001126438379288 In:0.03292698413133621 :0.13338513672351837 +to:0.34064385294914246 the:0.0807451382279396 a:0.046027664095163345 him:0.02596306800842285 :0.04884934052824974 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.2750662565231323 but:0.048368122428655624 the:0.037983205169439316 which:0.021426113322377205 :0.07026921212673187 +the:0.21190743148326874 a:0.034347791224718094 his:0.030602293089032173 this:0.02878153882920742 :0.10618452727794647 +of:0.6981145143508911 and:0.029410768300294876 in:0.015292201191186905 ot:0.012446392327547073 :0.028749218210577965 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.07874133437871933 be:0.05191121622920036 do:0.023118123412132263 make:0.020177138969302177 :0.09400258213281631 +and:0.12394963949918747 the:0.03340855613350868 in:0.029214587062597275 to:0.012274431064724922 :0.15381938219070435 +mortgage:0.03486073762178421 County:0.014469009824097157 John:0.012604025192558765 James:0.009327806532382965 :0.15688163042068481 +and:0.07548823207616806 of:0.042558059096336365 The:0.026117881760001183 to:0.021730341017246246 :0.1678052395582199 +to:0.04739425331354141 and:0.02718372642993927 in:0.020462242886424065 as:0.01746780052781105 :0.22446496784687042 +person:0.16084891557693481 one:0.04637419059872627 and:0.030234765261411667 man:0.023712458088994026 :0.06941360980272293 +the:0.08415096253156662 equitable:0.019568856805562973 to:0.015216917730867863 all:0.012107359245419502 :0.13258114457130432 +not:0.8050920963287354 know:0.007783264387398958 not,:0.007423096336424351 so:0.006444877479225397 :0.015420875512063503 +the:0.24479323625564575 be:0.03732176497578621 a:0.03725537657737732 this:0.018081145361065865 :0.10579556971788406 +the:0.11163201183080673 a:0.014018982648849487 his:0.008086027577519417 in:0.006207684986293316 :0.14356577396392822 +by:0.1251867413520813 for:0.11532752960920334 to:0.10847914963960648 in:0.09582024812698364 :0.039576318114995956 +by:0.08963004499673843 in:0.08441369980573654 and:0.06570777297019958 on:0.03981301933526993 :0.05887647718191147 +and:0.17737703025341034 a:0.044227954000234604 the:0.04189477860927582 but:0.03368065878748894 :0.09617363661527634 +of:0.6110453009605408 and:0.03416057303547859 ot:0.0164064671844244 the:0.015539530664682388 :0.02084985189139843 +the:0.08524803072214127 in:0.06305509060621262 a:0.04200102388858795 up:0.02035328559577465 :0.10296656936407089 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +or:0.09073761850595474 years:0.04572339728474617 of:0.04526517167687416 men:0.031715452671051025 :0.13857126235961914 +the:0.1479635387659073 him:0.06084248796105385 him.:0.05555349588394165 them:0.04104563593864441 :0.08404698967933655 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +per:0.10936496406793594 years:0.07851103693246841 thousand:0.052867770195007324 dollars:0.035808712244033813 :0.09991001337766647 +and:0.09289545565843582 the:0.08191586285829544 to:0.07709529995918274 that:0.056315094232559204 :0.05270044878125191 +and:0.04768970608711243 to:0.02830837480723858 is:0.020355863496661186 the:0.018679002299904823 :0.33070242404937744 +and:0.051673807203769684 the:0.021503431722521782 of:0.02013072557747364 to:0.01933952420949936 :0.29232925176620483 +and:0.1431780606508255 the:0.03932001441717148 which:0.02412310801446438 a:0.023374777287244797 :0.05051756277680397 +The:0.10037895292043686 It:0.0420415960252285 In:0.03434760868549347 This:0.023247472941875458 :0.11814285814762115 +the:0.10744135081768036 out:0.0904005840420723 a:0.08931653946638107 that:0.05872645974159241 :0.05516032129526138 +to:0.1951455920934677 that:0.10284855961799622 the:0.06312742829322815 by:0.03935389220714569 :0.038507815450429916 +own:0.031807057559490204 life:0.015611312352120876 friends:0.014436210505664349 life.:0.007515784353017807 :0.1963181346654892 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.19133208692073822 he:0.13542945683002472 they:0.03845704346895218 it:0.03336681053042412 :0.04420442134141922 +and:0.035205017775297165 of:0.029845163226127625 the:0.016020558774471283 to:0.011217350140213966 :0.29004913568496704 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +and:0.08242074400186539 is:0.01815551519393921 was:0.014856877736747265 of:0.010736417025327682 :0.37701261043548584 +to:0.1809413582086563 from:0.09598780423402786 by:0.07054530829191208 in:0.05429690703749657 :0.0522264800965786 +of:0.3236490488052368 to:0.2798740863800049 and:0.0373612679541111 in:0.022803358733654022 :0.03446555510163307 +own:0.048197973519563675 hand,:0.009595496580004692 hands:0.009424029849469662 office:0.007155847270041704 :0.1683138906955719 +the:0.1787499636411667 it:0.09537557512521744 a:0.06121307611465454 them:0.039831142872571945 :0.0554019957780838 +a:0.25246745347976685 an:0.040857311338186264 changes:0.009785505943000317 as:0.009762519970536232 :0.1397731751203537 +and:0.0539906844496727 with:0.012855750508606434 floral:0.010076611302793026 in:0.009689630009233952 :0.26441818475723267 +the:0.022329404950141907 had:0.00638582743704319 said:0.0063257114961743355 a:0.006124783772975206 :0.5057944655418396 +the:0.2045731097459793 a:0.04723981022834778 this:0.031287167221307755 tho:0.021378561854362488 :0.1520950198173523 +had:0.08979462832212448 was:0.08807654678821564 has:0.0618189312517643 is:0.06047665700316429 :0.06459695845842361 +men:0.02626078575849533 and:0.02175511047244072 man:0.013511043973267078 people:0.006309050135314465 :0.2659378945827484 +the:0.3223121464252472 a:0.030216684564948082 this:0.024922391399741173 tho:0.01504351757466793 :0.14647024869918823 +been:0.35705727338790894 to:0.030045753344893456 a:0.019974419847130775 done:0.01883944869041443 :0.058857910335063934 +the:0.04226868599653244 paid:0.027922919020056725 made:0.02305094711482525 a:0.02211936004459858 :0.12796582281589508 +the:0.1108187735080719 a:0.1004662960767746 in:0.07419245690107346 that:0.05649658292531967 :0.05105876177549362 +of:0.23648813366889954 and:0.16595466434955597 in:0.053198378533124924 by:0.027645224705338478 :0.034860759973526 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.12495043128728867 a:0.046910177916288376 and:0.028486482799053192 to:0.02483983151614666 :0.06408144533634186 +said:0.02630019746720791 necessary:0.024182887747883797 the:0.023610929027199745 a:0.023093437775969505 :0.15968811511993408 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +to:0.17636923491954803 that:0.0748518705368042 from:0.05532614141702652 and:0.05437789484858513 :0.045728135854005814 +to:0.13055188953876495 the:0.09088041633367538 a:0.047957755625247955 in:0.02838384360074997 :0.04942821338772774 +in:0.07743383198976517 to:0.0637408122420311 and:0.041439495980739594 from:0.03396138176321983 :0.08025564253330231 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.09207747131586075 to:0.04707830026745796 by:0.018223363906145096 a:0.01822279952466488 :0.07842126488685608 +19,:0.2588542103767395 and:0.025631636381149292 the:0.012739894911646843 block:0.009149035438895226 :0.2937122583389282 +action:0.041134849190711975 effort:0.02989397943019867 old:0.0180367399007082 hour:0.01677156426012516 :0.1936364769935608 +and:0.06388287246227264 to:0.029010668396949768 was:0.018610864877700806 of:0.014776468276977539 :0.23104675114154816 +the:0.20031674206256866 my:0.05184546485543251 this:0.03243311122059822 him:0.028407305479049683 :0.0845775455236435 +and:0.10163730382919312 who:0.05363404378294945 in:0.05000007525086403 the:0.04458288103342056 :0.05214924365282059 +exception:0.031237632036209106 and:0.01277485303580761 day:0.007253422401845455 side:0.0066394684836268425 :0.18996989727020264 +and:0.04374485835433006 of:0.03984419256448746 to:0.036196425557136536 or:0.028516091406345367 :0.17317067086696625 +and:0.029084177687764168 for:0.018190454691648483 deal:0.01669628731906414 to:0.013854236342012882 :0.21748660504817963 +of:0.060931090265512466 and:0.05129634961485863 to:0.020107021555304527 the:0.019177861511707306 :0.16826671361923218 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +been:0.22281159460544586 a:0.05023995414376259 not:0.02663886733353138 the:0.02092059515416622 :0.09591406583786011 +and:0.1536576896905899 the:0.04824798181653023 to:0.023376990109682083 as:0.02122221142053604 :0.14086207747459412 +the:0.12005435675382614 a:0.06930263340473175 to:0.05600621923804283 that:0.027378683909773827 :0.09389514476060867 +and:0.07577608525753021 cane:0.03664541617035866 cane,:0.02402161806821823 beet:0.018064850941300392 :0.18709716200828552 +ern:0.4441083073616028 erate:0.12967447936534882 est:0.03157386556267738 day:0.0062927668914198875 :0.15967412292957306 +and:0.06507612764835358 in:0.014694818295538425 of:0.009340732358396053 than:0.008406074717640877 :0.25052034854888916 +and:0.11391837149858475 in:0.1058720275759697 to:0.04761940985918045 of:0.042986493557691574 :0.04210226237773895 +law:0.01306803897023201 crop:0.009026746265590191 company:0.007832321338355541 building:0.007612766232341528 :0.13385991752147675 +far:0.07022429257631302 the:0.05124511569738388 much:0.04578827694058418 I:0.03941816836595535 :0.09462155401706696 +The:0.16223794221878052 It:0.054496537894010544 They:0.04422697424888611 He:0.02412290684878826 :0.07014080137014389 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +a:0.0389263816177845 not:0.025052916258573532 to:0.02419402450323105 the:0.02402999997138977 :0.14204111695289612 +and:0.06007068604230881 the:0.039101678878068924 The:0.020566774532198906 in:0.016753047704696655 :0.18744643032550812 +ing:0.8805568218231201 ed:0.024149158969521523 ing,:0.014081910252571106 and:0.0027468777261674404 :0.021996648982167244 +stance:0.051204416900873184 crease:0.013708921149373055 terest:0.012740859761834145 stead:0.012681194581091404 :0.45490705966949463 +.:0.0767689198255539 and:0.02348540723323822 of:0.012947432696819305 was:0.012904563918709755 :0.3729308545589447 +was:0.12793941795825958 had:0.1084190160036087 would:0.06237722188234329 could:0.04393405467271805 :0.08221728354692459 +by:0.19628950953483582 the:0.16456790268421173 a:0.04282683506608009 and:0.029817121103405952 :0.07192827761173248 +to:0.03424917906522751 of:0.027379803359508514 and:0.018577462062239647 in:0.013621751219034195 :0.2060764729976654 +be:0.6180785894393921 not:0.04881948605179787 bo:0.03562401607632637 have:0.02207905426621437 :0.024266105145215988 +to:0.3077663481235504 a:0.04393242672085762 been:0.03804061934351921 and:0.032989706844091415 :0.07016871124505997 +great:0.020006828010082245 very:0.015455626882612705 good:0.013858182355761528 large:0.013535664416849613 :0.17245225608348846 +the:0.01869324967265129 and:0.01702343486249447 a:0.008852946572005749 in:0.008391442708671093 :0.40352457761764526 +to:0.03751349821686745 only:0.03142409399151802 a:0.02703016623854637 so:0.02489987201988697 :0.12790699303150177 +of:0.6868194937705994 for:0.04511886462569237 to:0.030781332403421402 ot:0.016622696071863174 :0.016320480033755302 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.4295600354671478 a:0.05052735656499863 tho:0.02609582617878914 his:0.02077699825167656 :0.037411484867334366 +the:0.327913761138916 a:0.04478137195110321 this:0.020964166149497032 his:0.01880783587694168 :0.1518632471561432 +time:0.062497083097696304 as:0.03424028307199478 to:0.02136545069515705 time,:0.017479538917541504 :0.08758080005645752 +the:0.23875421285629272 a:0.06633058190345764 number,:0.06411055475473404 his:0.012830697931349277 :0.13472603261470795 +the:0.02423911914229393 and:0.02353576011955738 of:0.01829070970416069 to:0.008891644887626171 :0.2637425363063812 +men:0.06542098522186279 were:0.031136060133576393 years:0.024379149079322815 are:0.019941164180636406 :0.21053874492645264 +marked:0.1567617803812027 of:0.07444444298744202 office:0.05585671216249466 in:0.046011004596948624 :0.1220700666308403 +oath:0.010902883484959602 same:0.008852758444845676 place:0.008851321414113045 other:0.006798174697905779 :0.15932095050811768 +to:0.1508660465478897 in:0.04156732186675072 for:0.025669118389487267 and:0.02526189014315605 :0.07128064334392548 +the:0.21218490600585938 a:0.08699577301740646 his:0.020154450088739395 which:0.018147127702832222 :0.12532438337802887 +the:0.24550007283687592 a:0.02941696159541607 said:0.019040852785110474 this:0.018236784264445305 :0.17339052259922028 +large:0.06865689903497696 small:0.032595355063676834 good:0.024786466732621193 little:0.021017713472247124 :0.10676520317792892 +the:0.11809170991182327 a:0.022868571802973747 said:0.020027801394462585 this:0.007786834612488747 :0.1959923654794693 +is:0.1564626395702362 Is:0.07914812862873077 was:0.07640346139669418 will:0.049299661070108414 :0.06209150329232216 +end:0.010788721963763237 and:0.007010473404079676 time:0.004700464196503162 first:0.004618709906935692 :0.2876812815666199 +as:0.21228712797164917 and:0.025815390050411224 in:0.022208981215953827 to:0.015578890219330788 :0.12122535705566406 +to:0.8474906086921692 by:0.01957697793841362 in:0.01579885371029377 and:0.0152164651080966 :0.010759955272078514 +to:0.1311057209968567 and:0.04499181732535362 that:0.03211430087685585 are:0.029946286231279373 :0.07625459134578705 +come.:0.08248987793922424 come,:0.06654570996761322 the:0.053981080651283264 be:0.023471958935260773 :0.08128488808870316 +in:0.12663252651691437 the:0.08571732044219971 with:0.07590194791555405 a:0.04951024055480957 :0.04817313700914383 +of:0.10633733868598938 and:0.03313807398080826 the:0.025615202262997627 in:0.02468867599964142 :0.1531251072883606 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.5387062430381775 those:0.09698863327503204 these:0.03395671024918556 his:0.022122418507933617 :0.037307512015104294 +be:0.5994172096252441 bo:0.04274715110659599 have:0.015887083485722542 make:0.012116963043808937 :0.012981166131794453 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +not:0.702454149723053 the:0.03984801471233368 it:0.008065112866461277 hereby:0.0064184218645095825 :0.03866666927933693 +and:0.09146005660295486 of:0.06781690567731857 in:0.03948105871677399 at:0.03661250323057175 :0.15787290036678314 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +be:0.12852096557617188 not:0.07703222334384918 have:0.03506927564740181 make:0.016542544588446617 :0.0782165601849556 +the:0.10433060675859451 a:0.03264114633202553 in:0.030394483357667923 that:0.028864804655313492 :0.09017495810985565 +the:0.4203554689884186 a:0.024830246344208717 be:0.017695754766464233 tho:0.01716369017958641 :0.0972064658999443 +and:0.12539532780647278 to:0.0654863566160202 of:0.044059209525585175 with:0.039380233734846115 :0.058449793606996536 +a:0.11667012423276901 not:0.07240572571754456 the:0.0684872716665268 said:0.019106311723589897 :0.06670841574668884 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.25889891386032104 he:0.08609883487224579 a:0.05633717030286789 they:0.05049406737089157 :0.04532545059919357 +tered:0.17684350907802582 gaged:0.08316385746002197 joyed:0.047254372388124466 abled:0.025931959971785545 :0.434145987033844 +following:0.025154143571853638 best:0.011046801693737507 same:0.009405581280589104 name:0.008944959379732609 :0.15567882359027863 +to:0.5484573841094971 of:0.05348056182265282 was:0.04489053785800934 for:0.02695554867386818 :0.026110660284757614 +and:0.14659114181995392 but:0.08206118643283844 to:0.04442717880010605 the:0.023340173065662384 :0.14632093906402588 +he:0.05883806571364403 it:0.058581408113241196 is:0.05167844146490097 the:0.048687469214200974 :0.046828221529722214 +and:0.254177451133728 was:0.046922747045755386 of:0.03634347394108772 has:0.027450188994407654 :0.09658394753932953 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.05011732131242752 and:0.03897756338119507 the:0.028917185962200165 to:0.02262554131448269 :0.1701836735010147 +that:0.07036437839269638 the:0.046612635254859924 he:0.04136972874403 to:0.0266824122518301 :0.16936831176280975 +that:0.29434919357299805 by:0.08710937947034836 the:0.08385603129863739 a:0.06055048108100891 :0.05887797474861145 +the:0.6129366159439087 which:0.06701195240020752 tho:0.033558815717697144 this:0.021533122286200523 :0.01934226229786873 +own:0.023646995425224304 head:0.015063943341374397 hand:0.0130847729742527 way:0.009837854653596878 :0.19925570487976074 +The:0.15343430638313293 It:0.05012482404708862 A:0.04333968088030815 He:0.03958922252058983 :0.07237185537815094 +quantities:0.03937017172574997 numbers:0.028156185522675514 and:0.021851936355233192 numbers,:0.020969485864043236 :0.2055889070034027 +the:0.05209279805421829 and:0.036648306995630264 a:0.02174641564488411 ing:0.020337138324975967 :0.15922679007053375 +and:0.07651791721582413 John:0.011527247726917267 J.:0.006673093419522047 James:0.0064895255491137505 :0.44292640686035156 +the:0.06443682312965393 and:0.049615684896707535 to:0.04647029936313629 that:0.03701107203960419 :0.06352872401475906 +the:0.221173956990242 said:0.037323206663131714 a:0.035456109791994095 which:0.020006800070405006 :0.12111839652061462 +the:0.39819085597991943 a:0.04227878525853157 this:0.02858065813779831 tho:0.020164411514997482 :0.03956053406000137 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.21548618376255035 a:0.040410365909338 which:0.022543497383594513 tho:0.014584244228899479 :0.1690247505903244 +of:0.07531879842281342 one:0.024952055886387825 other:0.02029932662844658 thing:0.013602165505290031 :0.15428189933300018 +and:0.13740503787994385 that:0.09692203253507614 of:0.04632575809955597 the:0.028094038367271423 :0.11695494502782822 +feet:0.047405268996953964 and:0.027775535359978676 miles:0.02204054966568947 years:0.010953985154628754 :0.36562833189964294 +and:0.11437545716762543 or:0.048194337636232376 in:0.04663213714957237 of:0.03149479627609253 :0.06678967922925949 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +the:0.2007995992898941 they:0.08134181052446365 you:0.06827700138092041 it:0.05326278507709503 :0.04612629860639572 +same:0.011743283830583096 way:0.0059430222027003765 work:0.004853524267673492 amount:0.004829724319279194 :0.1734684407711029 +of:0.29606327414512634 for:0.0542931966483593 and:0.05011313036084175 to:0.0496765561401844 :0.05590115860104561 +the:0.15929071605205536 by:0.1502496749162674 a:0.03456627205014229 him:0.02558165416121483 :0.05404935032129288 +the:0.05082084983587265 a:0.02805444784462452 any:0.020677393302321434 other:0.0164695605635643 :0.26022598147392273 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +of:0.07969599217176437 and:0.0229839775711298 assortment:0.011616114526987076 thing:0.01027053501456976 :0.156049907207489 +the:0.6394175291061401 a:0.026982106268405914 his:0.02036384865641594 this:0.016758698970079422 :0.04725739359855652 +A.:0.014217772521078587 W:0.011500256136059761 J:0.010718227364122868 M:0.01034841500222683 :0.36120930314064026 +that:0.1343679428100586 the:0.08714752644300461 how:0.05114428326487541 what:0.03458037227392197 :0.035462312400341034 +of:0.6523129940032959 and:0.10051564872264862 from:0.02402004599571228 to:0.012890540063381195 :0.011678419075906277 +fore,:0.2898511290550232 of:0.05540347099304199 fore:0.047640714794397354 and:0.03688228875398636 :0.061424579471349716 +upon:0.3502941131591797 on:0.1580319106578827 in:0.0727803111076355 by:0.03337487578392029 :0.028092361986637115 +in:0.04959792271256447 to:0.049028992652893066 and:0.04368783161044121 or:0.023707663640379906 :0.07950302213430405 +and:0.03489348292350769 the:0.0315888375043869 of:0.026249434798955917 in:0.023414967581629753 :0.17268449068069458 +line:0.049001794308423996 body:0.019662940874695778 line,:0.015691058710217476 building:0.015183399431407452 :0.11642654240131378 +The:0.123597651720047 It:0.053356897085905075 He:0.04598362371325493 I:0.0425528921186924 :0.15177592635154724 +to:0.48329052329063416 of:0.07363025099039078 and:0.02437695488333702 in:0.01836489327251911 :0.04772159457206726 +own:0.01866621896624565 way:0.0076206885278224945 first:0.0039028937462717295 power:0.0034805191680788994 :0.27067872881889343 +and:0.041023265570402145 as:0.013440435752272606 in:0.010262253694236279 to:0.010152425616979599 :0.1020108014345169 +the:0.09216929972171783 a:0.02279592864215374 and:0.02154361829161644 of:0.016147654503583908 :0.1444096565246582 +the:0.08077463507652283 not:0.05964652821421623 to:0.05135423317551613 a:0.03902739658951759 :0.13834883272647858 +and:0.08224323391914368 of:0.03126369044184685 the:0.019401226192712784 The:0.01811787858605385 :0.15803471207618713 +of:0.19223953783512115 dollars:0.12877385318279266 and:0.04580492898821831 or:0.03348364681005478 :0.13182763755321503 +be:0.48141005635261536 not:0.0910976231098175 have:0.03694538772106171 bo:0.031020740047097206 :0.031153522431850433 +the:0.1439817100763321 he:0.038904767483472824 I:0.03342060744762421 it:0.02923549711704254 :0.135348841547966 +and:0.1526096612215042 the:0.030757959932088852 but:0.028903288766741753 in:0.019927479326725006 :0.19136959314346313 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +said:0.008013617247343063 same:0.007596139796078205 fact:0.006887868978083134 most:0.006133480928838253 :0.18034251034259796 +act:0.03377475216984749 overwhelming:0.027280816808342934 order:0.02145477384328842 instrument:0.020022137090563774 :0.20426474511623383 +make:0.04367879778146744 be:0.043587666004896164 pay:0.029817240312695503 have:0.020782239735126495 :0.08127345889806747 +Carolina:0.15333954989910126 Carolina,:0.041648782789707184 Dakota:0.03326122835278511 Dakota,:0.027190525084733963 :0.13897061347961426 +of:0.6749679446220398 ot:0.02395515888929367 and:0.01873132586479187 was:0.012307848781347275 :0.02992064505815506 +the:0.5411149859428406 these:0.03907497599720955 them:0.03836212679743767 his:0.028240131214261055 :0.04238632321357727 +of:0.4486348628997803 in:0.024896465241909027 and:0.024045050144195557 will:0.015638742595911026 :0.06608694791793823 +of:0.08456828445196152 and:0.05935287103056908 to:0.018153395503759384 the:0.018111854791641235 :0.1873209923505783 +the:0.28231021761894226 a:0.04165387526154518 his:0.022540386766195297 tho:0.017281988635659218 :0.10132424533367157 +in:0.08411348611116409 to:0.050634197890758514 and:0.043666623532772064 of:0.03499193117022514 :0.0702781081199646 +that:0.0689004436135292 much:0.04738141596317291 to:0.036268655210733414 as:0.02403273992240429 :0.27352792024612427 +the:0.18070030212402344 a:0.04036134481430054 this:0.01670236885547638 said:0.008581562899053097 :0.1702924221754074 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.0495171993970871 of:0.02759302221238613 in:0.023531515151262283 was:0.01878044195473194 :0.20643211901187897 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.6455612778663635 tho:0.025448624044656754 this:0.022880559787154198 his:0.016476858407258987 :0.03863151744008064 +in:0.07953838258981705 the:0.06912006437778473 to:0.03348543122410774 that:0.028151735663414 :0.07830709964036942 +and:0.05685042962431908 of:0.028154870495200157 line:0.009106127545237541 in:0.007814247161149979 :0.20770040154457092 +is:0.27503272891044617 are:0.17347729206085205 was:0.1410634070634842 were:0.062090735882520676 :0.04280408099293709 +the:0.1527821272611618 up:0.07313873618841171 in:0.06149180233478546 to:0.038808438926935196 :0.055218473076820374 +the:0.3947485089302063 all:0.04475320130586624 a:0.04324089363217354 their:0.020371034741401672 :0.07264728844165802 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +was:0.07726441323757172 had:0.06851661205291748 has:0.05525830760598183 is:0.05169340595602989 :0.07759829610586166 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.04562334716320038 to:0.037384726107120514 by:0.02797483094036579 the:0.025172336027026176 :0.1197180300951004 +the:0.33006584644317627 a:0.07595125585794449 their:0.021485432982444763 this:0.02118605747818947 :0.04900406301021576 +fifty:0.12188242375850677 twenty:0.0412837378680706 sixty:0.04099259525537491 forty:0.02585120126605034 :0.24302779138088226 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +said:0.005409036763012409 city:0.005102336406707764 public:0.004649249836802483 highest:0.004603126086294651 :0.2704724967479706 +and:0.16156019270420074 &:0.024584341794252396 or:0.01949622482061386 Sun,:0.018397241830825806 :0.13516205549240112 +and:0.058184389024972916 to:0.05113726109266281 in:0.016075754538178444 the:0.014628473669290543 :0.12402758747339249 +is:0.12274819612503052 and:0.0773300752043724 of:0.06006899103522301 upon:0.05514935404062271 :0.0457034632563591 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +of:0.17990630865097046 more:0.10517852753400803 in:0.08578435331583023 and:0.029053175821900368 :0.10104599595069885 +the:0.06836242228746414 in:0.05876844376325607 to:0.05718648061156273 may:0.04360426589846611 :0.07434122264385223 +the:0.24516242742538452 his:0.05179552361369133 a:0.046140510588884354 her:0.045123081654310226 :0.054409705102443695 +and:0.06168299540877342 of:0.055492743849754333 is:0.02432471327483654 was:0.01673859730362892 :0.05241865664720535 +and:0.04334193468093872 the:0.042945053428411484 in:0.01695127598941326 at:0.014150853268802166 :0.28032186627388 +be:0.33874577283859253 not:0.05504480004310608 have:0.033247996121644974 bo:0.021101707592606544 :0.029304038733243942 +and:0.04342292249202728 of:0.022152215242385864 or:0.014552995562553406 to:0.008042056113481522 :0.45058104395866394 +and:0.05803920328617096 than:0.02798929065465927 of:0.023385995998978615 in:0.01730150543153286 :0.14529651403427124 +a:0.1725134700536728 the:0.1212887316942215 it:0.042041853070259094 up:0.039712876081466675 :0.0354093573987484 +and:0.049528948962688446 the:0.04316094145178795 a:0.010430221445858479 1:0.008911517448723316 :0.30206865072250366 +the:0.042194657027721405 of:0.026626382023096085 a:0.017088769003748894 Mrs.:0.01435563713312149 :0.23287172615528107 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +same:0.011578007601201534 said:0.010594593361020088 fact:0.009639066644012928 first:0.006735473405569792 :0.17227666079998016 +days:0.10273377597332001 years:0.06602511554956436 weeks:0.04140475019812584 minutes:0.03718847781419754 :0.12437938153743744 +party:0.05157182365655899 and:0.04988229274749756 members:0.01813201792538166 party,:0.017005812376737595 :0.2196911722421646 +a:0.1583021879196167 the:0.13382598757743835 it:0.04938502982258797 an:0.027871958911418915 :0.08531485497951508 +the:0.1997259110212326 he:0.11118486523628235 they:0.06757882237434387 it:0.040134940296411514 :0.04844977334141731 +a:0.17433883249759674 the:0.09906084835529327 to:0.0549805611371994 all:0.035240232944488525 :0.06625998765230179 +two:0.033747702836990356 men:0.0172860249876976 things:0.01094332616776228 points:0.007976768538355827 :0.19313831627368927 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +money:0.04565467685461044 one:0.03243766352534294 two:0.024679826572537422 Two:0.01725129410624504 :0.38626062870025635 +and:0.0473487451672554 was:0.038658108562231064 Mrs.:0.022482022643089294 of:0.02243492379784584 :0.21133174002170563 +and:0.04661547765135765 able:0.028989696875214577 the:0.01752602681517601 a:0.014560067094862461 :0.3798931837081909 +The:0.15034303069114685 It:0.0559217631816864 He:0.04518063738942146 I:0.032790761440992355 :0.1440243422985077 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.3174078166484833 a:0.04473970830440521 him:0.029685137793421745 any:0.02422875538468361 :0.07593128830194473 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +in:0.23111389577388763 and:0.12163257598876953 to:0.0710495263338089 In:0.047778792679309845 :0.038238275796175 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +been:0.14034844934940338 not:0.04898256063461304 a:0.0447082556784153 no:0.03896650671958923 :0.08546748757362366 +duty:0.062216389924287796 own:0.037013377994298935 wife.:0.017560934647917747 wife:0.010660706087946892 :0.18096451461315155 +the:0.10987520217895508 a:0.0786624476313591 it:0.06638927012681961 we:0.029921192675828934 :0.051528360694646835 +the:0.3419589400291443 a:0.054670918732881546 this:0.01923292502760887 all:0.0152127705514431 :0.13511015474796295 +the:0.09723376482725143 and:0.057813771069049835 in:0.045431751757860184 on:0.03258518502116203 :0.029165372252464294 +the:0.12552005052566528 a:0.09824206680059433 to:0.06360166519880295 it:0.029935292899608612 :0.09026327729225159 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +the:0.13086077570915222 a:0.06761959940195084 to:0.059839751571416855 they:0.03752827271819115 :0.06290028244256973 +own:0.0250240545719862 wife:0.017193283885717392 head:0.01519246120005846 wife,:0.010127784684300423 :0.13589414954185486 +are:0.07742959260940552 men:0.02942763641476631 were:0.02792556956410408 two:0.019716979935765266 :0.16559197008609772 +same:0.033959273248910904 time:0.03333792835474014 rate:0.024669645354151726 end:0.013314064592123032 :0.19687600433826447 +The:0.14681074023246765 It:0.04453969746828079 This:0.03361664339900017 We:0.026488658040761948 :0.0653170794248581 +a:0.01832749880850315 to:0.01779549941420555 the:0.015172931365668774 and:0.011636214330792427 :0.24704457819461823 +the:0.2350350320339203 they:0.04960570111870766 he:0.0450870618224144 I:0.03992873430252075 :0.0581444688141346 +is:0.1706904172897339 was:0.1290082484483719 are:0.11152967810630798 were:0.06314719468355179 :0.04887554422020912 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +most:0.01216147281229496 same:0.00878982339054346 whole:0.0067876060493290424 matter:0.006285667419433594 :0.13353486359119415 +and:0.22209346294403076 but:0.0796058252453804 the:0.056347478181123734 at:0.023013966158032417 :0.04672958329319954 +the:0.21545374393463135 a:0.07784254848957062 which:0.017059046775102615 their:0.015119800344109535 :0.12737788259983063 +of:0.14681366086006165 and:0.11095816642045975 in:0.07361891865730286 who:0.0520271472632885 :0.032109733670949936 +the:0.2970804274082184 a:0.03576183319091797 his:0.015334895811975002 this:0.012653864920139313 :0.16876651346683502 +the:0.28723129630088806 a:0.07146903872489929 any:0.029128553345799446 an:0.016643064096570015 :0.08573614060878754 +and:0.088083416223526 of:0.02697986550629139 The:0.021501749753952026 to:0.02141924574971199 :0.1534414142370224 +of:0.21887969970703125 and:0.06381766498088837 are:0.05236690118908882 in:0.04724140837788582 :0.041617121547460556 +of:0.08134565502405167 the:0.061847489327192307 by:0.03242207318544388 a:0.02610274963080883 :0.15956078469753265 +and:0.1415521800518036 of:0.057517267763614655 in:0.04047979414463043 to:0.03818460553884506 :0.05456003546714783 +the:0.31321853399276733 a:0.025109972804784775 this:0.025022873654961586 said:0.01654929295182228 :0.11092586815357208 +the:0.3688792288303375 this:0.0241742841899395 a:0.023637956008315086 said:0.02224702388048172 :0.10804525017738342 +days:0.10273377597332001 years:0.06602511554956436 weeks:0.04140475019812584 minutes:0.03718847781419754 :0.12437938153743744 +the:0.4337872862815857 a:0.030408354476094246 this:0.01745666190981865 tho:0.016498470678925514 :0.15188202261924744 +and:0.19100502133369446 in:0.08091916143894196 are:0.049187444150447845 have:0.03595251590013504 :0.03510913997888565 +and:0.0567171536386013 of:0.034247443079948425 to:0.0248984657227993 in:0.02435850165784359 :0.21141621470451355 +and:0.0432351790368557 of:0.03173002973198891 the:0.030419576913118362 or:0.012588923797011375 :0.3329007029533386 +was:0.09676894545555115 had:0.07636670023202896 has:0.048378705978393555 is:0.04066783934831619 :0.08108793944120407 +of:0.7459645867347717 that:0.015709873288869858 ot:0.01261627022176981 was:0.010720464400947094 :0.023918956518173218 +and:0.04936058446764946 of:0.02342269755899906 the:0.014403990469872952 lina:0.013908290304243565 :0.19324423372745514 +and:0.04698679968714714 the:0.04597447067499161 of:0.03522590547800064 to:0.01751614920794964 :0.3276795446872711 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +said:0.008949282579123974 people:0.008087619207799435 whole:0.0056840297766029835 law:0.0055570355616509914 :0.2078039050102234 +point:0.04157324507832527 stake:0.019657595083117485 large:0.017763804644346237 great:0.014630108140408993 :0.1461859792470932 +to:0.05922849848866463 and:0.05518113449215889 that:0.05392242968082428 in:0.041471291333436966 :0.04070388898253441 +is:0.14595293998718262 was:0.066702701151371 Is:0.020747769623994827 will:0.016078120097517967 :0.10497581213712692 +the:0.07068054378032684 if:0.05506842955946922 in:0.053516268730163574 though:0.05124085396528244 :0.10464297980070114 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +in:0.04735950380563736 to:0.04520038887858391 and:0.04249219223856926 who:0.029696447774767876 :0.0775163471698761 +was:0.08337639272212982 had:0.04350872337818146 is:0.03765808790922165 has:0.03345349431037903 :0.12556792795658112 +A.:0.010843360796570778 W.:0.009820443578064442 H.:0.009738241322338581 J.:0.008662453852593899 :0.5822394490242004 +of:0.6554374098777771 and:0.03191383183002472 the:0.014905218034982681 ot:0.013994420878589153 :0.031038977205753326 +the:0.14518201351165771 a:0.05931772291660309 him:0.020349469035863876 his:0.019289663061499596 :0.09765589237213135 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +and:0.04631304740905762 the:0.02845085971057415 was:0.027046993374824524 of:0.01535212341696024 :0.18447309732437134 +first:0.01656775362789631 said:0.014147539623081684 people:0.013477622531354427 time:0.011680027469992638 :0.1652756780385971 +a:0.05895273759961128 the:0.0561874583363533 not:0.03565175086259842 in:0.016628127545118332 :0.12802818417549133 +than:0.45978137850761414 or:0.027595438063144684 money:0.009623655118048191 and:0.009225454181432724 :0.07074116915464401 +the:0.10641878843307495 a:0.03445596992969513 in:0.029218699783086777 all:0.02507183514535427 :0.07232943177223206 +and:0.21849921345710754 the:0.03621910512447357 but:0.024576760828495026 that:0.01980736292898655 :0.08129648864269257 +than:0.030252089723944664 and:0.017801152542233467 to:0.0158978383988142 ordered:0.014533971436321735 :0.16167999804019928 +time:0.14611726999282837 of:0.11422251909971237 one:0.021524300798773766 time,:0.021362420171499252 :0.09104437381029129 +to:0.05519803613424301 necessary:0.03231018781661987 a:0.02698749490082264 the:0.025310853496193886 :0.100168876349926 +to:0.15864795446395874 in:0.08130628615617752 from:0.06986317038536072 out:0.04606323689222336 :0.04643857479095459 +and:0.24870075285434723 but:0.06536327302455902 as:0.032242946326732635 the:0.01895400881767273 :0.05126868933439255 +in:0.3863244652748108 In:0.08886229991912842 on:0.049119625240564346 by:0.0415668785572052 :0.03734426572918892 +the:0.17717304825782776 you:0.0547105073928833 he:0.047818850725889206 a:0.04237813875079155 :0.07424423843622208 +and:0.01664954051375389 the:0.013863408006727695 of:0.009676174260675907 I:0.008062932640314102 :0.30784672498703003 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +to:0.29645395278930664 into:0.061905812472105026 out:0.05714842677116394 down:0.04592879116535187 :0.039358776062726974 +and:0.035744380205869675 the:0.01423845998942852 to:0.010140161961317062 a:0.009551727212965488 :0.35942548513412476 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +sult:0.0918811559677124 mainder:0.0326845720410347 maining:0.03133312612771988 port:0.02817905880510807 :0.24751265347003937 +to:0.29988330602645874 for:0.08429847657680511 that:0.06112298369407654 the:0.039932481944561005 :0.028818737715482712 +the:0.32382622361183167 a:0.03461658954620361 his:0.029538415372371674 this:0.024201136082410812 :0.12702995538711548 +be:0.13000988960266113 do:0.04682827368378639 not:0.03248300403356552 get:0.031713735312223434 :0.09562171250581741 +the:0.13805849850177765 it:0.057923197746276855 I:0.055176813155412674 he:0.030126895755529404 :0.05265621840953827 +the:0.19699379801750183 a:0.07966141402721405 their:0.03835450857877731 his:0.014504526741802692 :0.08413153886795044 +of:0.0783332884311676 and:0.01903168298304081 day:0.011996535584330559 hour:0.009325294755399227 :0.1558748483657837 +a:0.08382343500852585 the:0.036690447479486465 to:0.032851580530405045 not:0.03168996796011925 :0.1044369786977768 +with:0.6591072082519531 to:0.06384105980396271 in:0.043454356491565704 by:0.03291913494467735 :0.015458359383046627 +the:0.23806308209896088 tho:0.01681663654744625 a:0.014365272596478462 tbe:0.013013114221394062 :0.1883596032857895 +the:0.06061995029449463 that:0.04024340212345123 to:0.029102515429258347 it:0.027740459889173508 :0.07627516984939575 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.08254469186067581 a:0.026770150288939476 to:0.025530032813549042 in:0.018860837444663048 :0.09964707493782043 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +the:0.0707176998257637 a:0.01783769764006138 Mrs.:0.011035661213099957 of:0.00905213225632906 :0.30177438259124756 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +and:0.07185501605272293 the:0.0631527453660965 The:0.030934743583202362 to:0.02359628491103649 :0.14491985738277435 +and:0.04592394456267357 to:0.025986531749367714 of:0.02582724206149578 The:0.01938442885875702 :0.18710914254188538 +the:0.2260822206735611 a:0.04579389840364456 his:0.03535085916519165 it:0.03415597602725029 :0.07265730947256088 +hundred:0.07097440212965012 years:0.0468096099793911 or:0.04668049141764641 years,:0.02180211804807186 :0.16608142852783203 +and:0.1732679009437561 which:0.0835457593202591 the:0.049339838325977325 but:0.04370168223977089 :0.04011360555887222 +few:0.03192117437720299 .:0.027368560433387756 large:0.02243524231016636 man:0.014616143889725208 :0.24444647133350372 +force:0.030362213030457497 interest:0.025772979483008385 interest.:0.015244269743561745 attention:0.010590700432658195 :0.2106633186340332 +House:0.26376456022262573 of:0.13048410415649414 House,:0.08627066761255264 for:0.041157979518175125 :0.050618208944797516 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +of:0.11663319170475006 a:0.021556347608566284 other:0.014395917765796185 who:0.011619416065514088 :0.2161896526813507 +the:0.48260465264320374 a:0.03523412346839905 his:0.022369371727108955 any:0.01748688519001007 :0.05166112259030342 +the:0.24194888770580292 a:0.046535931527614594 his:0.018422648310661316 their:0.015558399260044098 :0.18397991359233856 +the:0.06549134105443954 any:0.02737320028245449 to:0.021130431443452835 other:0.013424980454146862 :0.1642742156982422 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +miles:0.14166763424873352 days:0.10510876774787903 years:0.08903712034225464 feet:0.08630506694316864 :0.0890558511018753 +men:0.009583951905369759 points:0.00822523608803749 institutions:0.005947030149400234 and:0.005791195668280125 :0.23104365170001984 +the:0.2301061749458313 it:0.04938678815960884 he:0.048582132905721664 I:0.04246082156896591 :0.048046596348285675 +W.:0.014200440607964993 A:0.013524321839213371 W:0.012517870403826237 D.:0.010999328456819057 :0.29888513684272766 +the:0.2630579471588135 a:0.050509002059698105 which:0.03613252565264702 this:0.03099810890853405 :0.11886259913444519 +and:0.06561526656150818 of:0.034117717295885086 the:0.02824530377984047 in:0.021808454766869545 :0.17403028905391693 +of:0.2648461163043976 to:0.040037572383880615 and:0.03788711130619049 in:0.023118022829294205 :0.04771186038851738 +directors:0.08181794732809067 the:0.041191793978214264 trustees:0.029923930764198303 supervisors:0.029522070661187172 :0.181051567196846 +of:0.1575888842344284 to:0.05728207156062126 and:0.045999638736248016 that:0.03672890365123749 :0.16113264858722687 +of:0.2490185797214508 hundred:0.0917491689324379 or:0.02960793301463127 who:0.023222163319587708 :0.08103372156620026 +the:0.2581336200237274 a:0.035813163965940475 his:0.01461435854434967 tho:0.013455381616950035 :0.1741611361503601 +and:0.06357388198375702 The:0.027101971209049225 but:0.021442152559757233 the:0.01476382277905941 :0.24558816850185394 +have:0.09057590365409851 will:0.06141291931271553 are:0.058504994958639145 to:0.04747616499662399 :0.05603804811835289 +the:0.1767922192811966 a:0.08821703493595123 to:0.016832716763019562 and:0.016401145607233047 :0.11868683993816376 +the:0.2045731097459793 a:0.04723981022834778 this:0.031287167221307755 tho:0.021378561854362488 :0.1520950198173523 +and:0.05362394079566002 of:0.043156158179044724 Mrs.:0.02398814633488655 who:0.01516849547624588 :0.24184060096740723 +a:0.07502958923578262 not:0.048816028982400894 the:0.026856260374188423 in:0.02492706850171089 :0.1244148388504982 +and:0.07504768669605255 to:0.04405410960316658 as:0.032524868845939636 in:0.03030877374112606 :0.1209595650434494 +sides:0.3748877942562103 sides,:0.09237731248140335 sides.:0.07296251505613327 the:0.04304397851228714 :0.08802595734596252 +people:0.010296911932528019 men:0.007982817478477955 other:0.007071883883327246 great:0.007065508980304003 :0.23977261781692505 +a.:0.44111838936805725 in:0.0971040427684784 A.:0.06981217116117477 p.:0.032889243215322495 :0.03429222106933594 +Virginia,:0.12059183418750763 Virginia:0.11970920115709305 Virginia.:0.09700876474380493 Vir¬:0.030931981280446053 :0.21588166058063507 +the:0.21922452747821808 a:0.07098271697759628 his:0.013869772665202618 some:0.012867202050983906 :0.0930953249335289 +are:0.09230232983827591 were:0.0702522024512291 had:0.05610816925764084 would:0.04524195194244385 :0.09021866321563721 +be:0.1486332267522812 not:0.09654255211353302 have:0.03541993349790573 go:0.015006146393716335 :0.05730820447206497 +and:0.12469341605901718 but:0.07982596755027771 the:0.078175388276577 that:0.033447884023189545 :0.07076814770698547 +stead:0.04690990597009659 cluding:0.04144728556275368 crease:0.02380574867129326 terest:0.0211370587348938 :0.45803701877593994 +the:0.03490433469414711 to:0.030834581702947617 and:0.027459897100925446 of:0.022100787609815598 :0.20628975331783295 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.18130718171596527 he:0.04693446680903435 said:0.03082640841603279 they:0.023088529706001282 :0.08006220310926437 +the:0.1714889258146286 he:0.08647818863391876 they:0.055346064269542694 I:0.03868737816810608 :0.09309859573841095 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.31130456924438477 a:0.05116131529211998 tho:0.014139773324131966 this:0.01411352213472128 :0.11467501521110535 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +the:0.38045454025268555 a:0.06879320740699768 said:0.019130172207951546 tho:0.017195232212543488 :0.06758113950490952 +the:0.26793986558914185 a:0.05929173529148102 his:0.024604640901088715 this:0.02151637151837349 :0.08090943843126297 +gage:0.7980822920799255 gage,:0.12917880713939667 gaged:0.009116176515817642 and:0.002186693251132965 :0.03799634054303169 +the:0.2629663050174713 he:0.06113410368561745 they:0.04825294017791748 it:0.04342038929462433 :0.02990472875535488 +and:0.05194878578186035 in:0.04547356441617012 the:0.03800886124372482 of:0.03060220740735531 :0.19175344705581665 +by:0.08169625699520111 in:0.057158034294843674 the:0.0526333786547184 with:0.041284214705228806 :0.04310349002480507 +is:0.051568638533353806 are:0.05017886683344841 has:0.049941543489694595 have:0.04592571780085564 :0.05863819271326065 +.:0.04469431936740875 and:0.02856547385454178 of:0.01811988651752472 The:0.013248936273157597 :0.30395060777664185 +the:0.2592431306838989 a:0.04279002919793129 his:0.04086234048008919 which:0.0328853465616703 :0.03750322014093399 +the:0.10343184322118759 a:0.021760642528533936 tho:0.01398879662156105 that:0.009354849345982075 :0.3056715130805969 +of:0.11475655436515808 by:0.05222207307815552 with:0.040549930185079575 and:0.02542930282652378 :0.21804304420948029 +a:0.06815875321626663 the:0.04489733651280403 not:0.027803532779216766 in:0.01649516448378563 :0.15705691277980804 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.17412465810775757 a:0.05125339701771736 him:0.04899350926280022 that:0.03435678407549858 :0.07982822507619858 +and:0.08179960399866104 of:0.04455266892910004 the:0.03350497782230377 to:0.026146436110138893 :0.22212545573711395 +The:0.13332879543304443 It:0.09190504252910614 I:0.06043362244963646 If:0.037199314683675766 :0.07427170127630234 +mortgage:0.09868124127388 county:0.06179632619023323 mortgage,:0.05835422873497009 County:0.0417015515267849 :0.11864319443702698 +the:0.35916072130203247 said:0.0318274088203907 this:0.030563872307538986 a:0.02033465914428234 :0.12836189568042755 +in:0.07304453104734421 by:0.06687358021736145 on:0.06290508806705475 at:0.05077551305294037 :0.11502668261528015 +the:0.09460791945457458 and:0.08047867566347122 from:0.07546654343605042 by:0.04310474917292595 :0.037021249532699585 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +of:0.4059154987335205 to:0.025807658210396767 that:0.025525230914354324 and:0.016961440443992615 :0.04355917498469353 +and:0.1012224480509758 of:0.08563195168972015 in:0.05045761168003082 the:0.04392631724476814 :0.048550646752119064 +of:0.15996550023555756 and:0.1134377121925354 in:0.07278752326965332 for:0.05724933370947838 :0.05521618574857712 +of:0.031168317422270775 Assembly:0.016703227534890175 Debility,:0.015660634264349937 Lee:0.014571202918887138 :0.4265809655189514 +of:0.037476640194654465 the:0.029771240428090096 and:0.01637858711183071 that:0.015802688896656036 :0.2062956839799881 +fore:0.36606764793395996 ing:0.148013636469841 tween:0.05224323272705078 came:0.04427899420261383 :0.08439365774393082 +the:0.16889581084251404 of:0.07074254006147385 over:0.027420930564403534 that:0.0217900313436985 :0.13283461332321167 +the:0.06548900157213211 of:0.009948608465492725 a:0.009917126037180424 in:0.007372190244495869 :0.21184669435024261 +of:0.13141165673732758 from:0.12815198302268982 and:0.07434965670108795 in:0.059936828911304474 :0.04748155549168587 +and:0.08144810050725937 in:0.08100496977567673 or:0.0446460098028183 sites:0.03840535506606102 :0.11138332635164261 +the:0.11038003116846085 be:0.021897228434681892 a:0.018610922619700432 make:0.012356039136648178 :0.11466515064239502 +of:0.044141873717308044 the:0.02855069190263748 a:0.010381430387496948 and:0.009941373951733112 :0.27544641494750977 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.36543580889701843 said:0.02837248519062996 a:0.025821037590503693 this:0.023769594728946686 :0.05492318049073219 +sonal:0.10651031136512756 fect:0.07306017726659775 sons:0.07250026613473892 centage:0.040455661714076996 :0.32511642575263977 +of:0.8577243089675903 ot:0.014908942393958569 ol:0.008107088506221771 No.:0.007913385517895222 :0.015471993945538998 +the:0.08441925793886185 it:0.043322816491127014 yet:0.02576788328588009 if:0.02571687288582325 :0.08109229803085327 +and:0.141941100358963 the:0.05451933294534683 at:0.047831159085035324 to:0.04037904366850853 :0.039557084441185 +was:0.06931468844413757 have:0.06589508801698685 am:0.058982931077480316 had:0.03507610037922859 :0.03382406011223793 +be:0.24442245066165924 have:0.1255928874015808 not:0.02660919912159443 bo:0.017729436978697777 :0.10599276423454285 +by:0.08433138579130173 to:0.06927425414323807 and:0.05453602597117424 the:0.0537937730550766 :0.07285185903310776 +be:0.33712825179100037 have:0.11119896918535233 do:0.025555342435836792 bo:0.0211369339376688 :0.06711545586585999 +the:0.07185063511133194 to:0.039551183581352234 and:0.03301868215203285 The:0.02556179277598858 :0.149850532412529 +the:0.13414300978183746 a:0.08072364330291748 his:0.0478566512465477 in:0.043481651693582535 :0.09212074428796768 +the:0.22183680534362793 a:0.04491501674056053 this:0.013184214010834694 their:0.011530108749866486 :0.17239052057266235 +mortgage:0.03486073762178421 County:0.014469009824097157 John:0.012604025192558765 James:0.009327806532382965 :0.15688163042068481 +The:0.02330978959798813 the:0.01833447255194187 and:0.016108691692352295 to:0.015706202015280724 :0.3341044485569 +and:0.0184515081346035 law:0.009419651702046394 building:0.006762382108718157 line:0.006395032163709402 :0.1749783307313919 +by:0.20114856958389282 to:0.11461324244737625 the:0.09636848419904709 from:0.042113419622182846 :0.033530037850141525 +and:0.020640581846237183 is:0.02060379460453987 friends:0.010677452199161053 men:0.009111725725233555 :0.20458532869815826 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.05379767343401909 a:0.018689865246415138 of:0.009794801473617554 that:0.006915098521858454 :0.1815023124217987 +the:0.12902651727199554 Congress:0.06632569432258606 Congress,:0.02007911540567875 congress:0.01609109900891781 :0.20346854627132416 +appearance:0.024289514869451523 visit:0.020927513018250465 to:0.01793518476188183 and:0.014473521150648594 :0.12933652102947235 +a:0.07024649530649185 the:0.057429149746894836 in:0.04029235988855362 to:0.03815102204680443 :0.05231577530503273 +of:0.37748363614082336 to:0.13406778872013092 and:0.0446561761200428 for:0.035949259996414185 :0.0363200344145298 +the:0.17803220450878143 a:0.021262038499116898 tho:0.016107311472296715 tbe:0.011481388472020626 :0.30493518710136414 +the:0.19069810211658478 a:0.04418318346142769 that:0.033004507422447205 he:0.03139476478099823 :0.09973985701799393 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.25576576590538025 of:0.050069425255060196 but:0.034176502376794815 the:0.028425106778740883 :0.04325486719608307 +most:0.0081927590072155 people:0.008015777915716171 same:0.006979628000408411 only:0.006442048121243715 :0.18395760655403137 +in:0.10559579730033875 on:0.08200912922620773 the:0.07254195213317871 at:0.0627700462937355 :0.0395338274538517 +the:0.2593685984611511 them:0.02083282358944416 tho:0.018396003171801567 two:0.015482038259506226 :0.11328095942735672 +as:0.7260297536849976 from:0.026691917330026627 aa:0.014233509078621864 ns:0.010635850951075554 :0.024557171389460564 +and:0.0077393921092152596 of:0.006889452692121267 line:0.005718585103750229 river:0.004613198805600405 :0.2541985809803009 +and:0.042321156710386276 I:0.041478175669908524 to:0.032181255519390106 that:0.03010132722556591 :0.05398399755358696 +a:0.04342713952064514 the:0.03821779042482376 in:0.025223493576049805 at:0.02260361611843109 :0.08111508190631866 +and:0.15404780209064484 dry:0.03306838497519493 as:0.01765216700732708 is:0.012129103764891624 :0.11832676082849503 +large:0.06865689903497696 small:0.032595355063676834 good:0.024786466732621193 little:0.021017713472247124 :0.10676520317792892 +to:0.13847319781780243 by:0.09282562881708145 in:0.079688161611557 for:0.035121191293001175 :0.0455755740404129 +been:0.11607832461595535 a:0.04536693915724754 not:0.0391191728413105 no:0.028789788484573364 :0.07648544013500214 +the:0.23619818687438965 a:0.03715037554502487 this:0.016908857971429825 his:0.014338246546685696 :0.18542884290218353 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +that:0.18309877812862396 of:0.10755017399787903 and:0.09064214676618576 to:0.029715273529291153 :0.05201220512390137 +the:0.05172739923000336 12,:0.045002102851867676 a:0.010269928723573685 12:0.007905947044491768 :0.18669536709785461 +and:0.24355819821357727 of:0.030818745493888855 to:0.02388867549598217 in:0.020750906318426132 :0.12072011083364487 +time:0.3252791464328766 distance:0.10845572501420975 time,:0.02388228476047516 time.:0.02225647121667862 :0.06784672290086746 +is:0.027602044865489006 year:0.02591228112578392 morning:0.015282494015991688 was:0.0128434207290411 :0.154457688331604 +tion:0.38167619705200195 tions:0.25439244508743286 tion,:0.04960045590996742 tion.:0.047642700374126434 :0.0770755261182785 +the:0.12942786514759064 any:0.049588125199079514 it:0.04386686906218529 they:0.04298385605216026 :0.04483356326818466 +of:0.1361129730939865 and:0.06398478150367737 The:0.016191022470593452 to:0.015605231747031212 :0.15792208909988403 +doubt:0.09309294819831848 right:0.03080589883029461 hesitation:0.023100700229406357 more:0.018643278628587723 :0.12668423354625702 +and:0.050768375396728516 to:0.045309100300073624 the:0.04298311844468117 The:0.02757575735449791 :0.15350723266601562 +man:0.03793071210384369 and:0.014607659541070461 home:0.007385602220892906 woman:0.006935137789696455 :0.21075782179832458 +first:0.009312093257904053 only:0.007019789423793554 old:0.006922801956534386 people:0.006299348082393408 :0.18912874162197113 +ing:0.07280678302049637 pany:0.06422118842601776 mittee:0.053664468228816986 menced:0.04891751706600189 :0.1262405663728714 +of:0.2194756269454956 and:0.028052227571606636 in:0.025872759521007538 was:0.023729650303721428 :0.05865459516644478 +and:0.0591670386493206 to:0.018708061426877975 of:0.01654420793056488 in:0.014913132414221764 :0.2961850166320801 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.10841002315282822 that:0.0409160777926445 a:0.019306864589452744 in:0.01840898022055626 :0.08246941864490509 +the:0.2913028299808502 a:0.03486328572034836 his:0.03006410412490368 said:0.022421373054385185 :0.10274790972471237 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +in:0.2364635318517685 of:0.11862321943044662 that:0.07354238629341125 to:0.03997401148080826 :0.034648243337869644 +the:0.0998334214091301 and:0.07941562682390213 to:0.053828492760658264 that:0.05268093943595886 :0.048055414110422134 +first:0.010660607367753983 same:0.008569259196519852 people:0.006858179345726967 great:0.006498311646282673 :0.16801615059375763 +to:0.14163491129875183 in:0.060095977038145065 from:0.04372260719537735 out:0.0328456312417984 :0.05370159447193146 +He:0.09934861958026886 The:0.07646625488996506 It:0.035441022366285324 I:0.028562985360622406 :0.10956702381372452 +and:0.06417287886142731 the:0.051028989255428314 to:0.047874610871076584 in:0.029811013489961624 :0.11138448864221573 +and:0.027257487177848816 The:0.018786687403917313 the:0.01660330966114998 It:0.010601040907204151 :0.2201537936925888 +and:0.19236095249652863 but:0.03911080211400986 to:0.028650691732764244 the:0.026782916858792305 :0.09928186237812042 +time:0.010352011770009995 same:0.010318881832063198 said:0.010081944987177849 first:0.009497483260929585 :0.1402350217103958 +was:0.08979954570531845 would:0.061283040791749954 had:0.06022157520055771 will:0.0519210509955883 :0.048388876020908356 +own:0.04159625992178917 respective:0.012350501492619514 homes:0.009101959876716137 homes.:0.005930405110120773 :0.19451792538166046 +of:0.656390905380249 which:0.033118173480033875 that:0.021465303376317024 and:0.019670827314257622 :0.014850598759949207 +the:0.14478880167007446 be:0.031225401908159256 a:0.012616809457540512 make:0.012509237974882126 :0.1398189812898636 +and:0.030641667544841766 of:0.02240721695125103 The:0.013778234831988811 the:0.013385888189077377 :0.2774685323238373 +and:0.17617839574813843 with:0.05168653652071953 the:0.03451917693018913 but:0.027691928669810295 :0.08354438841342926 +be:0.13511429727077484 not:0.07514024525880814 have:0.04539405554533005 make:0.020563814789056778 :0.06698941439390182 +a:0.05102157965302467 other:0.0258670374751091 cases:0.021919261664152145 as:0.02188931591808796 :0.1913938969373703 +of:0.34261807799339294 and:0.09952143579721451 in:0.022233033552765846 was:0.018651166930794716 :0.07670684158802032 +and:0.10053156316280365 is:0.08033173531293869 of:0.07696277648210526 was:0.04440102353692055 :0.05588579550385475 +The:0.01901916228234768 A:0.012131348252296448 and:0.009295345284044743 the:0.008208982646465302 :0.27367517352104187 +of:0.4744413495063782 and:0.028819603845477104 to:0.020516272634267807 that:0.01998329907655716 :0.05172343924641609 +people:0.02078796923160553 men:0.009944234974682331 time:0.007642101030796766 government:0.00669361324980855 :0.217453271150589 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +be:0.2554304003715515 have:0.03213857486844063 the:0.01950729638338089 more:0.014781205914914608 :0.0717538520693779 +the:0.16784629225730896 and:0.032958339899778366 be:0.016194429248571396 a:0.01333280373364687 :0.09768224507570267 +way:0.06771618127822876 one:0.025689445436000824 thing:0.021135631948709488 two:0.015194886364042759 :0.11750418692827225 +the:0.14764131605625153 be:0.08220641314983368 which:0.018243776634335518 have:0.013351640664041042 :0.12972529232501984 +be:0.31393539905548096 not:0.08060408383607864 have:0.021890809759497643 bo:0.017726240679621696 :0.04742555692791939 +the:0.12924312055110931 a:0.06549800932407379 any:0.048763033002614975 that:0.03766413778066635 :0.07610748708248138 +the:0.3131910562515259 which:0.03707123175263405 a:0.03503476083278656 tho:0.01770981214940548 :0.13705763220787048 +and:0.20289406180381775 or:0.06558007001876831 the:0.02607920952141285 in:0.024837369099259377 :0.08507010340690613 +to:0.3077663481235504 a:0.04393242672085762 been:0.03804061934351921 and:0.032989706844091415 :0.07016871124505997 +is:0.08921876549720764 was:0.057900574058294296 and:0.04146068915724754 in:0.0357811264693737 :0.09827450662851334 +and:0.09682788699865341 of:0.02252979576587677 The:0.020638849586248398 to:0.01941891573369503 :0.13447760045528412 +the:0.2918257713317871 this:0.025901159271597862 a:0.023316236212849617 said:0.013759512454271317 :0.17405571043491364 +was:0.10689964145421982 saw:0.04248780012130737 had:0.04031166061758995 got:0.04019908607006073 :0.05625108629465103 +seem:0.030491279438138008 know:0.028958924114704132 appear:0.020239373669028282 have:0.016891207545995712 :0.09509699791669846 +and:0.05347944051027298 of:0.03602873533964157 in:0.01548404898494482 was:0.012477804906666279 :0.16591353714466095 +of:0.10824017226696014 other:0.018040308728814125 few:0.015857918187975883 very:0.014979257248342037 :0.13275085389614105 +few:0.015045088715851307 great:0.013627518899738789 man:0.01178344339132309 large:0.008482974953949451 :0.1316322684288025 +be:0.3627833425998688 have:0.04843686521053314 not:0.045506108552217484 bo:0.025014545768499374 :0.0862431600689888 +the:0.2184220552444458 a:0.09416579455137253 which:0.028239546343684196 his:0.017162751406431198 :0.09691715985536575 +and:0.05243852362036705 the:0.047104593366384506 to:0.03063078224658966 in:0.02207253687083721 :0.13816030323505402 +is:0.18500252068042755 was:0.13358420133590698 would:0.07273481041193008 has:0.07148969918489456 :0.04941997677087784 +in:0.10456071048974991 and:0.05644404515624046 of:0.037373561412096024 to:0.0372585654258728 :0.09333626180887222 +are:0.09026546776294708 have:0.08187546581029892 shall:0.0432143472135067 were:0.0354936309158802 :0.04583863168954849 +be:0.4162459075450897 bo:0.02171938307583332 fail:0.02031439170241356 he:0.012974939309060574 :0.08106549084186554 +and:0.07563164830207825 of:0.03481045365333557 in:0.022893551737070084 is:0.01864025928080082 :0.21640996634960175 +a:0.054189492017030716 the:0.04794101044535637 able:0.041158292442560196 in:0.013747993856668472 :0.16569411754608154 +was:0.21319939196109772 had:0.12758323550224304 would:0.12743818759918213 could:0.047060124576091766 :0.044974151998758316 +the:0.3062035143375397 them:0.0316493846476078 a:0.026422647759318352 all:0.022146454080939293 :0.0653049498796463 +of:0.07468980550765991 to:0.05801067873835564 in:0.049860112369060516 on:0.041586365550756454 :0.07707872986793518 +the:0.1491766721010208 that:0.11019542068243027 him:0.09999100863933563 me:0.07795190811157227 :0.04136219993233681 +the:0.21742835640907288 a:0.026781419292092323 this:0.02628864347934723 said:0.013074216432869434 :0.23245762288570404 +the:0.16603180766105652 any:0.056302472949028015 a:0.04547938331961632 other:0.02991911955177784 :0.12628650665283203 +be:0.20888829231262207 not:0.07118251919746399 have:0.044783756136894226 he:0.014203306287527084 :0.1115114688873291 +a:0.05194757878780365 been:0.02567979134619236 the:0.02129981480538845 to:0.020238488912582397 :0.28290632367134094 +the:0.08341234177350998 to:0.06615295261144638 not:0.03235843777656555 a:0.028112489730119705 :0.14593295753002167 +the:0.27643296122550964 redemption:0.07150519639253616 a:0.05192580819129944 confirmation:0.018965676426887512 :0.08968876302242279 +to:0.14990165829658508 and:0.12909342348575592 or:0.04287369176745415 according:0.04124030843377113 :0.07323483377695084 +of:0.1292857676744461 to:0.0440361425280571 for:0.03888140991330147 a:0.02299780398607254 :0.1022033616900444 +to:0.5516726970672607 by:0.2146483212709427 in:0.034357715398073196 for:0.019322190433740616 :0.01727084070444107 +to:0.03743673861026764 and:0.023855403065681458 condition:0.009664461947977543 fitness:0.006258487235754728 :0.20818066596984863 +a:0.06630861759185791 not:0.061363451182842255 the:0.05364001542329788 to:0.017353583127260208 :0.10260779410600662 +and:0.05617542937397957 the:0.031775619834661484 of:0.028597595170140266 is:0.017605168744921684 :0.1372944414615631 +the:0.38532689213752747 a:0.03628043085336685 his:0.03257958963513374 which:0.020536649972200394 :0.03353027254343033 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +he:0.03948782756924629 the:0.019780710339546204 .:0.01607547141611576 I:0.014768094755709171 :0.3108327090740204 +to:0.14068764448165894 the:0.08056643605232239 a:0.07966103404760361 that:0.05451368913054466 :0.04451315104961395 +the:0.4843224287033081 a:0.03603043779730797 their:0.035379961133003235 this:0.026376476511359215 :0.07541441172361374 +of:0.1903477907180786 to:0.08478838205337524 and:0.07418595999479294 in:0.048151034861803055 :0.04118678346276283 +the:0.1881835013628006 a:0.060897741466760635 all:0.01087066438049078 his:0.010364824905991554 :0.15929080545902252 +and:0.1456666886806488 to:0.08880346268415451 in:0.041782133281230927 from:0.04177430644631386 :0.1103145182132721 +to:0.13110707700252533 in:0.1292397528886795 against:0.11122362315654755 by:0.08077484369277954 :0.08040248602628708 +the:0.29030877351760864 a:0.07449907809495926 his:0.020428577437996864 their:0.020046794787049294 :0.04732208326458931 +and:0.008717510849237442 city:0.008148412220180035 county:0.007080563809722662 way:0.005696665961295366 :0.4415648579597473 +a:0.11105002462863922 the:0.07253999263048172 to:0.03269975259900093 many:0.02218765765428543 :0.08219610899686813 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +with:0.10176599025726318 the:0.06980293989181519 so:0.03908796235918999 so,:0.037140198051929474 :0.04784158617258072 +great:0.02843404747545719 good:0.021941043436527252 very:0.0215480737388134 member:0.021500952541828156 :0.1742185652256012 +to:0.04841877147555351 in:0.025607094168663025 and:0.023002348840236664 of:0.01995977759361267 :0.263347864151001 +United:0.013063316233456135 State:0.011377032846212387 most:0.0072413417510688305 said:0.007041397038847208 :0.27076831459999084 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.09102607518434525 A.:0.022301536053419113 H.:0.02066047303378582 B.:0.016472414135932922 :0.4048267900943756 +of:0.0617479644715786 and:0.031051030382514 Virginia:0.02803230658173561 Virginia,:0.02717961184680462 :0.3402620255947113 +and:0.12199456989765167 the:0.09518393129110336 a:0.0636291429400444 in:0.03989598527550697 :0.0475551038980484 +the:0.09514044970273972 of:0.06074544042348862 to:0.032828446477651596 a:0.028666911646723747 :0.07373233139514923 +who:0.13961882889270782 of:0.11651280522346497 to:0.038644105195999146 in:0.035913627594709396 :0.06037742272019386 +be:0.5044042468070984 have:0.04234621301293373 not:0.026853810995817184 bo:0.025440091267228127 :0.036575980484485626 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.060073938220739365 of:0.04736046865582466 who:0.028747478500008583 was:0.027462638914585114 :0.18403883278369904 +to:0.4914492964744568 by:0.1631869077682495 that:0.07586460560560226 and:0.02703501470386982 :0.02393161505460739 +the:0.27612972259521484 of:0.050102874636650085 and:0.045222990214824677 to:0.03200383484363556 :0.14025188982486725 +is:0.3075835704803467 was:0.11010263860225677 Is:0.05430320277810097 will:0.041913896799087524 :0.04153233766555786 +a:0.10687977820634842 an:0.024174995720386505 as:0.022457905113697052 men:0.01881575584411621 :0.14250759780406952 +were:0.023878443986177444 the:0.02343381941318512 and:0.023091444745659828 of:0.01730254851281643 :0.16736753284931183 +a:0.02836454287171364 made:0.02077404037117958 the:0.020418105646967888 was:0.009990881197154522 :0.2544764280319214 +be:0.11747676879167557 do:0.03153229504823685 go:0.029061682522296906 pay:0.019845163449645042 :0.08240669220685959 +the:0.1785244196653366 he:0.046304646879434586 it:0.03554587811231613 they:0.03167947381734848 :0.06478307396173477 +of:0.11422903835773468 to:0.07499830424785614 from:0.0384322814643383 in:0.03733447194099426 :0.05621456727385521 +the:0.3185695707798004 be:0.04855726286768913 a:0.033148497343063354 tho:0.0158727765083313 :0.08044781535863876 +fore:0.3973311185836792 tween:0.15021763741970062 cause:0.09543338418006897 yond:0.05160927772521973 :0.0515269972383976 +ner:0.32581380009651184 ner,:0.14575256407260895 ner.:0.08268708735704422 agement:0.032648421823978424 :0.17481376230716705 +the:0.17367413640022278 a:0.0560431033372879 two:0.0266260989010334 one:0.022662192583084106 :0.11288201063871384 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.16895966231822968 he:0.05102157220244408 the:0.04763772338628769 but:0.03974960744380951 :0.06568901240825653 +date:0.008520219475030899 United:0.008137640543282032 time:0.00669322581961751 day:0.006416283547878265 :0.18612447381019592 +The:0.10819827020168304 It:0.1028081551194191 He:0.028470395132899284 I:0.026679376140236855 :0.23673740029335022 +of:0.1352790892124176 and:0.04832310229539871 to:0.017215460538864136 the:0.011583392508327961 :0.19328036904335022 +and:0.1414710432291031 which:0.03822258487343788 the:0.03661260008811951 to:0.015788424760103226 :0.1073264628648758 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +said:0.04300110042095184 most:0.011168311350047588 same:0.011039822362363338 law:0.00924705807119608 :0.12496653944253922 +large:0.018156399950385094 good:0.016383469104766846 little:0.01537166628986597 man:0.01536609511822462 :0.16746650636196136 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +same:0.010428211651742458 whole:0.008267492987215519 water:0.007795605808496475 said:0.006400580983608961 :0.16167017817497253 +a:0.1684807687997818 the:0.06050712987780571 more:0.035623129457235336 so:0.029828527942299843 :0.18296147882938385 +forth:0.06818871945142746 up:0.052515409886837006 out:0.04890335351228714 of:0.04765211418271065 :0.11859787255525589 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.08372167497873306 and:0.03123495914041996 is:0.012750539928674698 will:0.011324695311486721 :0.1348956972360611 +to:0.10445976257324219 over:0.08213353157043457 out:0.0701431930065155 the:0.06382513046264648 :0.050750572234392166 +is:0.08826132118701935 was:0.06030581146478653 and:0.04438478872179985 of:0.028653599321842194 :0.14368055760860443 +a:0.10752132534980774 to:0.10722144693136215 the:0.10355819761753082 that:0.06996816396713257 :0.09631732851266861 +and:0.05459374189376831 of:0.0377025306224823 to:0.028383443132042885 was:0.018759548664093018 :0.20810222625732422 +and:0.04493781179189682 own:0.004953240975737572 men:0.0036093906965106726 or:0.003583482000976801 :0.19710347056388855 +and:0.21762099862098694 to:0.12319359928369522 of:0.1052248626947403 or:0.06808693706989288 :0.04622422158718109 +of:0.3404347598552704 that:0.09022897481918335 was:0.048236846923828125 in:0.0447569377720356 :0.037943750619888306 +the:0.4137452244758606 a:0.03182616084814072 said:0.02647595852613449 our:0.016701675951480865 :0.08607080578804016 +.:0.01744440756738186 d:0.01676357351243496 e:0.01572350412607193 y:0.01567300595343113 :0.288582980632782 +of:0.637900710105896 the:0.04082741588354111 and:0.023011745885014534 in:0.021867066621780396 :0.01863870397210121 +D.:0.010982802137732506 J.:0.009420528076589108 and:0.008225373923778534 Smith,:0.007772684097290039 :0.5716555714607239 +the:0.10791890323162079 upon:0.062011584639549255 to:0.04361309856176376 a:0.03942391648888588 :0.18620826303958893 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +of:0.05325014516711235 sition:0.03916850686073303 the:0.0319402739405632 litical:0.028843475505709648 :0.2586241066455841 +the:0.2987586259841919 them:0.03342799097299576 a:0.03295276314020157 his:0.030903946608304977 :0.05887121334671974 +and:0.06340214610099792 the:0.03706245869398117 to:0.027064258232712746 of:0.020478256046772003 :0.18919888138771057 +in:0.18123477697372437 to:0.11051420867443085 by:0.08427517861127853 for:0.053109027445316315 :0.03880159184336662 +to:0.2788120210170746 of:0.2090325653553009 and:0.08245803415775299 in:0.043481968343257904 :0.030284665524959564 +the:0.328204870223999 this:0.051205042749643326 a:0.02925587259232998 that:0.027062537148594856 :0.16063536703586578 +the:0.2798607349395752 a:0.02589733898639679 his:0.015995915979146957 tho:0.012048481032252312 :0.14676880836486816 +and:0.06344852596521378 of:0.028923777863383293 in:0.025547683238983154 the:0.02365042455494404 :0.17081265151500702 +the:0.26597467064857483 a:0.020325761288404465 this:0.01702040247619152 tho:0.012646329589188099 :0.15622463822364807 +the:0.14054054021835327 tho:0.030979810282588005 a:0.02476094476878643 this:0.01629968173801899 :0.2784253656864166 +people:0.02001918852329254 said:0.011754999868571758 man:0.006660871207714081 men:0.006149668246507645 :0.18596895039081573 +the:0.08844031393527985 by:0.08767016977071762 in:0.07386568933725357 on:0.0539318323135376 :0.05221181362867355 +A.:0.041336849331855774 A:0.03637523204088211 The:0.028842557221651077 and:0.018906285986304283 :0.2900378406047821 +the:0.17817585170269012 it:0.07331646978855133 they:0.05547323077917099 he:0.04740672931075096 :0.04512540251016617 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +the:0.2243472933769226 us:0.07650793343782425 him:0.0640292689204216 them:0.06265769153833389 :0.04873937740921974 +.:0.028628038242459297 few:0.014863521791994572 number:0.013740984722971916 man:0.012447359040379524 :0.3150249719619751 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +much:0.16640375554561615 little:0.05882151797413826 good:0.013961506076157093 few:0.012229382060468197 :0.18413051962852478 +the:0.22554239630699158 a:0.059103358536958694 this:0.017956305295228958 his:0.0162604209035635 :0.1146223321557045 +not:0.07855217158794403 the:0.04471442103385925 you:0.04248485341668129 I:0.040361106395721436 :0.07572296261787415 +doubt:0.07719127088785172 longer:0.03915143758058548 reason:0.031340088695287704 more:0.029894480481743813 :0.1153889149427414 +and:0.0543203204870224 A.:0.036261238157749176 H.:0.02804369106888771 M.:0.025106122717261314 :0.31714707612991333 +view:0.023221604526042938 large:0.015091892331838608 few:0.013403327204287052 little:0.011755388230085373 :0.19891507923603058 +of:0.24431473016738892 in:0.05490359663963318 that:0.04431482404470444 and:0.035424839705228806 :0.03280586004257202 +ing:0.5914320349693298 ing,:0.06664282083511353 ers:0.01683969423174858 ing.:0.011949094012379646 :0.09914176911115646 +same:0.007851109839975834 first:0.007732151076197624 work:0.006470360793173313 people:0.006068674381822348 :0.15261757373809814 +and:0.07317131012678146 of:0.06455796957015991 in:0.031681060791015625 for:0.030753683298826218 :0.11552269011735916 +and:0.0466720312833786 time:0.024397116154432297 line:0.01971709541976452 run:0.01665138639509678 :0.15866121649742126 +the:0.18987040221691132 a:0.09949010610580444 his:0.019983386620879173 an:0.01562761701643467 :0.15222683548927307 +said:0.026125632226467133 United:0.012172249145805836 property:0.006392683368176222 law:0.005320810712873936 :0.1940196454524994 +the:0.2822290062904358 a:0.06480757147073746 this:0.01988285221159458 which:0.018887411803007126 :0.06531506776809692 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.12361712753772736 up:0.06561494618654251 off:0.05190971866250038 a:0.049743372946977615 :0.0435497909784317 +the:0.04956379160284996 and:0.046893712133169174 to:0.04222816973924637 for:0.0394662506878376 :0.1923467367887497 +and:0.057221345603466034 of:0.04582705721259117 the:0.023327793926000595 Mrs.:0.02153133787214756 :0.21062564849853516 +hereby:0.07056573033332825 not:0.04936572164297104 to:0.02873859368264675 a:0.024161722511053085 :0.12671758234500885 +following:0.006900544743984938 first:0.006248628254979849 whole:0.006222831085324287 man:0.005645899102091789 :0.16342486441135406 +the:0.23867928981781006 a:0.03889762982726097 this:0.03560562804341316 which:0.024779073894023895 :0.07146812975406647 +the:0.3293977677822113 a:0.05402521416544914 any:0.02860180474817753 such:0.02571176551282406 :0.02537444792687893 +and:0.1955411583185196 of:0.027401575818657875 the:0.027141302824020386 to:0.024914192035794258 :0.144398495554924 +the:0.4047618806362152 a:0.06160998344421387 be:0.017754212021827698 tho:0.01729240082204342 :0.06948556005954742 +is:0.10260716080665588 was:0.08890321850776672 will:0.05763840675354004 has:0.05757325142621994 :0.06688393652439117 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +to:0.09391693770885468 a:0.07318106293678284 the:0.0475299209356308 from:0.04439206048846245 :0.052784666419029236 +the:0.24253425002098083 be:0.03314215689897537 whether:0.028364010155200958 make:0.020574694499373436 :0.07394088059663773 +the:0.2172231525182724 he:0.07334661483764648 there:0.055204957723617554 they:0.04506295919418335 :0.0447760708630085 +the:0.3840577304363251 his:0.028420340269804 tho:0.02529306709766388 their:0.02044336125254631 :0.08598016202449799 +and:0.049237437546253204 of:0.035002656280994415 the:0.017757730558514595 feet:0.015372131951153278 :0.249484583735466 +other:0.006837849970906973 same:0.005076163448393345 whole:0.0048926095478236675 right:0.004800610244274139 :0.14874616265296936 +point:0.014926834031939507 place:0.011917389929294586 door:0.010053468868136406 top:0.009104383178055286 :0.11505665630102158 +in:0.041809599846601486 have:0.029090415686368942 more:0.024063590914011 the:0.019648196175694466 :0.18612876534461975 +been:0.22894559800624847 not:0.04738496616482735 a:0.032042115926742554 the:0.02602071315050125 :0.07541389018297195 +street,:0.04494529590010643 street:0.03519285097718239 of:0.026824714615941048 Street,:0.024066749960184097 :0.3211975693702698 +and:0.0662446841597557 the:0.04076886177062988 to:0.02810051664710045 in:0.019138842821121216 :0.16813500225543976 +of:0.16585856676101685 and:0.1262216567993164 to:0.07668686658143997 in:0.045938413590192795 :0.04037138447165489 +of:0.07875099033117294 and:0.04885872080922127 the:0.03329552710056305 in:0.027568135410547256 :0.14796783030033112 +the:0.43245819211006165 a:0.07104472070932388 his:0.025624793022871017 this:0.0222752895206213 :0.053390078246593475 +the:0.10328277945518494 that:0.01726183295249939 to:0.0165055263787508 a:0.0162520632147789 :0.11731261014938354 +of:0.2969513535499573 the:0.08859734237194061 and:0.06477026641368866 a:0.044038884341716766 :0.050271037966012955 +been:0.25212255120277405 the:0.07761002331972122 a:0.045814692974090576 power:0.03273880481719971 :0.06631398946046829 +the:0.4873952269554138 our:0.02682000771164894 a:0.024067601189017296 tho:0.020617231726646423 :0.07706356048583984 +-:0.032055992633104324 county:0.020235775038599968 County:0.00805378146469593 manner:0.005698907654732466 :0.35595816373825073 +the:0.043038588017225266 a:0.02260400541126728 one-half:0.018300706520676613 one:0.01764708198606968 :0.25374382734298706 +that:0.2349860966205597 he:0.13348348438739777 the:0.11048861593008041 to:0.03249310329556465 :0.04872994124889374 +the:0.06912566721439362 make:0.03558395430445671 be:0.014917824417352676 do:0.01390982884913683 :0.07768255472183228 +of:0.7051776647567749 for:0.06941182166337967 and:0.02125699073076248 to:0.009932239539921284 :0.0164895448833704 +and:0.22721318900585175 the:0.05694743990898132 but:0.025647826492786407 in:0.018835240975022316 :0.1468222588300705 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.0638308972120285 of:0.032587066292762756 a:0.03199175372719765 to:0.029400458559393883 :0.12089317291975021 +the:0.1510564535856247 his:0.08140458166599274 a:0.0404425747692585 he:0.015853898599743843 :0.11564428359270096 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.4818997383117676 and:0.08704090118408203 are:0.034855250269174576 to:0.02797078527510166 :0.03675728291273117 +same:0.014921833761036396 following:0.008116899989545345 said:0.005037270952016115 first:0.004736384842544794 :0.17854610085487366 +and:0.06571445614099503 of:0.05494821071624756 the:0.022201746702194214 to:0.019535621628165245 :0.22784313559532166 +and:0.10148744285106659 to:0.06632926315069199 in:0.0500522255897522 on:0.026856884360313416 :0.08313842862844467 +and:0.056652043014764786 of:0.055061399936676025 to:0.04940446838736534 as:0.044237907975912094 :0.06335081160068512 +the:0.18467919528484344 a:0.03581631928682327 his:0.01592768356204033 their:0.010101472027599812 :0.1751066893339157 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.3104754090309143 to:0.07722111791372299 and:0.05087056756019592 that:0.045794907957315445 :0.02826317772269249 +a:0.1323946863412857 the:0.07133578509092331 not:0.05409318581223488 only:0.015604213811457157 :0.07645665854215622 +annum:0.34182316064834595 annum,:0.23382462561130524 month:0.06252036988735199 annum.:0.03370145708322525 :0.07441337406635284 +Justice:0.22409863770008087 of:0.13930898904800415 Magistrate:0.10542333871126175 Engineer:0.04314078763127327 :0.17154528200626373 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +.:0.02465013787150383 e:0.020849106833338737 d:0.016689714044332504 a:0.015660714358091354 :0.27585145831108093 +of:0.0376175157725811 the:0.01777578890323639 in:0.013011211529374123 and:0.012846381403505802 :0.3025091886520386 +years:0.08900320529937744 miles:0.03811436519026756 feet:0.029452385380864143 days:0.026606639847159386 :0.17684757709503174 +amount:0.012246083468198776 most:0.009259109385311604 whole:0.006677687168121338 people:0.0064686741679906845 :0.12958945333957672 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +of:0.06034387648105621 and:0.057938769459724426 to:0.025605442002415657 the:0.02301434800028801 :0.22179575264453888 +and:0.042664919048547745 The:0.02006607875227928 had:0.01840384490787983 was:0.018065568059682846 :0.2505628764629364 +a:0.20645920932292938 the:0.11532481014728546 way:0.07745850831270218 an:0.05590042471885681 :0.08600638061761856 +the:0.24084331095218658 a:0.048346146941185 this:0.018122639507055283 their:0.014173517934978008 :0.06500691920518875 +few:0.042575348168611526 two:0.0417640320956707 of:0.024718686938285828 year:0.021629415452480316 :0.131012424826622 +the:0.3081912696361542 a:0.04404491186141968 this:0.022953176870942116 tho:0.021049045026302338 :0.0733318030834198 +door:0.4268713593482971 of:0.09978503733873367 and:0.030908484011888504 door,:0.019180160015821457 :0.05961789935827255 +of:0.044582098722457886 and:0.040106795728206635 was:0.03925371542572975 to:0.026130301877856255 :0.2006080001592636 +the:0.35936084389686584 a:0.03589876368641853 this:0.026164546608924866 such:0.01630225218832493 :0.10125298798084259 +the:0.028750110417604446 a:0.01577736623585224 old,:0.00953743513673544 of:0.006832368206232786 :0.20279106497764587 +the:0.25988030433654785 a:0.09893880039453506 his:0.020371735095977783 their:0.017878787592053413 :0.060196034610271454 +and:0.07504768669605255 to:0.04405410960316658 as:0.032524868845939636 in:0.03030877374112606 :0.1209595650434494 +to:0.23462767899036407 not:0.10521883517503738 a:0.03857751935720444 the:0.033554401248693466 :0.1343466341495514 +and:0.03937510401010513 to:0.03264692425727844 of:0.02677815966308117 earnings:0.0209549218416214 :0.15239503979682922 +other:0.11118178069591522 contrary,:0.0448513925075531 first:0.02259240113198757 morning:0.016651252284646034 :0.11703605949878693 +in:0.12384601682424545 on:0.046824678778648376 to:0.04461259767413139 with:0.03181745111942291 :0.08509563654661179 +The:0.06455003470182419 A:0.03394462168216705 and:0.02755446918308735 In:0.017315538600087166 :0.1894027590751648 +own:0.026312939822673798 great:0.005628270097076893 kind:0.00539973471313715 most:0.0044264704920351505 :0.2576349079608917 +the:0.23095302283763885 a:0.11002564430236816 this:0.027417141944169998 his:0.01700609363615513 :0.10603202134370804 +the:0.03400203585624695 and:0.024322982877492905 a:0.010928304865956306 or:0.00797861535102129 :0.14880365133285522 +have:0.02558128535747528 was:0.018549634143710136 had:0.017471913248300552 am:0.013640816323459148 :0.2618695795536041 +find:0.07370094209909439 be:0.0719178095459938 not:0.06359171122312546 have:0.04136795550584793 :0.07778427004814148 +the:0.05874115601181984 and:0.051991913467645645 of:0.02477595955133438 The:0.016890564933419228 :0.19064423441886902 +the:0.16902677714824677 a:0.10751306265592575 their:0.02066618762910366 his:0.020531093701720238 :0.12188869714736938 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +to:0.05125154182314873 the:0.04827206954360008 and:0.038923755288124084 in:0.018520846962928772 :0.13497978448867798 +and:0.0960288941860199 to:0.038598351180553436 was:0.03822287917137146 were:0.03310396894812584 :0.041929129511117935 +of:0.012576134875416756 and:0.007523567881435156 way:0.004474553745239973 the:0.0037893422413617373 :0.22485888004302979 +Representatives:0.2289779782295227 the:0.08123528212308884 Representatives,:0.0633985698223114 Delegates:0.040405236184597015 :0.2621626853942871 +of:0.2552250325679779 to:0.08036378771066666 and:0.0528295673429966 in:0.02465486153960228 :0.04417794197797775 +few:0.01993515156209469 large:0.019797230139374733 man:0.017240773886442184 good:0.016018884256482124 :0.1721406877040863 +the:0.2752207815647125 a:0.02883213572204113 his:0.01648123748600483 their:0.013140959665179253 :0.14654502272605896 +of:0.15755242109298706 and:0.05627873167395592 who:0.05148053914308548 in:0.04196052998304367 :0.03316792845726013 +and:0.0823911800980568 the:0.02955309860408306 in:0.01736527867615223 at:0.016381094232201576 :0.19588932394981384 +in:0.014709076844155788 conversant:0.01244991086423397 and:0.011103042401373386 understood:0.010783335193991661 :0.31051015853881836 +of:0.7070074677467346 to:0.029302965849637985 and:0.01760050095617771 on:0.013277646154165268 :0.012975556775927544 +is:0.2836778461933136 was:0.14617128670215607 Is:0.059683095663785934 has:0.04191187396645546 :0.05975716933608055 +and:0.042897455394268036 .:0.026846539229154587 I:0.014302622526884079 the:0.011271587572991848 :0.36257627606391907 +the:0.2762875556945801 a:0.0777878388762474 their:0.027171451598405838 his:0.018440164625644684 :0.05585821717977524 +the:0.03490433469414711 to:0.030834581702947617 and:0.027459897100925446 of:0.022100787609815598 :0.20628975331783295 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +in:0.27843064069747925 the:0.1692771017551422 of:0.06566725671291351 at:0.042273975908756256 :0.03486261144280434 +the:0.2536894977092743 a:0.0366755835711956 which:0.020386716350913048 tho:0.02024812623858452 :0.1691989004611969 +the:0.39091768860816956 a:0.035722050815820694 his:0.022826340049505234 by:0.01584264077246189 :0.10944554954767227 +the:0.2899046838283539 a:0.07624875754117966 his:0.027017513290047646 their:0.02180236205458641 :0.07262635231018066 +of:0.11623214185237885 and:0.05993672087788582 in:0.015783539041876793 to:0.0133354552090168 :0.23224937915802002 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +a:0.055645398795604706 the:0.05417007580399513 not:0.031475555151700974 to:0.017422037199139595 :0.11873200535774231 +to:0.153593048453331 the:0.07703892886638641 his:0.04380017891526222 up:0.03586690500378609 :0.05928037315607071 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.22760425508022308 he:0.05932842940092087 they:0.048941802233457565 it:0.032345082610845566 :0.07127831876277924 +hand,:0.10346733778715134 side:0.03877659887075424 hand:0.02346140891313553 day:0.020031249150633812 :0.13421951234340668 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +York:0.3592407703399658 the:0.03823724016547203 and:0.03325952589511871 that:0.03025870956480503 :0.09506499022245407 +and:0.28885722160339355 but:0.05996206775307655 the:0.033545661717653275 or:0.016240065917372704 :0.05105093866586685 +have:0.0880933478474617 was:0.047385323792696 had:0.038924288004636765 could:0.030112920328974724 :0.10598300397396088 +the:0.25940167903900146 it:0.07175934314727783 they:0.031057169660925865 we:0.029074378311634064 :0.08371404558420181 +of:0.3696669042110443 and:0.08275539427995682 in:0.07676270604133606 that:0.027730558067560196 :0.025338029488921165 +the:0.2894268333911896 this:0.0241612046957016 a:0.021631106734275818 said:0.014560318551957607 :0.12606962025165558 +and:0.042588815093040466 was:0.0418924018740654 of:0.03348160162568092 is:0.024259153753519058 :0.15120083093643188 +and:0.21420106291770935 as:0.05503068119287491 but:0.04542040824890137 the:0.021179283037781715 :0.06613179296255112 +the:0.1272231638431549 a:0.03590815141797066 then:0.022338785231113434 that:0.015790313482284546 :0.10740657895803452 +Pierce's:0.04603837430477142 Williams':0.038094136863946915 and:0.031519316136837006 Miles':0.018851671367883682 :0.609879195690155 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.17683391273021698 or:0.04158981144428253 of:0.03185052424669266 the:0.02549532987177372 :0.13311417400836945 +the:0.25601935386657715 it:0.07170597463846207 they:0.068773053586483 he:0.047522615641355515 :0.04201211780309677 +a:0.02560051530599594 made:0.023950524628162384 the:0.01900971308350563 so:0.01550599467009306 :0.15344543755054474 +D.:0.3711722195148468 D:0.3136560022830963 D.,:0.09531545639038086 I).:0.016968991607427597 :0.05915506184101105 +The:0.11976725608110428 It:0.03960256278514862 and:0.03186583146452904 I:0.028714099898934364 :0.08483534306287766 +the:0.10731598734855652 to:0.026260297745466232 it:0.018827641382813454 in:0.017703182995319366 :0.08649678528308868 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +the:0.2799319326877594 a:0.05853075161576271 this:0.029080040752887726 his:0.020203882828354836 :0.06230882555246353 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.04315338283777237 seed:0.03578024357557297 mills:0.032629337161779404 to:0.024601534008979797 :0.1572583168745041 +and:0.03627141937613487 of:0.0245565976947546 the:0.009614058770239353 I:0.009029095992445946 :0.46021533012390137 +the:0.14798855781555176 of:0.096132293343544 he:0.04913811385631561 they:0.023486262187361717 :0.07945849001407623 +of:0.17813251912593842 the:0.06850067526102066 to:0.04609551280736923 a:0.03832292556762695 :0.067359559237957 +have:0.11735601723194122 are:0.06304754316806793 were:0.03362451493740082 do:0.03175647184252739 :0.07046984136104584 +the:0.03053298406302929 more:0.013341709971427917 any:0.012489748187363148 of:0.01229983102530241 :0.23326358199119568 +to:0.05261136218905449 the:0.048763129860162735 and:0.028440475463867188 of:0.021617596969008446 :0.11755149066448212 +and:0.07022403180599213 boy.:0.047127462923526764 girl.:0.03987928479909897 of:0.02236294560134411 :0.21657556295394897 +was:0.1417318433523178 had:0.10447506606578827 has:0.04909134283661842 is:0.040934380143880844 :0.061362456530332565 +to:0.13520577549934387 and:0.09675543010234833 of:0.046053022146224976 in:0.03411875292658806 :0.06484521925449371 +the:0.045282457023859024 a:0.012086335569620132 in:0.008136257529258728 of:0.008050333708524704 :0.3151334822177887 +by:0.10472409427165985 to:0.08605009317398071 and:0.081851527094841 for:0.03197340667247772 :0.06846125423908234 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +the:0.11723952740430832 by:0.09871672838926315 and:0.05828296020627022 a:0.03865393251180649 :0.103639155626297 +the:0.3024897575378418 a:0.061727847903966904 this:0.04823097959160805 tho:0.028252018615603447 :0.04790051653981209 +of:0.5028249621391296 in:0.04217476025223732 and:0.03206342086195946 for:0.0190092995762825 :0.025843771174550056 +the:0.2809118926525116 said:0.04638117179274559 a:0.040468133985996246 tho:0.020576028153300285 :0.11388909071683884 +the:0.16238102316856384 be:0.01837712712585926 a:0.015040053986012936 appear:0.012509430758655071 :0.10650834441184998 +be:0.4441124498844147 not:0.03898695483803749 bo:0.027650857344269753 only:0.022816913202404976 :0.046410221606492996 +first:0.00784983765333891 most:0.0055566029623150826 best:0.004194901790469885 greatest:0.003905133344233036 :0.2380022406578064 +and:0.042833782732486725 of:0.01945367455482483 to:0.018326908349990845 the:0.017511755228042603 :0.28180602192878723 +the:0.29762235283851624 two:0.022203318774700165 tho:0.0221234317868948 a:0.015596463344991207 :0.1763692945241928 +the:0.19753748178482056 a:0.028335971757769585 his:0.024979455396533012 their:0.021806659176945686 :0.14262768626213074 +and:0.1086859405040741 land:0.042573027312755585 land,:0.03129066899418831 products:0.028581291437149048 :0.1288866251707077 +of:0.035259295254945755 and:0.016301603987812996 or:0.011284266598522663 who:0.006568434182554483 :0.18665064871311188 +tance:0.04584202915430069 position:0.03890007734298706 tant:0.03186163678765297 covered:0.024919645860791206 :0.33901727199554443 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.1713196486234665 was:0.09063461422920227 is:0.06763850152492523 has:0.056904878467321396 :0.08927665650844574 +will:0.1111421287059784 have:0.11083531379699707 are:0.10340522974729538 can:0.06829965114593506 :0.03899005427956581 +the:0.3649636507034302 a:0.036159444600343704 tho:0.01921948604285717 his:0.01674884930253029 :0.11462550610303879 +to:0.03033226728439331 and:0.029760798439383507 the:0.024581968784332275 a:0.010195014998316765 :0.15693165361881256 +to:0.29645395278930664 into:0.061905812472105026 out:0.05714842677116394 down:0.04592879116535187 :0.039358776062726974 +of:0.14751523733139038 and:0.06760077178478241 which:0.03440574184060097 that:0.03355846554040909 :0.054164133965969086 +and:0.025898799300193787 mind:0.007845399901270866 session:0.006415178533643484 men:0.005503890570253134 :0.19097279012203217 +and:0.14395663142204285 the:0.05137799307703972 a:0.02140485867857933 but:0.01906369812786579 :0.13091705739498138 +the:0.3681241273880005 a:0.05743260309100151 his:0.02008006162941456 tho:0.019819650799036026 :0.09503313899040222 +are:0.0895395278930664 have:0.07241003215312958 will:0.039574041962623596 shall:0.036896537989377975 :0.053994666785001755 +and:0.06318928301334381 of:0.029846930876374245 the:0.017411723732948303 who:0.017378507182002068 :0.2197999358177185 +same:0.018043261021375656 following:0.010212226770818233 said:0.010127312503755093 amount:0.009457776322960854 :0.18387426435947418 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +had:0.07646630704402924 have:0.0738997831940651 was:0.05741201713681221 are:0.05662473663687706 :0.05405998229980469 +and:0.09604774415493011 to:0.07728996872901917 in:0.07444512099027634 with:0.027872055768966675 :0.051534973084926605 +of:0.07839599996805191 one:0.043330155313014984 person:0.03140329569578171 such:0.022490860894322395 :0.2068658024072647 +purpose:0.021881381049752235 first:0.01158815436065197 past:0.008909245021641254 sum:0.0077264802530407906 :0.2584359645843506 +and:0.059886232018470764 of:0.048868536949157715 in:0.032239656895399094 the:0.030178353190422058 :0.11227769404649734 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.07009989023208618 be:0.03935221955180168 make:0.02608482353389263 have:0.019007058814167976 :0.11565431207418442 +been:0.04607053101062775 the:0.01740366965532303 be:0.013041590340435505 in:0.012010031379759312 :0.11372586339712143 +of:0.14003783464431763 a:0.0324641577899456 other:0.0258968286216259 people:0.018810370936989784 :0.14595536887645721 +was:0.19201001524925232 would:0.10951904207468033 is:0.08913631737232208 has:0.023932697251439095 :0.07951491326093674 +The:0.1305757761001587 He:0.04712175577878952 It:0.0435413233935833 I:0.025981344282627106 :0.09452411532402039 +and:0.1143810823559761 for:0.02863137423992157 to:0.02796543389558792 in:0.026098130270838737 :0.08813780546188354 +great:0.016248280182480812 few:0.015048385597765446 large:0.01412663608789444 new:0.012830192223191261 :0.10499073565006256 +a:0.15505386888980865 the:0.0990205928683281 well:0.07803456485271454 to:0.032469965517520905 :0.04856059327721596 +the:0.21099582314491272 a:0.10282690078020096 which:0.06810494512319565 all:0.01823459379374981 :0.10143540799617767 +that:0.16304580867290497 the:0.05698436498641968 of:0.0385967493057251 to:0.03383110836148262 :0.0681128278374672 +and:0.04189760610461235 expanse:0.010594954714179039 face:0.006123471539467573 way:0.005286399740725756 :0.18834029138088226 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +visions:0.13756400346755981 ceedings:0.09445411711931229 tection:0.04694709554314613 duction:0.04543900489807129 :0.18255014717578888 +that:0.2372785359621048 far:0.07588217407464981 much:0.03418713063001633 long:0.03337505832314491 :0.09450464695692062 +not:0.09106090664863586 a:0.0463680736720562 sure:0.03507479652762413 glad:0.020604057237505913 :0.1106211245059967 +the:0.16605208814144135 a:0.022133614867925644 tne:0.01595410704612732 me:0.014723545871675014 :0.21674764156341553 +of:0.2127908319234848 hundred:0.04642021656036377 or:0.03249439224600792 and:0.025764083489775658 :0.07700714468955994 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +a:0.12068622559309006 the:0.09475192427635193 so:0.026299916207790375 very:0.019225765019655228 :0.19598908722400665 +of:0.3912922739982605 with:0.08117666840553284 in:0.05481194332242012 to:0.04478002339601517 :0.04135053977370262 +and:0.04400444030761719 demand:0.02217860333621502 trial:0.020037941634655 average:0.01749720610678196 :0.17972500622272491 +the:0.7123533487319946 tho:0.026458531618118286 a:0.01843937672674656 his:0.01745772548019886 :0.025232790037989616 +is:0.31460487842559814 was:0.15903742611408234 will:0.043733980506658554 has:0.03368460386991501 :0.041318923234939575 +men:0.006959411781281233 and:0.006001880392432213 other:0.005567486397922039 country:0.004736734554171562 :0.3594449758529663 +the:0.132910817861557 that:0.036480844020843506 a:0.027629386633634567 in:0.022994186729192734 :0.0750545933842659 +most:0.013077463023364544 same:0.012309402227401733 only:0.0099419504404068 said:0.0076887886971235275 :0.2500137686729431 +to:0.3799830973148346 by:0.06503433734178543 that:0.06307096034288406 and:0.033949460834264755 :0.07643149793148041 +the:0.38344189524650574 a:0.05141311511397362 this:0.02808067761361599 his:0.02087569795548916 :0.12761615216732025 +and:0.13310843706130981 was:0.10986600816249847 had:0.04890652373433113 is:0.044317178428173065 :0.0646107941865921 +the:0.07526713609695435 a:0.032221876084804535 and:0.02579668164253235 that:0.01888672262430191 :0.18339158594608307 +not:0.1821916699409485 you:0.0298292338848114 the:0.0240267775952816 White:0.019150877371430397 :0.17086216807365417 +dollars:0.2247781753540039 dollars,:0.07278448343276978 dollars.:0.03889851272106171 feet:0.019426584243774414 :0.17172160744667053 +of:0.7731786370277405 and:0.017493344843387604 in:0.015723582357168198 ot:0.013121197931468487 :0.014092572033405304 +with:0.11207067221403122 and:0.09987764060497284 to:0.04825612157583237 at:0.023648126050829887 :0.08546528220176697 +the:0.09996729344129562 a:0.08121000230312347 in:0.059668783098459244 to:0.03686125576496124 :0.06769490987062454 +nected:0.022220682352781296 ditions:0.019282624125480652 scious:0.018201027065515518 tained:0.015598980709910393 :0.5864750146865845 +the:0.18209630250930786 be:0.023616062477231026 a:0.018681105226278305 have:0.013383840210735798 :0.11164826899766922 +same:0.013585232198238373 first:0.012981027364730835 city:0.012977709993720055 case:0.009776578284800053 :0.1773841828107834 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.3358234167098999 in:0.06252045184373856 more:0.05238458886742592 and:0.04537461698055267 :0.06237739697098732 +and:0.06667526811361313 The:0.033254362642765045 I:0.02091357111930847 In:0.018610738217830658 :0.14837010204792023 +and:0.08322055637836456 but:0.055602263659238815 as:0.04083474725484848 or:0.03249296173453331 :0.0456949919462204 +The:0.14628943800926208 In:0.033026937395334244 This:0.028833072632551193 It:0.027241509407758713 :0.11402114480733871 +whole:0.008402317762374878 same:0.006077996920794249 amount:0.005987702868878841 most:0.005290961358696222 :0.2429615706205368 +the:0.25291138887405396 a:0.08444339781999588 which:0.020396674051880836 his:0.020312175154685974 :0.07883893698453903 +the:0.3632040321826935 a:0.06218883767724037 his:0.02115640789270401 tho:0.0184119064360857 :0.05715080350637436 +the:0.2797021269798279 a:0.07143087685108185 way:0.02418570965528488 said:0.02320445515215397 :0.09705069661140442 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.27896353602409363 but:0.05934465676546097 which:0.04899250715970993 in:0.025284623727202415 :0.03982781618833542 +the:0.43995094299316406 this:0.03784818574786186 a:0.029530150815844536 our:0.02258695475757122 :0.06997153162956238 +and:0.16853098571300507 was:0.058736734092235565 to:0.04403844103217125 in:0.03884110972285271 :0.05258217453956604 +of:0.4706414043903351 and:0.032910048961639404 for:0.027654094621539116 which:0.014749454334378242 :0.02626287192106247 +the:0.03007190302014351 any:0.016815010458230972 more:0.011591324582695961 a:0.010380327701568604 :0.19266332685947418 +cept:0.0897940844297409 plained:0.0291304849088192 penses:0.016937648877501488 amination:0.01473448146134615 :0.4470236897468567 +that:0.30674806237220764 to:0.20291416347026825 from:0.06168505549430847 in:0.04470214992761612 :0.040730271488428116 +and:0.07163464277982712 for:0.048236165195703506 the:0.046619728207588196 to:0.03773176297545433 :0.08976311981678009 +make:0.039315659552812576 do:0.03914528340101242 get:0.025797532871365547 have:0.022533265873789787 :0.07337696105241776 +few:0.10445388406515121 little:0.024116503074765205 man:0.013505366630852222 great:0.012730913236737251 :0.1569364070892334 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.08492443710565567 in:0.013983369804918766 a:0.013882008381187916 by:0.010685807093977928 :0.1765744984149933 +of:0.31930917501449585 and:0.08660847693681717 in:0.02635231241583824 the:0.022010434418916702 :0.034622155129909515 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +and:0.10292690247297287 the:0.04055887460708618 in:0.02499646507203579 to:0.013177462853491306 :0.17194385826587677 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +not:0.04980239272117615 in:0.02706148475408554 the:0.018896562978625298 to:0.017280016094446182 :0.17729981243610382 +be:0.22116129100322723 not:0.05513238534331322 have:0.02785845287144184 bo:0.01778671331703663 :0.06781507283449173 +and:0.032289985567331314 the:0.02586810104548931 to:0.018816160038113594 was:0.017531609162688255 :0.21821436285972595 +from:0.21081514656543732 with:0.0608220212161541 in:0.052441906183958054 and:0.0492873340845108 :0.061968591064214706 +and:0.05142711475491524 of:0.050920311361551285 the:0.028008121997117996 to:0.02107919380068779 :0.1638612151145935 +the:0.23636268079280853 this:0.04626348987221718 a:0.032957009971141815 said:0.014476746320724487 :0.07230222225189209 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +been:0.1647716760635376 a:0.05495510622859001 not:0.043641041964292526 the:0.02372169680893421 :0.06295444816350937 +the:0.2578890025615692 a:0.035614050924777985 his:0.024019340053200722 work:0.017390253022313118 :0.15077176690101624 +not:0.27025583386421204 be:0.166288360953331 have:0.040096066892147064 bo:0.014707556925714016 :0.09133754670619965 +the:0.1547384262084961 a:0.14684729278087616 and:0.026423705741763115 this:0.014208326116204262 :0.10939710587263107 +the:0.3533540666103363 a:0.057787831872701645 which:0.04502158984541893 tho:0.023748820647597313 :0.07603554427623749 +be:0.23973941802978516 have:0.09578536450862885 the:0.022128179669380188 get:0.018329709768295288 :0.10385891050100327 +and:0.1434037685394287 to:0.08048709481954575 of:0.060072433203458786 in:0.05001349747180939 :0.0380626916885376 +D.:0.18061193823814392 D:0.08287530392408371 M:0.029949821531772614 M.:0.027769993990659714 :0.18113726377487183 +the:0.1341937780380249 be:0.10396956652402878 have:0.04801652207970619 a:0.02371511608362198 :0.11779206246137619 +the:0.22121797502040863 a:0.07158822566270828 this:0.02070021815598011 all:0.014955812133848667 :0.0757501944899559 +and:0.05190134793519974 the:0.0397186204791069 of:0.03567516803741455 The:0.021075673401355743 :0.17251114547252655 +duty:0.0709543451666832 most:0.03617224842309952 same:0.026521319523453712 only:0.025424035266041756 :0.14857035875320435 +appearance:0.049013666808605194 property:0.0486605204641819 friends:0.02711247280240059 and:0.015623411163687706 :0.1867843121290207 +period:0.03700853884220123 to:0.03242963179945946 than:0.028694694861769676 and:0.026474133133888245 :0.12836483120918274 +that:0.14170897006988525 and:0.06539203226566315 of:0.057551875710487366 in:0.03983564302325249 :0.047975655645132065 +and:0.2007601112127304 or:0.06231747195124626 the:0.050229839980602264 to:0.03962080180644989 :0.04230555519461632 +of:0.4860721528530121 and:0.0518331304192543 to:0.03241289034485817 was:0.016999123618006706 :0.031106019392609596 +be:0.15818502008914948 have:0.09899410605430603 not:0.0708276703953743 bo:0.015397370792925358 :0.10911761224269867 +and:0.12645629048347473 the:0.03010520339012146 but:0.02555662952363491 as:0.01893516071140766 :0.08012863248586655 +of:0.6633685827255249 to:0.038224413990974426 and:0.027478225529193878 ot:0.01258993148803711 :0.02651539444923401 +a:0.04173225536942482 not:0.03975921869277954 the:0.03575998172163963 in:0.019713636487722397 :0.10048657655715942 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +a:0.06492317467927933 the:0.04334491491317749 not:0.022436946630477905 in:0.021318217739462852 :0.17258208990097046 +to:0.8060855269432068 to,:0.043925121426582336 to.:0.03484344854950905 by:0.012749849818646908 :0.009508159011602402 +much:0.03714174032211304 few:0.019543422386050224 well:0.018203455954790115 little:0.017639676108956337 :0.1969529390335083 +more:0.056434277445077896 the:0.03372535482048988 a:0.020627116784453392 two:0.016195790842175484 :0.20330198109149933 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +ular:0.6301905512809753 ister:0.037268538028001785 ulation:0.012301438488066196 istration:0.011210156604647636 :0.19782905280590057 +a:0.17486023902893066 the:0.06902913749217987 an:0.022614847868680954 so:0.021031474694609642 :0.1610727459192276 +made:0.055688124150037766 no:0.04214853048324585 done:0.029680361971259117 found:0.023643668740987778 :0.13174720108509064 +of:0.25350454449653625 and:0.07214007526636124 the:0.053902704268693924 in:0.03581064194440842 :0.0732545256614685 +and:0.0591670386493206 to:0.018708061426877975 of:0.01654420793056488 in:0.014913132414221764 :0.2961850166320801 +been:0.22334733605384827 a:0.06674205511808395 the:0.03257497400045395 not:0.020744238048791885 :0.07331821322441101 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +the:0.29437607526779175 which:0.04002625495195389 a:0.030757727101445198 this:0.026528295129537582 :0.08087088912725449 +The:0.09228209406137466 It:0.04630548879504204 A:0.022323472425341606 He:0.019544092938303947 :0.15624162554740906 +the:0.19511078298091888 it:0.04579618200659752 a:0.03848138824105263 he:0.032449524849653244 :0.10791637003421783 +and:0.1429784744977951 but:0.06837645918130875 the:0.062422219663858414 as:0.03809579834342003 :0.034848421812057495 +by:0.11538361012935638 of:0.10167533904314041 in:0.0844309851527214 to:0.06784329563379288 :0.061321042478084564 +and:0.15865977108478546 of:0.12652446329593658 who:0.05147348344326019 or:0.03113248199224472 :0.062105271965265274 +the:0.20480425655841827 a:0.03917475417256355 his:0.01224117074161768 do:0.010738879442214966 :0.14724473655223846 +are:0.13452915847301483 have:0.13028855621814728 do:0.04197727516293526 were:0.03152497485280037 :0.06977221369743347 +make:0.04367879778146744 be:0.043587666004896164 pay:0.029817240312695503 have:0.020782239735126495 :0.08127345889806747 +was:0.1503957062959671 had:0.05858108773827553 has:0.04081236571073532 is:0.03449413552880287 :0.14906466007232666 +tain:0.6302682161331177 pend:0.051588695496320724 tained:0.025475379079580307 pect:0.0250846054404974 :0.08162875473499298 +be:0.31433919072151184 exceed:0.07623589038848877 have:0.030880695208907127 apply:0.029393207281827927 :0.045586396008729935 +of:0.09491533786058426 time:0.030142569914460182 very:0.018649784848093987 few:0.012612746097147465 :0.11163702607154846 +The:0.15769386291503906 It:0.06022759526968002 He:0.043002452701330185 There:0.031483910977840424 :0.08414900302886963 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.2536894977092743 a:0.0366755835711956 which:0.020386716350913048 tho:0.02024812623858452 :0.1691989004611969 +mortgage:0.03486073762178421 County:0.014469009824097157 John:0.012604025192558765 James:0.009327806532382965 :0.15688163042068481 +the:0.12382195889949799 be:0.02918289601802826 make:0.021456656977534294 a:0.014847091399133205 :0.10070481151342392 +the:0.11177702993154526 running:0.03795536234974861 a:0.03584782034158707 in:0.021813731640577316 :0.1219887062907219 +of:0.16975858807563782 and:0.07150198519229889 in:0.06508942693471909 to:0.04514384642243385 :0.04089001938700676 +a:0.039644572883844376 the:0.022813238203525543 made:0.022225119173526764 in:0.015017415396869183 :0.19400620460510254 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +and:0.059463515877723694 are:0.02456372044980526 to:0.021299319341778755 the:0.02093273587524891 :0.1690751165151596 +and:0.04759052395820618 party:0.03963426873087883 party,:0.02381397970020771 man:0.009766710922122002 :0.24713963270187378 +and:0.07695093750953674 to:0.05343341454863548 than:0.04985954985022545 in:0.04815882071852684 :0.07431371510028839 +of:0.06132608652114868 and:0.044832587242126465 Mrs.:0.01917598396539688 to:0.017327185720205307 :0.19399860501289368 +the:0.2724389135837555 a:0.06098819524049759 his:0.02485448308289051 this:0.022358307614922523 :0.12872779369354248 +the:0.10398772358894348 and:0.06762052327394485 in:0.03331485763192177 to:0.03041081316769123 :0.06320791691541672 +The:0.14994065463542938 It:0.03928587585687637 In:0.03233833983540535 He:0.028155595064163208 :0.11341141909360886 +the:0.11124025285243988 a:0.09308601915836334 any:0.030844615772366524 being:0.022299200296401978 :0.166452556848526 +the:0.04878309369087219 be:0.029726067557930946 make:0.02247769944369793 do:0.022340040653944016 :0.10237035155296326 +and:0.030275121331214905 of:0.027222927659749985 the:0.009882953017950058 to:0.008702227845788002 :0.3171733021736145 +The:0.0876707062125206 It:0.04393196478486061 In:0.03798269107937813 I:0.03499678149819374 :0.17152179777622223 +to:0.05417047441005707 the:0.04525991156697273 and:0.03854946419596672 be:0.031962595880031586 :0.13746048510074615 +the:0.13313579559326172 over:0.07534950226545334 of:0.028683384880423546 that:0.016732538118958473 :0.06413234770298004 +the:0.08541252464056015 and:0.05018014460802078 to:0.028838355094194412 ing:0.026326708495616913 :0.11925210058689117 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +number:0.07777847349643707 amount:0.04838838055729866 part:0.027107100933790207 portion:0.02523159608244896 :0.13888540863990784 +A:0.024879146367311478 The:0.023480430245399475 ed:0.016853244975209236 and:0.016745105385780334 :0.30359792709350586 +been:0.17217190563678741 a:0.09063860774040222 the:0.08861395716667175 an:0.01522032730281353 :0.08020587265491486 +and:0.07515725493431091 of:0.0534881055355072 to:0.02609836682677269 the:0.023029262199997902 :0.23555076122283936 +the:0.34958839416503906 this:0.030006317421793938 a:0.02490902878344059 their:0.015166712924838066 :0.12358467280864716 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.07407065480947495 a:0.04217781871557236 two:0.038203585892915726 three:0.026966048404574394 :0.23233243823051453 +of:0.08171101659536362 and:0.07857345789670944 the:0.03680984675884247 to:0.020037570968270302 :0.14087903499603271 +and:0.056561458855867386 is:0.03945181891322136 vehicle:0.031840089708566666 car:0.023621052503585815 :0.14906394481658936 +of:0.04592108353972435 and:0.015067551285028458 the:0.013028672896325588 that:0.007471241522580385 :0.3045300543308258 +party:0.28779977560043335 party,:0.0828200951218605 party.:0.03394541144371033 leaders:0.010409505106508732 :0.14635008573532104 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +of:0.03623718023300171 and:0.01961594633758068 the:0.014716398902237415 .:0.014221850782632828 :0.27111825346946716 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +people:0.022767722606658936 own:0.019937681034207344 present:0.016745541244745255 friends:0.014733882620930672 :0.20897355675697327 +the:0.2349666953086853 a:0.0641632005572319 tho:0.015128969214856625 their:0.013397217728197575 :0.14252164959907532 +and:0.08740920573472977 the:0.06354088336229324 which:0.04568817466497421 but:0.03548547625541687 :0.06394388526678085 +taining:0.05599663034081459 struction:0.03623752295970917 tract:0.03419468551874161 cerning:0.03271462023258209 :0.25373023748397827 +and:0.08841506391763687 of:0.022390011698007584 to:0.019702032208442688 the:0.018124939873814583 :0.23805148899555206 +W:0.03620102256536484 H.:0.03528910130262375 W.:0.03369429334998131 M:0.029303453862667084 :0.21584898233413696 +be:0.31654104590415955 not:0.09372391551733017 have:0.07921663671731949 seem:0.031046586111187935 :0.04805479943752289 +and:0.14262406527996063 which:0.06652200222015381 but:0.05771858990192413 the:0.044715434312820435 :0.05051562562584877 +and:0.17676377296447754 of:0.061964768916368484 in:0.042685188353061676 as:0.028783584013581276 :0.07097692787647247 +and:0.025185784325003624 in:0.011976189911365509 more:0.00849827565252781 at:0.008370757102966309 :0.15789970755577087 +tween:0.3195769190788269 fore:0.16350264847278595 ing:0.13537190854549408 cause:0.05162180960178375 :0.03866425156593323 +a:0.07067593932151794 able:0.03490380197763443 the:0.018036460503935814 made:0.017323706299066544 :0.18245074152946472 +after:0.08782965689897537 at:0.04822392389178276 and:0.04684614762663841 if:0.039746470749378204 :0.06493915617465973 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.08747103065252304 in:0.014092452824115753 a:0.010592503473162651 or:0.007973801344633102 :0.14806191623210907 +and:0.05583487078547478 the:0.023356152698397636 of:0.022440578788518906 was:0.01741866022348404 :0.1422002613544464 +to:0.06415555626153946 in:0.05447619780898094 and:0.04486353322863579 were:0.04069257527589798 :0.05363680049777031 +D.:0.02653169259428978 J:0.021735860034823418 D:0.020785115659236908 J.:0.016675390303134918 :0.3455684185028076 +the:0.18859097361564636 a:0.11328939348459244 his:0.019362524151802063 which:0.01671086810529232 :0.16596859693527222 +the:0.20523910224437714 a:0.03649473190307617 said:0.018715670332312584 tho:0.012682842090725899 :0.11289909482002258 +to:0.1399729698896408 from:0.05248844996094704 up:0.05247711390256882 out:0.04322954639792442 :0.08847235143184662 +made:0.20361825823783875 a:0.035398539155721664 the:0.028506841510534286 to:0.028237517923116684 :0.12093138694763184 +of:0.739470362663269 and:0.03410281613469124 that:0.018864570185542107 which:0.013981424272060394 :0.0139697827398777 +man:0.018560150638222694 great:0.01760943792760372 large:0.01704525388777256 few:0.015944477170705795 :0.12963327765464783 +the:0.4973829984664917 this:0.04540467634797096 a:0.02509988285601139 his:0.018568964675068855 :0.061588186770677567 +and:0.07498505711555481 to:0.06040792167186737 by:0.04488588869571686 in:0.029213061556220055 :0.134510338306427 +the:0.07959722727537155 be:0.07471098750829697 make:0.017915548756718636 have:0.013220972381532192 :0.11216319352388382 +.:0.07505476474761963 and:0.0340830534696579 of:0.020178785547614098 the:0.013833670876920223 :0.3393748998641968 +is:0.20767323672771454 are:0.10207188874483109 shall:0.08170689642429352 as:0.049891773611307144 :0.04855544865131378 +and:0.08373710513114929 in:0.08152160048484802 on:0.06981828808784485 for:0.06317680329084396 :0.05316467955708504 +the:0.19308461248874664 a:0.10882233828306198 that:0.10604290664196014 to:0.03721048682928085 :0.06922538578510284 +of:0.7994428277015686 ot:0.022466110065579414 thereof,:0.017303258180618286 thereof:0.014226256869733334 :0.012834610417485237 +to:0.07213695347309113 that:0.053911659866571426 in:0.04135863110423088 the:0.02606554888188839 :0.05935123190283775 +saw:0.09958847612142563 heard:0.048116475343704224 had:0.044122084975242615 have:0.028121598064899445 :0.08981575071811676 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.2618227005004883 that:0.22994033992290497 by:0.13223393261432648 the:0.03722958266735077 :0.0341266505420208 +before:0.3849678337574005 the:0.02989405021071434 in:0.01731783337891102 about:0.017036480829119682 :0.07896502315998077 +most:0.00788052473217249 water:0.004483588971197605 same:0.004453056957572699 right:0.004333393182605505 :0.2783791124820709 +be:0.07398451119661331 not:0.03497396409511566 see:0.02932094596326351 have:0.028615901246666908 :0.09223643690347672 +of:0.2605963349342346 in:0.24890264868736267 or:0.0479983352124691 to:0.03185143694281578 :0.036277756094932556 +the:0.2718121409416199 a:0.03582288324832916 his:0.019622566178441048 tho:0.01641390658915043 :0.12530885636806488 +the:0.1579972803592682 a:0.04720677062869072 order:0.025069624185562134 this:0.015661558136343956 :0.09983407706022263 +will:0.04390520229935646 to:0.04300490394234657 are:0.039383888244628906 the:0.027250248938798904 :0.12850666046142578 +the:0.05822574719786644 a:0.03942876309156418 to:0.03328951820731163 not:0.03108465112745762 :0.157095268368721 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.07935658097267151 who:0.039364926517009735 of:0.03759704530239105 in:0.03638651221990585 :0.10498077422380447 +of:0.3493456244468689 in:0.040334705263376236 and:0.03521670773625374 to:0.032819680869579315 :0.049504611641168594 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.08755386620759964 in:0.06635522842407227 for:0.06187668815255165 to:0.050668783485889435 :0.07818503677845001 +the:0.4581315219402313 said:0.09782937914133072 this:0.04891718178987503 a:0.03756430372595787 :0.04496977850794792 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +departments:0.017803169786930084 kinds:0.0145043283700943 forms:0.013543627224862576 parts:0.013343200087547302 :0.19268809258937836 +vegetable,:0.05575047433376312 vegetable:0.03543665260076523 and:0.02853587083518505 the:0.02734258584678173 :0.3426436185836792 +a:0.10600334405899048 been:0.09355540573596954 the:0.049832943826913834 no:0.016670038923621178 :0.11161905527114868 +per:0.1362593024969101 cents:0.08604944497346878 inclusive,:0.02746889740228653 to:0.02612844854593277 :0.12426336854696274 +of:0.052961915731430054 and:0.042259376496076584 to:0.030205469578504562 in:0.014734516851603985 :0.21803930401802063 +cember,:0.2980514466762543 cember:0.1399533897638321 partment:0.015962552279233932 rangement:0.004476665519177914 :0.37390032410621643 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +the:0.41138583421707153 a:0.056591637432575226 this:0.014288190752267838 his:0.014229894615709782 :0.08576847612857819 +the:0.13198161125183105 a:0.05220847949385643 of:0.04539518803358078 any:0.04273073375225067 :0.05216348543763161 +and:0.10794105380773544 at:0.056955959647893906 in:0.04263537749648094 to:0.041741471737623215 :0.040923286229372025 +are:0.10547949373722076 have:0.07946647703647614 were:0.06373827159404755 had:0.052956726402044296 :0.0942884311079979 +virtue:0.29855239391326904 the:0.16251420974731445 a:0.03328780084848404 reason:0.021558238193392754 :0.08408848196268082 +Dated:0.2555386424064636 The:0.06480827927589417 In:0.028427347540855408 Now,:0.024209974333643913 :0.08626534789800644 +be:0.05170304700732231 make:0.029261566698551178 get:0.026941539719700813 the:0.024317177012562752 :0.0973522737622261 +and:0.16280005872249603 who:0.0317106731235981 or:0.021739166229963303 the:0.01903143897652626 :0.20923686027526855 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.2690468430519104 a:0.03732892498373985 this:0.01265876367688179 tho:0.011928399093449116 :0.14035345613956451 +the:0.16153331100940704 make:0.026396259665489197 be:0.02601517364382744 have:0.015015562996268272 :0.08748942613601685 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.20311647653579712 he:0.05873902887105942 you:0.055296968668699265 they:0.040405262261629105 :0.04595543071627617 +of:0.10217370837926865 the:0.05795024335384369 and:0.052989229559898376 in:0.03725091367959976 :0.05312094837427139 +and:0.04990421235561371 1910,:0.015352262184023857 1916,:0.013589616864919662 of:0.012571134604513645 :0.25131756067276 +pose:0.10050599277019501 ceeded:0.08646052330732346 posed:0.07283379137516022 nounced:0.042920153588056564 :0.2623630166053772 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +to:0.1647331565618515 and:0.0783708319067955 of:0.06292194873094559 for:0.030424758791923523 :0.03448105975985527 +and:0.10642918944358826 with:0.02685406431555748 of:0.025202156975865364 the:0.018712328746914864 :0.1737740933895111 +and:0.15846829116344452 John:0.006289319600909948 J:0.004755731672048569 James:0.004309702664613724 :0.4816037714481354 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +and:0.21058040857315063 in:0.08675891160964966 with:0.05217348411679268 for:0.04352905601263046 :0.04376669600605965 +the:0.06292768567800522 any:0.038831677287817 of:0.030092481523752213 to:0.0213615782558918 :0.21178267896175385 +to:0.09965837001800537 the:0.059528857469558716 out:0.05340968444943428 into:0.04900054633617401 :0.049832940101623535 +have:0.07205542922019958 are:0.06737742573022842 will:0.03617280349135399 were:0.03074602596461773 :0.11127283424139023 +of:0.07996807247400284 the:0.03808622807264328 extent:0.0159453134983778 effect.:0.011838071048259735 :0.08354617655277252 +the:0.46553224325180054 a:0.05284667760133743 this:0.04763707146048546 his:0.019756825640797615 :0.06146186217665672 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.12981049716472626 which:0.060963135212659836 the:0.039659179747104645 but:0.026350831612944603 :0.03596283122897148 +said:0.051016028970479965 same:0.018975237384438515 sale:0.012410023249685764 24th:0.010375539772212505 :0.17328445613384247 +was:0.16009648144245148 had:0.11957047134637833 has:0.10567378997802734 would:0.03420335799455643 :0.03707987815141678 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +lution:0.6734346747398376 In:0.005278930068016052 The:0.0038584184367209673 ing:0.0034650126472115517 :0.16501384973526 +of:0.2912176251411438 the:0.0836719498038292 and:0.03951535001397133 a:0.0283088106662035 :0.07483992725610733 +are:0.027643276378512383 were:0.017848612740635872 two:0.017468946054577827 men:0.013904365710914135 :0.12863858044147491 +the:0.3539946377277374 a:0.03586534410715103 this:0.02320215292274952 his:0.019183846190571785 :0.10318309813737869 +the:0.2521999180316925 a:0.020873872563242912 said:0.018919002264738083 this:0.016499511897563934 :0.20767951011657715 +other:0.0439511276781559 one:0.02705836296081543 fault:0.010911802761256695 means:0.01072721742093563 :0.29304853081703186 +and:0.06699556112289429 on:0.026848208159208298 in:0.024569138884544373 from:0.021400094032287598 :0.17945347726345062 +of:0.2206241339445114 and:0.1254587322473526 in:0.05466273054480553 for:0.0382312573492527 :0.036493077874183655 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +a:0.05701779946684837 the:0.04054246097803116 not:0.02175435982644558 to:0.020691202953457832 :0.15920287370681763 +best:0.05661351978778839 few:0.014825544320046902 little:0.01429376658052206 worst:0.008682814426720142 :0.16174960136413574 +to:0.07143052667379379 and:0.06189648434519768 with:0.02641730196774006 class:0.025083322077989578 :0.0843501016497612 +is:0.08543213456869125 was:0.05106965824961662 will:0.04763830825686455 has:0.04249504208564758 :0.05544602498412132 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.039073143154382706 value:0.026993177831172943 of:0.018644466996192932 interests:0.011499187909066677 :0.1660698652267456 +and:0.12022484838962555 of:0.05853588506579399 in:0.03899458795785904 to:0.02364879846572876 :0.09095357358455658 +the:0.3575139045715332 them:0.02593623846769333 tho:0.02380377985537052 two:0.020853316411376 :0.08828498423099518 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.05981837958097458 to:0.05540434643626213 in:0.05338315665721893 the:0.03778520226478577 :0.05606917291879654 +of:0.049332406371831894 to:0.04881191626191139 more:0.04773426428437233 better:0.03469487279653549 :0.11434179544448853 +and:0.05418666452169418 to:0.04272914677858353 the:0.03661290556192398 a:0.03502044081687927 :0.18001501262187958 +and:0.10125894099473953 the:0.05162366107106209 of:0.041654590517282486 in:0.026585271582007408 :0.052440494298934937 +Block:0.15685273706912994 and:0.09836865961551666 to:0.07921836525201797 from:0.031470492482185364 :0.0744653046131134 +amount:0.0179633516818285 length:0.010722877457737923 line:0.010537800379097462 day:0.010269444435834885 :0.12508554756641388 +the:0.08010892570018768 a:0.0668850764632225 in:0.027796737849712372 that:0.016636421903967857 :0.09789110720157623 +own:0.025663912296295166 people:0.016796793788671494 country:0.015315479598939419 State:0.011126575991511345 :0.1643151491880417 +a:0.06630861759185791 not:0.061363451182842255 the:0.05364001542329788 to:0.017353583127260208 :0.10260779410600662 +was:0.14470505714416504 had:0.13513712584972382 would:0.07261236757040024 has:0.05586621165275574 :0.05392933636903763 +and:0.1740942895412445 with:0.06644468754529953 but:0.0541941337287426 the:0.03315931186079979 :0.03862062841653824 +the:0.28199371695518494 a:0.07006227970123291 this:0.02544809691607952 his:0.01534680649638176 :0.11553366482257843 +and:0.06648760288953781 of:0.019684137776494026 at:0.013712630607187748 boy.:0.013146177865564823 :0.2955020070075989 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +best:0.05661351978778839 few:0.014825544320046902 little:0.01429376658052206 worst:0.008682814426720142 :0.16174960136413574 +and:0.04093339666724205 of:0.036822300404310226 Mrs.:0.013941916637122631 the:0.013454572297632694 :0.23129989206790924 +and:0.24811266362667084 the:0.03642654791474342 but:0.02983987331390381 to:0.024552397429943085 :0.060952022671699524 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +the:0.05018151178956032 any:0.030739841982722282 of:0.024886585772037506 to:0.02386638894677162 :0.15164940059185028 +most:0.012185011990368366 same:0.010640785098075867 result:0.010600059293210506 only:0.00753809604793787 :0.19594259560108185 +to:0.053807660937309265 and:0.03979896381497383 the:0.03871069848537445 in:0.02073551155626774 :0.18260976672172546 +are:0.09370037913322449 were:0.07155874371528625 have:0.059003837406635284 can:0.036929901689291 :0.05053726211190224 +and:0.06111013889312744 the:0.05984115973114967 to:0.04137768596410751 of:0.03050997294485569 :0.10919184237718582 +was:0.10177136957645416 had:0.0883454754948616 has:0.061413832008838654 is:0.04361957311630249 :0.09792733937501907 +that:0.16473683714866638 and:0.07645916938781738 to:0.05775176361203194 in:0.05435618758201599 :0.06123010441660881 +of:0.057540927082300186 and:0.0448746457695961 Mrs.:0.021364932879805565 the:0.01586054265499115 :0.19293293356895447 +far:0.04211960732936859 the:0.0161585733294487 making:0.011841549538075924 far,:0.01113884523510933 :0.16621723771095276 +own:0.025983812287449837 people:0.008996175602078438 readers:0.008798551745712757 eyes:0.005391287617385387 :0.1772172451019287 +a:0.12668001651763916 an:0.03066096641123295 resale:0.018560707569122314 sale:0.01565805822610855 :0.15547022223472595 +be:0.3634033501148224 have:0.07002010941505432 not:0.052500899881124496 bo:0.019632086157798767 :0.06865687668323517 +and:0.042468320578336716 the:0.021626882255077362 A.:0.02116059698164463 in:0.009996701963245869 :0.429922491312027 +and:0.05972100421786308 pains,:0.03347984328866005 in:0.018378224223852158 of:0.014761052094399929 :0.15866342186927795 +have:0.09397999942302704 are:0.08398851007223129 were:0.04883270338177681 in:0.03324129432439804 :0.04622289910912514 +of:0.08541333675384521 and:0.019509930163621902 in:0.01156980637460947 the:0.00954563170671463 :0.21447820961475372 +people:0.013940798118710518 same:0.013179412111639977 law:0.00725623220205307 man:0.006689149420708418 :0.13559043407440186 +The:0.05977017804980278 In:0.03393395617604256 and:0.02569480985403061 It:0.025015415623784065 :0.2544896602630615 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +the:0.06249372661113739 a:0.044010065495967865 in:0.018814029172062874 made:0.011713048443198204 :0.16267189383506775 +and:0.15846829116344452 John:0.006289319600909948 J:0.004755731672048569 James:0.004309702664613724 :0.4816037714481354 +and:0.08165638148784637 of:0.042575228959321976 the:0.030508045107126236 a:0.018357528373599052 :0.26913347840309143 +is:0.30813929438591003 was:0.08571802824735641 will:0.03764096647500992 would:0.037424877285957336 :0.036005400121212006 +to:0.12256461381912231 for:0.06132278963923454 in:0.05785010755062103 and:0.050377339124679565 :0.17752665281295776 +shalt:0.04041309654712677 hast:0.04014736786484718 and:0.028494060039520264 sands:0.027238845825195312 :0.347026526927948 +and:0.033316824585199356 of:0.025891229510307312 is:0.025662902742624283 the:0.021863233298063278 :0.0766863003373146 +the:0.2855949401855469 a:0.06504704058170319 and:0.025043362751603127 his:0.018531814217567444 :0.13039638102054596 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +is:0.13173732161521912 was:0.06316842138767242 they:0.049844589084386826 he:0.04656514525413513 :0.05325224995613098 +der:0.041627172380685806 til:0.04130350798368454 the:0.021086424589157104 a:0.01006796583533287 :0.3235964775085449 +the:0.2608380615711212 a:0.051974453032016754 which:0.029300833120942116 this:0.020940082147717476 :0.052922628819942474 +further:0.295942485332489 enacted,:0.05066213384270668 is:0.03752698004245758 not:0.02335953712463379 :0.0771968811750412 +.:0.8387966156005859 .,:0.010172653011977673 .;:0.005165118724107742 ,:0.0021940546575933695 :0.07968126237392426 +not:0.02337832562625408 made:0.018807966262102127 to:0.014764928258955479 in:0.014519788324832916 :0.08502621948719025 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +is:0.27503272891044617 are:0.17347729206085205 was:0.1410634070634842 were:0.062090735882520676 :0.04280408099293709 +crop:0.07180720567703247 and:0.033836692571640015 of:0.030019059777259827 mills:0.023686889559030533 :0.1004919707775116 +be:0.2864280641078949 have:0.07685975730419159 not:0.045374006032943726 bo:0.02140037901699543 :0.07653643935918808 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +The:0.104273721575737 A:0.0638623982667923 In:0.026360226795077324 It:0.026234328746795654 :0.0762052834033966 +of:0.11929631978273392 and:0.0744849219918251 on:0.0314861424267292 in:0.02693762630224228 :0.03785565122961998 +the:0.31718286871910095 this:0.022818895056843758 a:0.021545659750699997 his:0.01576419174671173 :0.162155881524086 +limits:0.10207957029342651 next:0.034731730818748474 last:0.032324329018592834 past:0.026398027315735817 :0.25684356689453125 +and:0.015498979948461056 of:0.009978612884879112 A:0.0076901731081306934 Smith,:0.006312504876405001 :0.595936119556427 +of:0.2574748992919922 and:0.04867492988705635 by:0.029695041477680206 in:0.02416192553937435 :0.056010641157627106 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +to:0.357755184173584 of:0.18140588700771332 and:0.06664912402629852 the:0.03011622652411461 :0.02710455097258091 +of:0.4791509509086609 as:0.024988489225506783 was:0.02240540087223053 to:0.02237916737794876 :0.028281569480895996 +of:0.12374673783779144 for:0.08937840163707733 in:0.07478692382574081 and:0.06802219152450562 :0.06217052787542343 +come:0.30449825525283813 cause:0.0962199866771698 lieve:0.07752668857574463 fore:0.06977026164531708 :0.1295074075460434 +a:0.10892137885093689 the:0.07961830496788025 not:0.036237068474292755 to:0.02532261423766613 :0.14692692458629608 +part:0.10561743378639221 line:0.044801514595746994 boundary:0.03459928184747696 portion:0.01844262145459652 :0.1940818727016449 +said:0.02754492498934269 same:0.010141010396182537 first:0.008842844516038895 following:0.008795068599283695 :0.3534625470638275 +and:0.15233071148395538 who:0.0727541521191597 to:0.03884477540850639 Mrs.:0.03560665622353554 :0.08719244599342346 +and:0.12612999975681305 to:0.12195716798305511 in:0.11433298885822296 of:0.04292157292366028 :0.040457017719745636 +guaranteed:0.08165110647678375 that:0.061510853469371796 to:0.04080798104405403 the:0.023806603625416756 :0.16641217470169067 +the:0.20434856414794922 a:0.05492870882153511 this:0.025431321933865547 all:0.021044034510850906 :0.08431537449359894 +of:0.00878640916198492 few:0.00794932246208191 the:0.007095591630786657 .:0.006130839232355356 :0.43472254276275635 +the:0.47565391659736633 a:0.05272573605179787 tho:0.02596116252243519 his:0.015862317755818367 :0.05926697701215744 +the:0.1442648321390152 it:0.03542281314730644 I:0.0315731018781662 if:0.027808722108602524 :0.06093636155128479 +was:0.10144232958555222 had:0.09986133873462677 would:0.031692467629909515 has:0.030124027281999588 :0.07461711764335632 +the:0.05082084983587265 a:0.02805444784462452 any:0.020677393302321434 other:0.0164695605635643 :0.26022598147392273 +the:0.11298364400863647 by:0.10107419639825821 through:0.049274854362010956 a:0.04103963077068329 :0.07645298540592194 +of:0.12000703066587448 was:0.030397627502679825 is:0.026802878826856613 and:0.019365746527910233 :0.16274411976337433 +year:0.13482549786567688 year,:0.12383130937814713 year.:0.1226377934217453 night:0.06638979911804199 :0.04572470113635063 +to:0.0926266610622406 that:0.05588159337639809 for:0.038046929985284805 and:0.0352465845644474 :0.1302766352891922 +first:0.010221683420240879 bill:0.006059165578335524 fact:0.005678472109138966 most:0.0049626934342086315 :0.16558252274990082 +and:0.07153359800577164 of:0.031012576073408127 the:0.021011320874094963 at:0.009380101226270199 :0.2849704623222351 +the:0.08570234477519989 in:0.07871939986944199 them:0.06280018389225006 a:0.056132204830646515 :0.051922835409641266 +Los:0.10846991837024689 the:0.05392870306968689 Lake,:0.03447854518890381 Burleigh:0.014291824772953987 :0.2951561212539673 +No.:0.030468996614217758 and:0.02877448871731758 street:0.02397124096751213 City,:0.015800807625055313 :0.3059157431125641 +the:0.29458507895469666 a:0.10345528274774551 tho:0.015394829213619232 an:0.014758036471903324 :0.1268875002861023 +the:0.29404255747795105 a:0.06456556916236877 their:0.017642104998230934 which:0.01721065118908882 :0.055166058242321014 +The:0.16483236849308014 It:0.050327226519584656 In:0.04001261293888092 There:0.02645648457109928 :0.10159561038017273 +that:0.07892242074012756 a:0.07414080947637558 to:0.0558084174990654 the:0.05506378412246704 :0.11334752291440964 +of:0.2100924402475357 and:0.05697968229651451 was:0.03601578250527382 is:0.02812621369957924 :0.07657059282064438 +quantities:0.04011894017457962 than:0.03676147386431694 and:0.036683958023786545 land:0.011898207478225231 :0.1766936182975769 +was:0.02967132441699505 and:0.02940223179757595 is:0.025312526151537895 has:0.012033630162477493 :0.14160270988941193 +the:0.36109599471092224 a:0.031780749559402466 this:0.021784039214253426 his:0.013898242264986038 :0.08682553470134735 +sented:0.09065362811088562 pared:0.06740192323923111 senting:0.05079216882586479 ing:0.046748582273721695 :0.3916940689086914 +troduced:0.08788812160491943 creased:0.07513376325368881 duced:0.0391569584608078 tended:0.03761318325996399 :0.24291381239891052 +and:0.06652186065912247 in:0.05688869208097458 at:0.027595890685915947 to:0.01963317021727562 :0.16640467941761017 +the:0.14568904042243958 be:0.0687735304236412 a:0.026533210650086403 make:0.017264969646930695 :0.09712236374616623 +of:0.12439079582691193 in:0.10644631087779999 and:0.10616715997457504 In:0.045991890132427216 :0.05284416303038597 +that:0.6120880842208862 and:0.10049973428249359 to:0.023920992389321327 by:0.022821977734565735 :0.020754646509885788 +be:0.3627833425998688 have:0.04843686521053314 not:0.045506108552217484 bo:0.025014545768499374 :0.0862431600689888 +and:0.15846829116344452 John:0.006289319600909948 J:0.004755731672048569 James:0.004309702664613724 :0.4816037714481354 +upon:0.24914273619651794 by:0.21710160374641418 in:0.06575123965740204 on:0.04538814723491669 :0.03591836988925934 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +than:0.041107792407274246 and:0.017505383118987083 men:0.007514230906963348 things:0.007196078542619944 :0.22774489223957062 +best:0.022757697850465775 most:0.019581520929932594 trip:0.010328968986868858 same:0.008678348734974861 :0.15508779883384705 +who:0.07863377779722214 to:0.06226785480976105 and:0.0578775629401207 was:0.05084383115172386 :0.0418594628572464 +and:0.05068449303507805 was:0.022525852546095848 is:0.012537864968180656 of:0.009652060456573963 :0.39939719438552856 +by:0.5257238745689392 to:0.082611583173275 in:0.04605356976389885 at:0.040730927139520645 :0.03476577624678612 +the:0.26466676592826843 a:0.03752102702856064 which:0.031435541808605194 their:0.01872970350086689 :0.13330896198749542 +be:0.2050066739320755 have:0.028163984417915344 only:0.02433883398771286 do:0.01757112145423889 :0.07342761754989624 +the:0.08287650346755981 a:0.06641190499067307 to:0.05330571532249451 not:0.041118599474430084 :0.09302059561014175 +been:0.4307294189929962 become:0.03118610754609108 the:0.029388101771473885 a:0.019063875079154968 :0.04909025877714157 +the:0.04357001557946205 a:0.03128141537308693 not:0.025178411975502968 in:0.02484770119190216 :0.15381403267383575 +way:0.13810665905475616 other:0.07375518232584 of:0.038807693868875504 case:0.029342081397771835 :0.10994616150856018 +been:0.12996841967105865 a:0.05242052674293518 not:0.029057122766971588 the:0.026974858716130257 :0.118819460272789 +and:0.056266579777002335 of:0.029604773968458176 was:0.024763107299804688 in:0.021911541000008583 :0.16173483431339264 +the:0.2045731097459793 a:0.04723981022834778 this:0.031287167221307755 tho:0.021378561854362488 :0.1520950198173523 +and:0.20329396426677704 by:0.11685774475336075 on:0.11034221947193146 as:0.10448899865150452 :0.07773887366056442 +first:0.010170097462832928 result:0.008325377479195595 most:0.007711074780672789 people:0.006174074020236731 :0.20283201336860657 +the:0.20714071393013 a:0.03255252540111542 this:0.0250256210565567 favor:0.021787375211715698 :0.07606258243322372 +of:0.7710551619529724 to:0.022385122254490852 that:0.014819971285760403 in:0.012239730916917324 :0.01133929006755352 +days:0.10273377597332001 years:0.06602511554956436 weeks:0.04140475019812584 minutes:0.03718847781419754 :0.12437938153743744 +cept:0.08376309275627136 pect:0.07992997020483017 clusively:0.019663671031594276 penses:0.01649564504623413 :0.31997305154800415 +that:0.08434296399354935 of:0.08247355371713638 to:0.06171436980366707 in:0.03866960108280182 :0.06874490529298782 +the:0.24282525479793549 they:0.05382712185382843 after:0.04746232554316521 it:0.04133327305316925 :0.04134918004274368 +of:0.14388273656368256 and:0.10763783752918243 in:0.04527675360441208 was:0.04377913102507591 :0.045085981488227844 +in:0.1605478823184967 on:0.0855555385351181 the:0.03254064545035362 to:0.030274327844381332 :0.0459381639957428 +purposes,:0.04326882213354111 than:0.03523345664143562 purposes.:0.03413015976548195 purposes:0.03016437590122223 :0.18582962453365326 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +a:0.05453265830874443 the:0.03455009683966637 possible:0.015671124681830406 found:0.01165499072521925 :0.15760710835456848 +and:0.15196284651756287 in:0.04042476788163185 from:0.03938848525285721 to:0.030894743278622627 :0.12185407429933548 +of:0.19042453169822693 and:0.06265626102685928 was:0.020487749949097633 to:0.019686996936798096 :0.10914579033851624 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +the:0.29235759377479553 he:0.04147503897547722 it:0.03312097117304802 they:0.029811274260282516 :0.04984097555279732 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.14119231700897217 who:0.03644835203886032 of:0.03346049040555954 which:0.026540514081716537 :0.046570099890232086 +was:0.0685933455824852 and:0.04691131412982941 of:0.042900290340185165 is:0.019953055307269096 :0.18980808556079865 +the:0.06805973500013351 to:0.048035599291324615 a:0.04066166654229164 not:0.03813550993800163 :0.13780246675014496 +to:0.256259948015213 of:0.06688950210809708 for:0.0476316399872303 in:0.037098478525877 :0.053809020668268204 +point:0.08650990575551987 time:0.0400233268737793 distance:0.03240429610013962 cost:0.027112331241369247 :0.13993725180625916 +to:0.17237578332424164 a:0.15422628819942474 from:0.06925862282514572 in:0.06321562081575394 :0.046593207865953445 +the:0.33008190989494324 and:0.03588572144508362 a:0.029804037883877754 their:0.02327444963157177 :0.031690943986177444 +and:0.18780967593193054 for:0.06593217700719833 at:0.04507038742303848 to:0.042234133929014206 :0.03870587423443794 +government:0.029500922188162804 war,:0.02573012001812458 war:0.023631365969777107 war.:0.01968824304640293 :0.17267104983329773 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.6796810626983643 that:0.02653486654162407 and:0.01889832504093647 to:0.01636083982884884 :0.02781006507575512 +of:0.06662063300609589 amount:0.020894194021821022 country:0.016187801957130432 sum:0.016109276562929153 :0.125102236866951 +of:0.1578819304704666 or:0.1268458515405655 the:0.05853812023997307 and:0.050146929919719696 :0.07722765952348709 +been:0.29057466983795166 yet:0.030762234702706337 a:0.023921797052025795 only:0.02157551608979702 :0.0699056088924408 +and:0.09784854203462601 or:0.05591242387890816 the:0.04128704220056534 in:0.026787331327795982 :0.08101329952478409 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.12000703066587448 was:0.030397627502679825 is:0.026802878826856613 and:0.019365746527910233 :0.16274411976337433 +of:0.42209571599960327 to:0.051558785140514374 and:0.03581355884671211 or:0.03051958791911602 :0.05192647874355316 +following:0.026588130742311478 said:0.013075935654342175 first:0.005978258326649666 whole:0.005930392537266016 :0.17262549698352814 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +same:0.009985997341573238 purpose:0.0077767944894731045 first:0.0072690630331635475 use:0.006808520760387182 :0.3136420249938965 +is:0.05987575650215149 are:0.04753716662526131 the:0.04679327458143234 will:0.033339787274599075 :0.06637459248304367 +only:0.12600550055503845 to:0.062181975692510605 a:0.029132837429642677 the:0.024360470473766327 :0.12184695154428482 +than:0.6570371985435486 or:0.02363014407455921 money:0.008553988300263882 and:0.007401639595627785 :0.05468018352985382 +the:0.2771487236022949 a:0.0447959303855896 this:0.019839508458971977 tho:0.016700534150004387 :0.14915916323661804 +the:0.596564531326294 his:0.034482166171073914 a:0.03427031636238098 tho:0.02959914319217205 :0.028553985059261322 +he:0.09490553289651871 the:0.08575239032506943 I:0.05068361386656761 it:0.04609575867652893 :0.06220896914601326 +the:0.2674359381198883 a:0.05690370127558708 this:0.01533267181366682 his:0.014866044744849205 :0.14666245877742767 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +two:0.010851145721971989 to:0.010146589949727058 points:0.010045148432254791 men:0.008452613838016987 :0.17768548429012299 +that:0.43106797337532043 to:0.07734034955501556 the:0.05716122314333916 it:0.019484970718622208 :0.04573918506503105 +the:0.24450848996639252 a:0.06728152930736542 this:0.025926850736141205 his:0.01659093052148819 :0.08972013741731644 +and:0.09446779638528824 to:0.042550619691610336 in:0.038292545825242996 on:0.031611375510692596 :0.11494268476963043 +a:0.06123607978224754 to:0.0375329926609993 the:0.036368679255247116 in:0.02306925132870674 :0.14149066805839539 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.055054549127817154 of:0.05288022756576538 The:0.022785047069191933 to:0.022273167967796326 :0.18208739161491394 +be:0.29638150334358215 not:0.058498315513134 have:0.026978854089975357 bo:0.0185602605342865 :0.0528968907892704 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.07726854830980301 the:0.03374505415558815 for:0.01925797574222088 but:0.018428286537528038 :0.13122545182704926 +moment:0.0998372882604599 few:0.05326826125383377 long:0.047286421060562134 time:0.022922556847333908 :0.1201578825712204 +only:0.18893778324127197 a:0.11361350864171982 the:0.03326256573200226 one:0.030232775956392288 :0.1130598783493042 +.:0.1477857083082199 H:0.018973633646965027 W:0.014238152652978897 A:0.009648902341723442 :0.3411482870578766 +the:0.2866067588329315 this:0.03197101503610611 a:0.027038801461458206 which:0.02232334017753601 :0.051115185022354126 +.:0.01209129486232996 C.:0.010344041511416435 C:0.009618994779884815 A.:0.007240096107125282 :0.499813973903656 +I:0.026852773502469063 went:0.024269580841064453 the:0.01985303871333599 took:0.013302717357873917 :0.07539590448141098 +and:0.15115617215633392 &:0.02993468940258026 who:0.02529304474592209 at:0.020456751808524132 :0.2205866128206253 +the:0.04827067628502846 a:0.04229459539055824 made:0.03314056992530823 not:0.021375518292188644 :0.16647392511367798 +of:0.12000703066587448 was:0.030397627502679825 is:0.026802878826856613 and:0.019365746527910233 :0.16274411976337433 +the:0.10230107605457306 a:0.023821081966161728 that:0.015023251995444298 to:0.01119138766080141 :0.1574229598045349 +the:0.4248379170894623 any:0.08599790930747986 a:0.022450916469097137 such:0.021417319774627686 :0.0640769749879837 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +the:0.2347194403409958 this:0.031697794795036316 said:0.030866069719195366 a:0.02496412768959999 :0.10005459189414978 +of:0.05837979540228844 with:0.05282742902636528 was:0.04338459670543671 and:0.03849353268742561 :0.06296320259571075 +the:0.33873072266578674 a:0.034525591880083084 his:0.019239667803049088 this:0.019229458644986153 :0.10338439792394638 +the:0.04560038447380066 a:0.020386898890137672 to:0.015087214298546314 that:0.01160570327192545 :0.20509512722492218 +the:0.4886712431907654 a:0.028163492679595947 his:0.02045639045536518 this:0.020368322730064392 :0.05056997388601303 +of:0.23499315977096558 who:0.043224915862083435 to:0.03901766985654831 in:0.03456059843301773 :0.04054919630289078 +been:0.11607832461595535 a:0.04536693915724754 not:0.0391191728413105 no:0.028789788484573364 :0.07648544013500214 +and:0.023557068780064583 men:0.022304318845272064 power:0.017338952049613 composition:0.01527427788823843 :0.23106661438941956 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +to:0.04471259191632271 before:0.034399691969156265 had:0.031334806233644485 be:0.030452249571681023 :0.13248035311698914 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +to:0.19723527133464813 from:0.08676560968160629 the:0.08176438510417938 and:0.06082552671432495 :0.05630658566951752 +that:0.1341327279806137 to:0.09131058305501938 the:0.08974450081586838 a:0.07322786748409271 :0.09156252443790436 +a:0.0726439356803894 the:0.041453536599874496 to:0.022616900503635406 no:0.018998829647898674 :0.15269926190376282 +tion:0.3729698061943054 tion.:0.04976225271821022 tion,:0.045550212264060974 to:0.021360624581575394 :0.24555890262126923 +The:0.07032046467065811 It:0.018035707995295525 In:0.016995089128613472 A:0.015056340955197811 :0.2943364977836609 +the:0.23654359579086304 this:0.04936399683356285 a:0.0253752451390028 which:0.014880834147334099 :0.07705621421337128 +most:0.0081927590072155 people:0.008015777915716171 same:0.006979628000408411 only:0.006442048121243715 :0.18395760655403137 +that:0.14136578142642975 in:0.08701404929161072 a:0.0813482403755188 the:0.06848269701004028 :0.07424676418304443 +the:0.03411842882633209 a:0.011882100254297256 and:0.007996326312422752 he:0.007936796173453331 :0.34563037753105164 +the:0.10419810563325882 is:0.07439849525690079 was:0.0313764363527298 it:0.019418179988861084 :0.05700278654694557 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +of:0.2881072461605072 and:0.12266536056995392 is:0.03449074923992157 as:0.031135540455579758 :0.028414098545908928 +mer:0.3729322850704193 mer,:0.035514768213033676 mer.:0.028812428936362267 mons:0.018806669861078262 :0.17506493628025055 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +and:0.08603011816740036 of:0.05430319160223007 The:0.018645355477929115 in:0.014904513955116272 :0.16248780488967896 +and:0.120084747672081 weather:0.061545949429273605 season:0.017570162191987038 the:0.01597001776099205 :0.12297698110342026 +of:0.1060945987701416 yield:0.021775633096694946 price:0.017207827419042587 amount:0.014867724850773811 :0.1559913605451584 +man:0.02443953976035118 few:0.019152279943227768 great:0.014016490429639816 good:0.011822203174233437 :0.16835717856884003 +and:0.08064266294240952 to:0.03201528638601303 The:0.029231559485197067 in:0.019574876874685287 :0.1676018238067627 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +years:0.078091099858284 and:0.03319485858082771 per:0.03193968906998634 feet:0.025749552994966507 :0.2288597971200943 +and:0.07261090725660324 that:0.05454913526773453 as:0.032034896314144135 to:0.030908189713954926 :0.15128612518310547 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.655745804309845 for:0.08474646508693695 that:0.019019436091184616 and:0.014495824463665485 :0.023994864895939827 +the:0.2057906538248062 a:0.07127145677804947 their:0.016616474837064743 all:0.016053875908255577 :0.14725346863269806 +and:0.04319925233721733 John:0.007689047139137983 Smith:0.006814328022301197 James:0.006269007921218872 :0.44921329617500305 +the:0.057232700288295746 and:0.02958304062485695 to:0.027707619592547417 that:0.018654491752386093 :0.2036747932434082 +dollars:0.18811863660812378 the:0.06231776624917984 dollars.:0.04872725531458855 dollars,:0.03501326963305473 :0.12973344326019287 +ir:0.017344478517770767 y:0.010781791061162949 is:0.007723725866526365 .:0.007438620552420616 :0.2856384515762329 +of:0.200763538479805 the:0.05735313147306442 and:0.03974059596657753 that:0.030767252668738365 :0.04345321282744408 +and:0.14543084800243378 who:0.10915078967809677 but:0.02479129284620285 with:0.02382161095738411 :0.07871454954147339 +as:0.7260297536849976 from:0.026691917330026627 aa:0.014233509078621864 ns:0.010635850951075554 :0.024557171389460564 +was:0.08374853432178497 had:0.07727480679750443 would:0.041087981313467026 will:0.02763252519071102 :0.08567875623703003 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +of:0.5914961695671082 and:0.04537082463502884 in:0.021874357014894485 from:0.020325319841504097 :0.04341794550418854 +to:0.05519803613424301 necessary:0.03231018781661987 a:0.02698749490082264 the:0.025310853496193886 :0.100168876349926 +of:0.21406997740268707 hundred:0.03235819935798645 and:0.014862236566841602 or:0.014561207965016365 :0.13866087794303894 +the:0.21620473265647888 a:0.05832129716873169 his:0.02359975129365921 their:0.023239078000187874 :0.07462340593338013 +the:0.05082084983587265 a:0.02805444784462452 any:0.020677393302321434 other:0.0164695605635643 :0.26022598147392273 +a:0.03354703262448311 the:0.028859397396445274 to:0.028138456866145134 in:0.018038414418697357 :0.31832772493362427 +the:0.24926960468292236 a:0.0971701592206955 this:0.030431509017944336 that:0.029858406633138657 :0.06381961703300476 +of:0.09562786668539047 and:0.0356283113360405 or:0.01506193820387125 justice:0.010598065331578255 :0.1628175526857376 +Neb.,:0.11961966007947922 and:0.10965543240308762 the:0.061911407858133316 a:0.03528277203440666 :0.0710437074303627 +by:0.6202744841575623 with:0.05409509316086769 in:0.04947807267308235 the:0.020458240061998367 :0.016498716548085213 +the:0.4565788805484772 a:0.03380297124385834 tho:0.021625977009534836 this:0.019234690815210342 :0.04098990559577942 +and:0.07321806997060776 in:0.021931303665041924 was:0.02012486569583416 who:0.01923394203186035 :0.15101861953735352 +to:0.4150655269622803 the:0.0628017708659172 in:0.055556945502758026 for:0.030627960339188576 :0.03418906778097153 +and:0.08238047361373901 in:0.037360597401857376 the:0.024743562564253807 that:0.022607581689953804 :0.10190151631832123 +and:0.08261967450380325 John:0.006887796334922314 Lincoln:0.005732289049774408 J:0.004585105460137129 :0.5257418751716614 +are:0.1286887377500534 were:0.10196812450885773 have:0.10098876804113388 had:0.042841728776693344 :0.08023881912231445 +and:0.09879809617996216 street:0.07138754427433014 street.:0.05450550466775894 street,:0.04007076099514961 :0.1650335043668747 +in:0.061701998114585876 a:0.05497105419635773 the:0.041570160537958145 more:0.029423747211694717 :0.12898172438144684 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +was:0.06411530077457428 had:0.05334657430648804 has:0.039605993777513504 would:0.0348614938557148 :0.08867726475000381 +of:0.3456985354423523 was:0.043291009962558746 in:0.02928738482296467 with:0.024177975952625275 :0.03144047036767006 +the:0.08632589876651764 a:0.06303245574235916 up:0.05491403490304947 them:0.04387037828564644 :0.05318379029631615 +the:0.10421310365200043 be:0.03190857917070389 make:0.025430768728256226 a:0.016808509826660156 :0.09358884394168854 +the:0.11506383121013641 place:0.08290013670921326 a:0.07846095412969589 up:0.035012137144804 :0.06014634296298027 +the:0.05860092490911484 a:0.046608295291662216 confidence:0.011511151678860188 an:0.008118799887597561 :0.20001956820487976 +The:0.19049930572509766 It:0.06164027005434036 In:0.03939052298665047 He:0.036168571561574936 :0.05110141262412071 +be:0.34365519881248474 have:0.10645796358585358 not:0.017576945945620537 bo:0.01611342281103134 :0.07311790436506271 +not:0.03771458566188812 a:0.03663009777665138 the:0.022768883034586906 in:0.018205676227808 :0.11489701271057129 +the:0.026721497997641563 to:0.025821108371019363 in:0.025454584509134293 a:0.024754533544182777 :0.13808482885360718 +and:0.056297000497579575 to:0.04230840131640434 of:0.0347355455160141 was:0.032043542712926865 :0.3570176959037781 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.24860897660255432 in:0.06084628403186798 it:0.0336453914642334 a:0.032209571450948715 :0.04962541535496712 +was:0.08192846179008484 had:0.08164597302675247 has:0.053202755749225616 would:0.043876998126506805 :0.06852686405181885 +and:0.04294991493225098 of:0.042531225830316544 is:0.03455672413110733 was:0.03193686529994011 :0.212739497423172 +than:0.02328607812523842 class:0.021736903116106987 and:0.021121563389897346 condition:0.016235722228884697 :0.12753447890281677 +and:0.13687925040721893 in:0.035191234201192856 the:0.026641104370355606 from:0.022288791835308075 :0.1319790929555893 +of:0.30072838068008423 to:0.04378971830010414 ized:0.03363879770040512 and:0.03150909021496773 :0.09608923643827438 +and:0.0289930310100317 the:0.023705828934907913 to:0.008528285659849644 at:0.006724171806126833 :0.6193174719810486 +man:0.045281555503606796 large:0.018296565860509872 few:0.013360856100916862 copy:0.012095521204173565 :0.17362692952156067 +the:0.3404798209667206 a:0.0594271719455719 which:0.055195607244968414 tho:0.025288701057434082 :0.07028240710496902 +of:0.14983686804771423 the:0.13949765264987946 that:0.05836540460586548 this:0.05028080940246582 :0.06741157919168472 +the:0.09806867688894272 of:0.0342792384326458 over:0.0216046292334795 that:0.01588468998670578 :0.15396231412887573 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +be:0.05006244406104088 make:0.04482496157288551 get:0.03224902227520943 the:0.027131004258990288 :0.0766770988702774 +than:0.18718691170215607 of:0.023747332394123077 or:0.020356733351945877 to:0.010911653749644756 :0.17303413152694702 +a:0.029354669153690338 made:0.021220248192548752 in:0.017908724024891853 the:0.015689436346292496 :0.1536957174539566 +is:0.08062773197889328 has:0.0523223839700222 was:0.048415131866931915 will:0.035864803940057755 :0.06615854054689407 +and:0.17045749723911285 the:0.04160741716623306 but:0.04150055721402168 in:0.029666831716895103 :0.055406659841537476 +in:0.13508683443069458 of:0.0944356769323349 to:0.08700880408287048 at:0.06611905992031097 :0.05855913460254669 +the:0.108609639108181 a:0.07112669199705124 you:0.04669405147433281 up:0.04476289451122284 :0.06952681392431259 +is:0.283562034368515 was:0.1483636498451233 Is:0.06378704309463501 has:0.04818705469369888 :0.06642761826515198 +and:0.060165885835886 were:0.04069735109806061 are:0.039345040917396545 to:0.03457241505384445 :0.058804355561733246 +of:0.499999463558197 Court:0.18891483545303345 Court,:0.02526552602648735 Attorney:0.015561253763735294 :0.053109895437955856 +that:0.13059130311012268 he:0.07000704854726791 the:0.04488231986761093 it:0.025176052004098892 :0.0902041494846344 +the:0.16599607467651367 by:0.05055637285113335 in:0.048403095453977585 at:0.027747873216867447 :0.024098321795463562 +the:0.1770642250776291 a:0.09935962408781052 up:0.04081594571471214 his:0.029470007866621017 :0.05574692785739899 +importance:0.03553307056427002 value:0.017880182713270187 benefit:0.017800768837332726 and:0.013436006382107735 :0.1921294927597046 +be:0.3386555314064026 not:0.068173348903656 have:0.021978367120027542 bo:0.017292847856879234 :0.05781051144003868 +to:0.20915596187114716 into:0.05561027303338051 on:0.04173032194375992 in:0.031146392226219177 :0.12053053826093674 +and:0.2279476672410965 which:0.05693305283784866 the:0.04116712138056755 but:0.03289801999926567 :0.0500192753970623 +the:0.33162352442741394 a:0.039976321160793304 his:0.024252641946077347 their:0.0236353762447834 :0.10311960428953171 +the:0.3981102406978607 them:0.045487213879823685 other:0.031181959435343742 whom:0.028881767764687538 :0.07822491973638535 +to:0.12720419466495514 and:0.05893868952989578 of:0.013978765346109867 The:0.013562268577516079 :0.18175913393497467 +few:0.03192117437720299 .:0.027368560433387756 large:0.02243524231016636 man:0.014616143889725208 :0.24444647133350372 +and:0.1068689152598381 but:0.09747903048992157 the:0.07086889445781708 to:0.04481005668640137 :0.08398721367120743 +of:0.17830374836921692 and:0.06247756630182266 to:0.03573437035083771 in:0.021849095821380615 :0.09635131061077118 +is:0.18169832229614258 was:0.12622466683387756 has:0.05130589008331299 would:0.03523913398385048 :0.04398622363805771 +of:0.060112014412879944 and:0.05789463594555855 the:0.021353289484977722 in:0.020336193963885307 :0.18926295638084412 +and:0.1101737916469574 girl.:0.019891461357474327 the:0.01874026469886303 boy.:0.015662116929888725 :0.21671617031097412 +the:0.12316568940877914 a:0.019194738939404488 this:0.014342233538627625 tho:0.008376256562769413 :0.1487729400396347 +the:0.08404316008090973 a:0.0189822930842638 that:0.013164144940674305 to:0.012408170849084854 :0.1510668843984604 +own:0.039221979677677155 life:0.0089398343116045 friends:0.005477586295455694 party:0.0046061198227107525 :0.19100113213062286 +been:0.22933022677898407 a:0.032212063670158386 to:0.03128665313124657 not:0.029897524043917656 :0.03088187985122204 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +is:0.22985656559467316 was:0.10634536296129227 will:0.05286363139748573 has:0.03542193025350571 :0.07351184636354446 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.09767453372478485 that:0.02268092706799507 a:0.01945527270436287 in:0.013982162810862064 :0.10428231954574585 +of:0.04097674787044525 to:0.019731635227799416 the:0.01321910135447979 .:0.012672800570726395 :0.26384860277175903 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +not:0.2681541442871094 see:0.0614783801138401 have:0.03350071609020233 get:0.02304324321448803 :0.05843193456530571 +the:0.2959822118282318 a:0.03453870117664337 this:0.018758229911327362 tho:0.0165622066706419 :0.15665902197360992 +of:0.0590335875749588 to:0.04786105081439018 and:0.046081915497779846 the:0.022110221907496452 :0.1494186371564865 +the:0.12216957658529282 a:0.0671587660908699 to:0.0401834174990654 by:0.019044701009988785 :0.14753738045692444 +and:0.12903989851474762 to:0.06799048185348511 in:0.06262125074863434 with:0.04856878146529198 :0.04622779041528702 +to:0.5411058068275452 and:0.06380145996809006 for:0.029686367139220238 of:0.0127297043800354 :0.08149710297584534 +the:0.2505822479724884 his:0.05790373310446739 a:0.03508152812719345 tho:0.016260802745819092 :0.09486766904592514 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +the:0.13820266723632812 he:0.03475891798734665 it:0.030325304716825485 I:0.024422170594334602 :0.16411256790161133 +to:0.12705396115779877 a:0.09493552148342133 the:0.07915898412466049 it:0.02801422029733658 :0.04490248113870621 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +The:0.06847444921731949 It:0.06267350912094116 I:0.05119610205292702 the:0.02377660945057869 :0.2066771537065506 +a:0.03684420883655548 the:0.0364057794213295 made:0.02793208695948124 sold:0.016866616904735565 :0.12324710190296173 +days:0.728397786617279 days,:0.09275706857442856 days;:0.03354264795780182 yards:0.017183436080813408 :0.016326256096363068 +of:0.43745338916778564 and:0.08111753314733505 over:0.04032127559185028 the:0.022757625207304955 :0.029306236654520035 +the:0.12035951763391495 be:0.04132664203643799 make:0.02251158095896244 a:0.010225029662251472 :0.10890287905931473 +be:0.2097666710615158 not:0.04720428213477135 have:0.02686362899839878 bo:0.01757846027612686 :0.12030749768018723 +of:0.4232181906700134 and:0.0717497318983078 was:0.0421241819858551 is:0.02601168118417263 :0.03858031705021858 +and:0.052492331713438034 of:0.030501410365104675 bidder:0.017131488770246506 to:0.015469796024262905 :0.1661214679479599 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.12376412749290466 that:0.04195417836308479 to:0.034400276839733124 it:0.033297136425971985 :0.05001309886574745 +the:0.5364866256713867 them:0.03671732544898987 those:0.02374333329498768 other:0.023060785606503487 :0.04380561038851738 +the:0.09896650165319443 be:0.06351020932197571 make:0.025105269625782967 a:0.02148858644068241 :0.1083553284406662 +the:0.09024307131767273 fro:0.08087580651044846 in:0.01779618300497532 to:0.01765761710703373 :0.11977783590555191 +the:0.20712482929229736 a:0.03657207638025284 which:0.02795160934329033 this:0.02559353969991207 :0.09036530554294586 +of:0.7773228883743286 ot:0.02117821015417576 to:0.011667068116366863 in:0.009319537319242954 :0.011095150373876095 +C:0.04399488866329193 C.:0.03331694006919861 D:0.024332333356142044 D.,:0.0178083423525095 :0.33948951959609985 +tached:0.1058274358510971 tending:0.059497710317373276 tended:0.048477787524461746 tracted:0.041219595819711685 :0.3253692090511322 +the:0.08786900341510773 to:0.05248625949025154 a:0.030529841780662537 and:0.029249493032693863 :0.09446462988853455 +the:0.10408750176429749 be:0.04264712706208229 a:0.019574617967009544 you:0.013837799429893494 :0.11215413361787796 +of:0.098265141248703 is:0.029338674619793892 was:0.027115991339087486 in:0.024225089699029922 :0.08813466876745224 +the:0.22984153032302856 to:0.05883144587278366 a:0.033742330968379974 his:0.02534497156739235 :0.07153558731079102 +make:0.03633124753832817 the:0.0329093374311924 be:0.025812340900301933 do:0.02055550552904606 :0.09642325341701508 +and:0.12091589719057083 of:0.07843637466430664 in:0.07184460014104843 that:0.032944414764642715 :0.08982596546411514 +as:0.24302025139331818 to:0.2259051650762558 that:0.18098638951778412 and:0.046844203025102615 :0.03569949045777321 +of:0.12059876322746277 to:0.07779205590486526 and:0.06489202380180359 in:0.04219301789999008 :0.04347967728972435 +the:0.1419462263584137 defaulting:0.02986433357000351 a:0.02769085019826889 living:0.019745804369449615 :0.16059251129627228 +in:0.06705159693956375 of:0.0661562830209732 and:0.04167719930410385 ago:0.03425474092364311 :0.08027184009552002 +the:0.061956316232681274 and:0.02017129585146904 be:0.016854550689458847 do:0.016363050788640976 :0.243106871843338 +the:0.28650733828544617 and:0.037901218980550766 described:0.025637168437242508 all:0.015218780376017094 :0.13212163746356964 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.05683909356594086 of:0.05244676396250725 feet:0.022385532036423683 in:0.022220557555556297 :0.18681298196315765 +own:0.04651737958192825 names:0.01356677059084177 right:0.010642056353390217 origin:0.010232004337012768 :0.16931942105293274 +other:0.01292659342288971 same:0.006807152647525072 said:0.004326619673520327 people:0.003645957913249731 :0.20478564500808716 +of:0.6810160279273987 and:0.026092544198036194 ot:0.02069772034883499 in:0.01564941555261612 :0.016234148293733597 +from:0.2691245377063751 the:0.08054037392139435 and:0.05547396466135979 with:0.04885071888566017 :0.04642052948474884 +to:0.08095985651016235 and:0.059500228613615036 of:0.058492571115493774 that:0.02928772009909153 :0.16632626950740814 +the:0.09314433485269547 it:0.05925627425312996 they:0.04194340109825134 I:0.03858688101172447 :0.057862602174282074 +most:0.013154856860637665 same:0.009490675292909145 great:0.008471908047795296 whole:0.006667627487331629 :0.16995786130428314 +to:0.08867982029914856 a:0.07084456831216812 only:0.06622251123189926 the:0.04788721725344658 :0.0811176672577858 +of:0.12054402381181717 and:0.04496336728334427 to:0.01769721694290638 The:0.012213888578116894 :0.2349577397108078 +the:0.18110372126102448 a:0.12548266351222992 an:0.019143695011734962 his:0.014752821065485477 :0.10990837216377258 +and:0.14249040186405182 of:0.08366783708333969 to:0.03186965361237526 in:0.03172316774725914 :0.10802552849054337 +the:0.2582724392414093 to:0.03158768266439438 their:0.030187707394361496 a:0.02931484580039978 :0.05560380965471268 +people:0.017325464636087418 and:0.014926625415682793 government:0.00961387250572443 of:0.009081889875233173 :0.3502649664878845 +been:0.3015088140964508 a:0.04127349704504013 the:0.02620590105652809 to:0.02183709666132927 :0.0639123022556305 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.19604302942752838 a:0.04481992870569229 and:0.032118625938892365 in:0.030099743977189064 :0.07005669176578522 +to:0.2558293044567108 of:0.18101952970027924 in:0.036950334906578064 and:0.03378616273403168 :0.03233463689684868 +a:0.08788780122995377 not:0.050552643835544586 the:0.042617060244083405 now:0.01887482777237892 :0.10952841490507126 +is:0.18685191869735718 was:0.08377379179000854 will:0.033381037414073944 would:0.0323149748146534 :0.08411490172147751 +and:0.1686987280845642 to:0.11709883064031601 for:0.09950918704271317 a:0.05684467405080795 :0.07841340452432632 +The:0.13059812784194946 It:0.0667334645986557 He:0.046598877757787704 I:0.03298339992761612 :0.1054149642586708 +of:0.30140241980552673 is:0.060664352029561996 and:0.03971804678440094 in:0.03486179932951927 :0.029859798029065132 +not:0.03948759660124779 the:0.032794322818517685 to:0.01854604296386242 in:0.01853678561747074 :0.19783002138137817 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +not:0.0349736250936985 a:0.02928847074508667 to:0.020493658259510994 in:0.018027570098638535 :0.10652732849121094 +The:0.1711367815732956 It:0.04535146802663803 He:0.02794511802494526 This:0.027853524312376976 :0.10569565743207932 +the:0.08713015913963318 a:0.015510699711740017 all:0.011491105891764164 that:0.010348783805966377 :0.16606520116329193 +the:0.20933353900909424 a:0.03962352126836777 this:0.021661723032593727 said:0.018959248438477516 :0.19746717810630798 +and:0.19213749468326569 the:0.062218599021434784 it:0.041591525077819824 but:0.03945367410778999 :0.13262267410755157 +the:0.06649284064769745 to:0.056111760437488556 a:0.026837626472115517 and:0.026476765051484108 :0.17009203135967255 +own:0.04411210119724274 respective:0.010962705127894878 own.:0.004438356030732393 lives.:0.003734826808795333 :0.23696359992027283 +the:0.2144833654165268 he:0.062111206352710724 they:0.05277639999985695 it:0.03646198287606239 :0.05600408464670181 +the:0.03463543951511383 and:0.011676313355565071 a:0.00933231133967638 in:0.008674327284097672 :0.36075013875961304 +a:0.10892137885093689 the:0.07961830496788025 not:0.036237068474292755 to:0.02532261423766613 :0.14692692458629608 +of:0.10455019772052765 and:0.024061180651187897 time:0.017451457679271698 reading.:0.014192765578627586 :0.15538813173770905 +to:0.20286981761455536 and:0.09674022346735 in:0.06150968372821808 with:0.032913148403167725 :0.06033051013946533 +of:0.05763157084584236 and:0.02105056867003441 was:0.01547766849398613 is:0.009408907033503056 :0.32247456908226013 +The:0.11259520053863525 It:0.07679983973503113 He:0.029659325256943703 In:0.028836727142333984 :0.09528198093175888 +the:0.20434856414794922 a:0.05492870882153511 this:0.025431321933865547 all:0.021044034510850906 :0.08431537449359894 +of:0.43697211146354675 is:0.06679587066173553 and:0.03645379841327667 which:0.025573380291461945 :0.018675051629543304 +in:0.07513201981782913 and:0.054547958076000214 to:0.04409679397940636 of:0.03821881115436554 :0.09670756012201309 +of:0.5672645568847656 and:0.0733121708035469 in:0.01650732383131981 to:0.015823788940906525 :0.03491292893886566 +and:0.09835948795080185 the:0.08506962656974792 a:0.045852839946746826 for:0.027314556762576103 :0.06497599929571152 +and:0.07718539983034134 of:0.03735104203224182 to:0.02838829532265663 The:0.028071139007806778 :0.14746485650539398 +of:0.26166126132011414 who:0.0577114038169384 to:0.04644044488668442 in:0.0401947945356369 :0.036791641265153885 +be:0.20669858157634735 have:0.10344966500997543 not:0.05946563929319382 make:0.01662633940577507 :0.058714915066957474 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +in:0.15203191339969635 at:0.11919166147708893 by:0.11433100700378418 to:0.0529119148850441 :0.04040127620100975 +the:0.07542461156845093 a:0.024796508252620697 to:0.015247254632413387 other:0.010637895204126835 :0.2425149828195572 +a:0.028541354462504387 the:0.027654051780700684 not:0.01771465130150318 and:0.01708540879189968 :0.24340857565402985 +and:0.06701834499835968 of:0.05666918680071831 The:0.022870270535349846 the:0.02252066880464554 :0.1729172021150589 +the:0.4748513400554657 a:0.04441051930189133 this:0.02644791267812252 tho:0.0197454821318388 :0.04063474386930466 +the:0.05082084983587265 a:0.02805444784462452 any:0.020677393302321434 other:0.0164695605635643 :0.26022598147392273 +not:0.05152633413672447 a:0.035611044615507126 the:0.034009262919425964 to:0.02658296748995781 :0.18055380880832672 +the:0.38796159625053406 them:0.026472419500350952 tho:0.024248408153653145 a:0.016790039837360382 :0.0928606241941452 +of:0.42140433192253113 and:0.05310102179646492 to:0.027231190353631973 is:0.025899481028318405 :0.042067863047122955 +of:0.1148790642619133 and:0.07283875346183777 the:0.04070696234703064 to:0.027129732072353363 :0.09531339257955551 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +that:0.10608692467212677 the:0.09646285325288773 a:0.0482005700469017 as:0.042445939034223557 :0.05956151708960533 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +hands:0.0331977941095829 house:0.006775171961635351 United:0.006664929445832968 river:0.00660988874733448 :0.18195566534996033 +day:0.5582196712493896 of:0.11753428727388382 and:0.015687042847275734 inst.,:0.014889704994857311 :0.04107141122221947 +the:0.07068054378032684 if:0.05506842955946922 in:0.053516268730163574 though:0.05124085396528244 :0.10464297980070114 +and:0.07280420511960983 the:0.011479825712740421 of:0.011025620624423027 is:0.007411353290081024 :0.07943263649940491 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +and:0.05201053246855736 of:0.03798370808362961 the:0.026194950565695763 to:0.02337883599102497 :0.21243812143802643 +the:0.3067399859428406 a:0.047037914395332336 his:0.025554656982421875 their:0.021191438660025597 :0.09687940776348114 +Territory:0.11398063600063324 the:0.02766529843211174 Territory,:0.02364029735326767 any:0.019857173785567284 :0.1551264226436615 +not:0.09106090664863586 a:0.0463680736720562 sure:0.03507479652762413 glad:0.020604057237505913 :0.1106211245059967 +of:0.06686766445636749 and:0.03441595286130905 to:0.03280651196837425 the:0.018051333725452423 :0.2164580374956131 +not:0.056718721985816956 to:0.05092709884047508 now:0.02576258033514023 in:0.021164564415812492 :0.13482853770256042 +the:0.2895009219646454 a:0.04567743092775345 his:0.02093624696135521 be:0.01580210030078888 :0.0906415581703186 +own:0.026474596932530403 names:0.012409044429659843 hands:0.009714125655591488 heads:0.008087210357189178 :0.19472278654575348 +a:0.030037304386496544 the:0.02642884850502014 made:0.021377142518758774 was:0.01707238145172596 :0.15702523291110992 +same:0.015258527360856533 only:0.009883655235171318 amount:0.008273092098534107 people:0.007889475673437119 :0.1360037475824356 +and:0.1824474036693573 of:0.10378590226173401 in:0.05854953080415726 with:0.037325501441955566 :0.032573260366916656 +a:0.07004442065954208 no:0.0664166584610939 been:0.06209052726626396 not:0.032648757100105286 :0.07627592235803604 +a:0.1331489086151123 an:0.03561793267726898 other:0.012999995611608028 force:0.009604954160749912 :0.20133084058761597 +of:0.08120442926883698 and:0.04941938817501068 the:0.02236277237534523 in:0.020350536331534386 :0.19777242839336395 +and:0.05546337738633156 the:0.03273140266537666 of:0.026092171669006348 The:0.02005515992641449 :0.18592630326747894 +pared:0.1187422052025795 sented:0.11753406375646591 vent:0.03063596785068512 sents:0.01448917668312788 :0.3985246419906616 +la:0.014131570234894753 partment:0.006577050779014826 scribed:0.005058706738054752 clared:0.004841380752623081 :0.6404680609703064 +only:0.011159108951687813 first:0.010170308873057365 following:0.00814997311681509 fact:0.00652301637455821 :0.13925287127494812 +to:0.25498083233833313 and:0.05973988398909569 from:0.043198712170124054 of:0.039688386023044586 :0.0382242277264595 +that:0.12112125009298325 a:0.10844146460294724 the:0.09023560583591461 by:0.07795311510562897 :0.07232575118541718 +of:0.0557779036462307 and:0.054728999733924866 to:0.03513402119278908 the:0.013591659255325794 :0.24156107008457184 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +the:0.2598726451396942 a:0.0577668696641922 tho:0.017695540562272072 his:0.011614101007580757 :0.15107402205467224 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +the:0.24456040561199188 such:0.045594800263643265 which:0.036362096667289734 a:0.03614407777786255 :0.10381171852350235 +of:0.029819941148161888 the:0.018133195117115974 to:0.016146095469594002 and:0.011735980398952961 :0.24441562592983246 +in:0.17587588727474213 at:0.11943043768405914 on:0.07274456322193146 of:0.05450699105858803 :0.025203343480825424 +of:0.08269885927438736 was:0.06579079478979111 and:0.06508957594633102 to:0.04270683974027634 :0.13640271127223969 +and:0.051673807203769684 the:0.021503431722521782 of:0.02013072557747364 to:0.01933952420949936 :0.29232925176620483 +with:0.10176599025726318 the:0.06980293989181519 so:0.03908796235918999 so,:0.037140198051929474 :0.04784158617258072 +Fe:0.10200553387403488 Fe,:0.07655846327543259 Cruz:0.0633649006485939 Anna:0.05884477123618126 :0.4122673273086548 +be:0.34322845935821533 not:0.04524917155504227 have:0.03990725800395012 bo:0.015370219945907593 :0.09432915598154068 +ple:0.01591922715306282 The:0.0070907543413341045 -:0.007025871425867081 house:0.005536847747862339 :0.6086645126342773 +fied:0.11945730447769165 factory:0.11636719107627869 faction:0.032861895859241486 and:0.01955055072903633 :0.37855932116508484 +in:0.47653308510780334 In:0.24417218565940857 on:0.0907437726855278 and:0.027695219963788986 :0.013255586847662926 +not:0.056718721985816956 to:0.05092709884047508 now:0.02576258033514023 in:0.021164564415812492 :0.13482853770256042 +and:0.06434578448534012 the:0.03848235309123993 of:0.02726171165704727 The:0.02667962945997715 :0.17660866677761078 +and:0.21488048136234283 but:0.11591757833957672 in:0.04011300951242447 which:0.025951197370886803 :0.07641132175922394 +the:0.5208903551101685 a:0.02678559720516205 tho:0.025641772896051407 his:0.022445544600486755 :0.06135255843400955 +the:0.24667544662952423 he:0.045120351016521454 it:0.04067869856953621 a:0.027509566396474838 :0.053103186190128326 +H.:0.014108223840594292 and:0.012190161272883415 C.:0.011227887123823166 B.:0.010280344635248184 :0.3720897436141968 +best:0.05661351978778839 few:0.014825544320046902 little:0.01429376658052206 worst:0.008682814426720142 :0.16174960136413574 +to:0.1416626274585724 the:0.13311904668807983 and:0.0701540932059288 a:0.05133521556854248 :0.09419041126966476 +all:0.1375965178012848 every:0.048334114253520966 a:0.042821336537599564 the:0.026205984875559807 :0.22600166499614716 +last:0.02529892697930336 next:0.021721983328461647 first:0.01598156988620758 whole:0.014379730448126793 :0.1395494043827057 +of:0.14463472366333008 and:0.06248023360967636 in:0.058307893574237823 to:0.03352110832929611 :0.025537287816405296 +the:0.2726237177848816 this:0.04581327363848686 said:0.03786506876349449 order:0.037085164338350296 :0.07040301710367203 +the:0.30114465951919556 into:0.0814627856016159 a:0.042531415820121765 and:0.03605874627828598 :0.09545963257551193 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +and:0.10333793610334396 was:0.02786661870777607 has:0.0173196904361248 is:0.012870828621089458 :0.19162331521511078 +and:0.05617542937397957 the:0.031775619834661484 of:0.028597595170140266 is:0.017605168744921684 :0.1372944414615631 +that:0.1503768265247345 far:0.054101575165987015 as:0.04557650536298752 much:0.03644964471459389 :0.12639553844928741 +the:0.3984547555446625 a:0.028967387974262238 this:0.017336102202534676 his:0.016195131465792656 :0.09238535910844803 +same:0.024269236251711845 most:0.007169979624450207 people:0.006379532627761364 time:0.006115526892244816 :0.18889881670475006 +and:0.059463515877723694 are:0.02456372044980526 to:0.021299319341778755 the:0.02093273587524891 :0.1690751165151596 +the:0.25354501605033875 a:0.04018549248576164 his:0.021029343828558922 this:0.020387496799230576 :0.10746993124485016 +in:0.11354221403598785 and:0.07602452486753464 to:0.03634010627865791 from:0.0353996567428112 :0.041998445987701416 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +have:0.07283060252666473 was:0.06777544319629669 had:0.05432003363966942 shall:0.04568969085812569 :0.10615251958370209 +of:0.08171101659536362 and:0.07857345789670944 the:0.03680984675884247 to:0.020037570968270302 :0.14087903499603271 +and:0.15968778729438782 but:0.11773616075515747 the:0.037327297031879425 a:0.02326110191643238 :0.06710688024759293 +and:0.25569525361061096 to:0.09332668781280518 in:0.0591001883149147 for:0.03564406558871269 :0.0377395898103714 +good:0.03282032161951065 right:0.02484055608510971 large:0.01957204006612301 great:0.017245709896087646 :0.12981703877449036 +own:0.039221979677677155 life:0.0089398343116045 friends:0.005477586295455694 party:0.0046061198227107525 :0.19100113213062286 +the:0.19239360094070435 be:0.026471154764294624 a:0.023223502561450005 which:0.020206140354275703 :0.10379952192306519 +and:0.08574465662240982 the:0.041441403329372406 with:0.02194228582084179 I:0.015334315598011017 :0.17032530903816223 +the:0.2896774411201477 a:0.03572767227888107 his:0.027540436014533043 their:0.024614714086055756 :0.08419328182935715 +of:0.5679416656494141 in:0.0416872613132 on:0.027899054810404778 to:0.02739371918141842 :0.019594181329011917 +of:0.5519409775733948 in:0.029089676216244698 to:0.02354522980749607 and:0.02038920857012272 :0.021630913019180298 +a:0.07502958923578262 not:0.048816028982400894 the:0.026856260374188423 in:0.02492706850171089 :0.1244148388504982 +and:0.055185750126838684 the:0.022939499467611313 in:0.0205774437636137 of:0.01914633810520172 :0.17466998100280762 +and:0.19088244438171387 the:0.05048797279596329 he:0.03714918717741966 or:0.03198736160993576 :0.07911823689937592 +few:0.09468217194080353 year:0.07043176144361496 two:0.05210655555129051 three:0.042040061205625534 :0.07238968461751938 +who:0.04999975860118866 and:0.043009769171476364 Mrs.:0.042873069643974304 the:0.041204389184713364 :0.1361244171857834 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.14494024217128754 who:0.06347652524709702 but:0.03508550673723221 the:0.03160380944609642 :0.07533932477235794 +be:0.3248842656612396 not:0.08988837897777557 bo:0.022929834201931953 have:0.015596957877278328 :0.058546941727399826 +to:0.24147890508174896 for:0.1742977797985077 by:0.13602086901664734 and:0.10265520215034485 :0.029597053304314613 +the:0.20434856414794922 a:0.05492870882153511 this:0.025431321933865547 all:0.021044034510850906 :0.08431537449359894 +the:0.20936936140060425 he:0.11523488163948059 they:0.058527544140815735 you:0.05158735439181328 :0.04965067654848099 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.04165707156062126 The:0.03268006443977356 I:0.030473751947283745 It:0.02336489036679268 :0.23468969762325287 +of:0.12378550320863724 or:0.10737720876932144 and:0.06688587367534637 to:0.06222928687930107 :0.050710227340459824 +of:0.8145369291305542 ot:0.019557543098926544 and:0.011203471571207047 the:0.008484524674713612 :0.019533293321728706 +parties:0.016407938674092293 men:0.012749075889587402 and:0.010533050633966923 oceans:0.00772918201982975 :0.2217748910188675 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +made:0.04852103441953659 done:0.02876812405884266 no:0.022989679127931595 seen:0.021722158417105675 :0.13694655895233154 +and:0.26786008477211 with:0.034724462777376175 to:0.033355358988046646 a:0.027644971385598183 :0.08078879117965698 +in:0.06428113579750061 and:0.0396612323820591 to:0.03953879699110985 for:0.03800748661160469 :0.07629851251840591 +action:0.041134849190711975 effort:0.02989397943019867 old:0.0180367399007082 hour:0.01677156426012516 :0.1936364769935608 +and:0.11041571199893951 in:0.035458073019981384 at:0.026855414733290672 of:0.024870404973626137 :0.1946660876274109 +of:0.3867502510547638 to:0.22008739411830902 for:0.0566035658121109 that:0.03148035332560539 :0.018544519320130348 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.5417806506156921 a:0.03597710654139519 this:0.019804220646619797 his:0.016916397958993912 :0.060908976942300797 +the:0.2129039764404297 it:0.0540529228746891 a:0.05259178578853607 or:0.04859498515725136 :0.04964186251163483 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +of:0.2530803978443146 and:0.06731630116701126 to:0.04723333939909935 for:0.04043763130903244 :0.043670471757650375 +a:0.19199778139591217 an:0.041016191244125366 person:0.02243248000741005 as:0.019625496119260788 :0.1085972785949707 +of:0.11148089915513992 and:0.034142062067985535 to:0.02849757857620716 was:0.026729412376880646 :0.13874761760234833 +the:0.297146201133728 a:0.05303506553173065 his:0.01895173266530037 derangements:0.017897585406899452 :0.108418308198452 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +and:0.17612557113170624 of:0.0748865082859993 in:0.024402102455496788 to:0.020173054188489914 :0.10415029525756836 +the:0.18859097361564636 a:0.11328939348459244 his:0.019362524151802063 which:0.01671086810529232 :0.16596859693527222 +of:0.42303594946861267 to:0.052150629460811615 in:0.03929632902145386 from:0.02564324624836445 :0.07979933172464371 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +noon:0.20392511785030365 wards:0.15825626254081726 ward:0.1434638351202011 noon,:0.04644942656159401 :0.1490306258201599 +said:0.011750415898859501 same:0.01017388328909874 sum:0.005872317124158144 first:0.005406761541962624 :0.20392651855945587 +was:0.03425729274749756 is:0.0337986946105957 and:0.02206498198211193 a:0.019511353224515915 :0.12475600838661194 +of:0.31880781054496765 day:0.0747162401676178 is:0.015438423492014408 morning:0.014726536348462105 :0.06927452981472015 +York:0.27733930945396423 York,:0.19934144616127014 York.:0.07117386162281036 Orleans,:0.035665713250637054 :0.15578919649124146 +a:0.13541415333747864 the:0.1259884238243103 up:0.07455389946699142 place:0.07177071273326874 :0.09682483226060867 +the:0.04891795665025711 proper:0.014558309689164162 to:0.013073663227260113 a:0.011412245221436024 :0.17508099973201752 +two:0.07748211175203323 United:0.02045506425201893 hours:0.014665200375020504 ages:0.011310427449643612 :0.18714135885238647 +thence:0.14918440580368042 and:0.14014431834220886 in:0.042625099420547485 which:0.04199066013097763 :0.11126698553562164 +by:0.30797645449638367 in:0.08896377682685852 and:0.06443054974079132 to:0.03738138824701309 :0.05349396914243698 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +the:0.11861100792884827 a:0.08179380744695663 by:0.05887185409665108 in:0.05779583379626274 :0.08235713094472885 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +in:0.13332997262477875 the:0.12678657472133636 and:0.053769491612911224 to:0.02947976067662239 :0.09122397750616074 +other:0.01012648455798626 most:0.0064069963991642 people:0.0051527502946555614 first:0.005002852063626051 :0.18633584678173065 +of:0.13506954908370972 and:0.0653703510761261 in:0.024409443140029907 to:0.02148008532822132 :0.09811137616634369 +and:0.07937560230493546 men:0.03611420467495918 oak:0.0316384918987751 in:0.023748859763145447 :0.21521992981433868 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +in:0.054022278636693954 a:0.05099110305309296 the:0.027048597112298012 being:0.026984916999936104 :0.10816475003957748 +the:0.4019395112991333 a:0.12518644332885742 his:0.019676586613059044 their:0.019603511318564415 :0.058660026639699936 +m:0.022153645753860474 .:0.020575465634465218 ace:0.015171592123806477 and:0.01176130399107933 :0.49359554052352905 +and:0.22696779668331146 water:0.04543314501643181 or:0.03537346422672272 to:0.026592476293444633 :0.09656660258769989 +the:0.29832977056503296 said:0.05757586658000946 a:0.04580259695649147 this:0.022289911285042763 :0.08793893456459045 +been:0.26192981004714966 the:0.03186113387346268 to:0.024249782785773277 a:0.019370827823877335 :0.1283111423254013 +the:0.5411149859428406 these:0.03907497599720955 them:0.03836212679743767 his:0.028240131214261055 :0.04238632321357727 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.15728342533111572 a:0.10510007292032242 it:0.04341597110033035 soon:0.04115064814686775 :0.06681067496538162 +and:0.08425801247358322 of:0.051433857530355453 to:0.03897272050380707 was:0.03165394067764282 :0.038747839629650116 +in:0.0803990587592125 and:0.07795528322458267 at:0.038846127688884735 on:0.03269876167178154 :0.030614128336310387 +and:0.08422130346298218 was:0.05377862975001335 of:0.040467385202646255 is:0.03979175165295601 :0.1799362748861313 +and:0.10171704739332199 of:0.057242948561906815 The:0.0304923877120018 the:0.027079397812485695 :0.15444163978099823 +be:0.041390933096408844 have:0.03915330395102501 the:0.03170457109808922 make:0.028601013123989105 :0.10398498922586441 +of:0.6886313557624817 to:0.0646565854549408 were:0.024196384474635124 that:0.01548384316265583 :0.013906044885516167 +letter:0.07037679851055145 telegram:0.03654584661126137 large:0.01430163998156786 few:0.01231900230050087 :0.1259622871875763 +The:0.1390085220336914 It:0.0699489563703537 I:0.03967776894569397 and:0.03502918779850006 :0.11819082498550415 +a:0.029935935512185097 the:0.0285109244287014 made:0.021715320646762848 well:0.014902601949870586 :0.15658973157405853 +in:0.1028180867433548 at:0.07783546298742294 and:0.055941544473171234 with:0.05439784750342369 :0.05542368441820145 +good:0.020066125318408012 very:0.017902236431837082 great:0.01567891053855419 trip:0.012165470980107784 :0.13903166353702545 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.06420408934354782 of:0.03660345822572708 The:0.0261523500084877 in:0.023225175216794014 :0.15464094281196594 +of:0.6531674265861511 to:0.028865410014986992 that:0.022013649344444275 and:0.020091978833079338 :0.02277379482984543 +and:0.03950519487261772 Smith:0.009485149756073952 Bryan:0.008645132184028625 Cleveland:0.006968099158257246 :0.5018330812454224 +and:0.09254401177167892 in:0.05849488452076912 of:0.029600046575069427 or:0.024912575259804726 :0.1857592761516571 +own:0.039221979677677155 life:0.0089398343116045 friends:0.005477586295455694 party:0.0046061198227107525 :0.19100113213062286 +street,:0.04463551193475723 street:0.04306314140558243 and:0.030402498319745064 street;:0.02484327182173729 :0.20982524752616882 +the:0.0669725090265274 and:0.06261495500802994 to:0.03818678855895996 of:0.02203366905450821 :0.1512366682291031 +the:0.03704138472676277 was:0.026406165212392807 and:0.02611684799194336 of:0.02325477823615074 :0.17209234833717346 +are:0.12253580242395401 will:0.08435727655887604 have:0.08368537575006485 can:0.06773608922958374 :0.03146683797240257 +to:0.014707526192069054 for:0.014638163149356842 impression:0.013642212375998497 consideration:0.012199352495372295 :0.18298882246017456 +in:0.22802062332630157 In:0.06198538839817047 to:0.06141483411192894 the:0.060078613460063934 :0.022083764895796776 +of:0.5125465393066406 that:0.04978933930397034 was:0.03669598698616028 to:0.022718921303749084 :0.023120587691664696 +hundred:0.07027532905340195 or:0.05935532972216606 years:0.03283282369375229 of:0.03175327181816101 :0.18498748540878296 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +of:0.1377229392528534 and:0.09055200964212418 at:0.041006024926900864 council:0.02756967395544052 :0.12848016619682312 +of:0.3124632239341736 in:0.08092400431632996 to:0.05583620443940163 that:0.03369174525141716 :0.03225311264395714 +date:0.008520219475030899 United:0.008137640543282032 time:0.00669322581961751 day:0.006416283547878265 :0.18612447381019592 +and:0.05573238432407379 the:0.03132566064596176 of:0.027884313836693764 ing:0.022799795493483543 :0.21444107592105865 +have:0.10020686686038971 are:0.046373508870601654 had:0.03886738792061806 will:0.029966725036501884 :0.05616622045636177 +man:0.029384205117821693 few:0.023346783593297005 large:0.013676714152097702 year:0.012663464061915874 :0.23167595267295837 +same:0.027102626860141754 first:0.00807271245867014 sum:0.007462492678314447 right:0.00699156429618597 :0.17631886899471283 +a:0.06815875321626663 the:0.04489733651280403 not:0.027803532779216766 in:0.01649516448378563 :0.15705691277980804 +The:0.13762062788009644 It:0.0643637627363205 I:0.029599083587527275 He:0.02842857502400875 :0.09951333701610565 +and:0.08108684420585632 of:0.06678479164838791 the:0.026515547186136246 in:0.020245803520083427 :0.11597555130720139 +the:0.20759166777133942 a:0.041074153035879135 his:0.024347005411982536 any:0.02183697558939457 :0.1457395851612091 +years:0.039202068001031876 and:0.029375046491622925 of:0.028771167621016502 people:0.015000173822045326 :0.3578917384147644 +of:0.5481492877006531 and:0.06362822651863098 was:0.01954040676355362 is:0.015189114026725292 :0.031874220818281174 +and:0.11872836947441101 the:0.03040277399122715 as:0.011668517254292965 but:0.010534506291151047 :0.1355285793542862 +and:0.011605235747992992 The:0.00808300543576479 E.:0.006657990626990795 A:0.00665325578302145 :0.6180486083030701 +m:0.035611867904663086 .:0.02803901955485344 and:0.027291884645819664 the:0.022721873596310616 :0.34379294514656067 +the:0.1277838945388794 I:0.08778051286935806 he:0.08244168013334274 they:0.03534967079758644 :0.04666175693273544 +of:0.28544288873672485 and:0.07653697580099106 that:0.05595774203538895 is:0.05197064206004143 :0.03796079754829407 +be:0.16844679415225983 have:0.1423194408416748 not:0.029740620404481888 do:0.018237287178635597 :0.06196768954396248 +The:0.11449237167835236 It:0.05593167990446091 I:0.04511520639061928 They:0.028829088434576988 :0.1556641012430191 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.4315527677536011 a:0.08677036315202713 his:0.019814223051071167 tho:0.017368802800774574 :0.09063484519720078 +the:0.23168708384037018 to:0.057943541556596756 a:0.04687066003680229 and:0.03294083848595619 :0.050872042775154114 +and:0.04647113382816315 to:0.030707677826285362 in:0.019439266994595528 of:0.01814984530210495 :0.2881461977958679 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +pay:0.04346969351172447 do:0.03658616542816162 make:0.02874264121055603 be:0.02677132561802864 :0.09829472005367279 +much:0.11089856922626495 many:0.04571567848324776 numerous:0.024903586134314537 small:0.021750209853053093 :0.10904628783464432 +and:0.051104940474033356 dollar:0.031564224511384964 of:0.019907288253307343 bullion:0.015947509557008743 :0.147500142455101 +is:0.06291420012712479 was:0.02373916655778885 fact:0.019922049716114998 the:0.010197963565587997 :0.11784663051366806 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +the:0.4169491231441498 which:0.06267359107732773 a:0.04802040755748749 this:0.030772609636187553 :0.029213398694992065 +of:0.67548668384552 to:0.04531419277191162 for:0.039994705468416214 in:0.014618883840739727 :0.025955885648727417 +of:0.3722377419471741 for:0.06408626586198807 per:0.043395619839429855 in:0.02937871217727661 :0.061178144067525864 +the:0.21513809263706207 and:0.03917603939771652 a:0.026320241391658783 as:0.025960763916373253 :0.049762316048145294 +the:0.2691458463668823 his:0.05137508362531662 sale.:0.03070080652832985 a:0.02210075408220291 :0.10484995692968369 +to:0.1911430060863495 out:0.07570206373929977 in:0.0643417239189148 from:0.04672813415527344 :0.04058796167373657 +and:0.10335898399353027 to:0.09883102774620056 in:0.05606795847415924 the:0.036886975169181824 :0.07526126503944397 +and:0.08179960399866104 of:0.04455266892910004 the:0.03350497782230377 to:0.026146436110138893 :0.22212545573711395 +committee:0.04550258815288544 few:0.025186210870742798 man:0.013498833402991295 large:0.007262502796947956 :0.17676062881946564 +or:0.21514074504375458 who:0.09174482524394989 to:0.06497900933027267 shall:0.040050774812698364 :0.03767665848135948 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +is:0.027602044865489006 year:0.02591228112578392 morning:0.015282494015991688 was:0.0128434207290411 :0.154457688331604 +the:0.16215988993644714 and:0.0503351092338562 it:0.03417601063847542 to:0.03369201347231865 :0.08978480845689774 +the:0.2045992612838745 a:0.054492171853780746 this:0.021923307329416275 tho:0.018513428047299385 :0.15258078277111053 +be:0.7022814750671387 bo:0.029650401324033737 have:0.028745172545313835 not:0.02322866953909397 :0.034858036786317825 +in:0.07834260910749435 to:0.07739873230457306 and:0.06487228721380234 of:0.05987270548939705 :0.04721942916512489 +the:0.14831866323947906 he:0.029417458921670914 was:0.027526210993528366 a:0.025099508464336395 :0.07412049919366837 +the:0.2349666953086853 a:0.0641632005572319 tho:0.015128969214856625 their:0.013397217728197575 :0.14252164959907532 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.03535900264978409 the:0.03251172602176666 to:0.026145173236727715 at:0.02165869064629078 :0.18361756205558777 +the:0.10480165481567383 he:0.09854508936405182 they:0.06988268345594406 a:0.042625874280929565 :0.0949857085943222 +was:0.08337639272212982 had:0.04350872337818146 is:0.03765808790922165 has:0.03345349431037903 :0.12556792795658112 +are:0.07731928676366806 were:0.057176511734724045 have:0.04948977008461952 will:0.042073946446180344 :0.13837142288684845 +made:0.03716104477643967 a:0.030058881267905235 the:0.024857543408870697 taken:0.020551640540361404 :0.14961276948451996 +the:0.11685875803232193 a:0.033775195479393005 and:0.015608042478561401 his:0.012310358695685863 :0.21021243929862976 +and:0.020776744931936264 name:0.004166291560977697 the:0.0040354132652282715 day:0.0035208850167691708 :0.42492061853408813 +people:0.012479224242269993 same:0.007914219982922077 whole:0.005921842530369759 men:0.004902118816971779 :0.17433899641036987 +most:0.01532347034662962 same:0.011395835317671299 best:0.009592801332473755 great:0.006982782855629921 :0.20236824452877045 +of:0.21505603194236755 half:0.02317989058792591 hundred:0.022657856345176697 who:0.01840491220355034 :0.1051919087767601 +the:0.18884465098381042 he:0.07797615230083466 they:0.05950314551591873 it:0.04475129768252373 :0.04815717414021492 +of:0.13715079426765442 and:0.12187924236059189 is:0.06882881373167038 in:0.03573247790336609 :0.07245197147130966 +as:0.02320677973330021 and:0.02104881778359413 who:0.02060660906136036 I:0.013943043537437916 :0.08643856644630432 +the:0.021442800760269165 not:0.018647316843271255 in:0.017170686274766922 to:0.015985222533345222 :0.14196202158927917 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.05349643900990486 and:0.0489930585026741 a:0.03459988906979561 to:0.023451896384358406 :0.17017684876918793 +been:0.24127739667892456 a:0.02928484044969082 left:0.019123079255223274 not:0.018894270062446594 :0.12189120799303055 +a:0.03684420883655548 the:0.0364057794213295 made:0.02793208695948124 sold:0.016866616904735565 :0.12324710190296173 +and:0.19551494717597961 the:0.03933614864945412 as:0.034789443016052246 in:0.03379390016198158 :0.06101091951131821 +the:0.12371005862951279 he:0.07961880415678024 they:0.05290352925658226 is:0.03253087401390076 :0.07643042504787445 +of:0.14050276577472687 and:0.11249629408121109 to:0.02808195911347866 is:0.02520177513360977 :0.09360341727733612 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +.:0.033427413552999496 The:0.02720237895846367 and:0.01984318159520626 -:0.010369718074798584 :0.28873077034950256 +and:0.2366236448287964 as:0.04292583838105202 which:0.028072737157344818 in:0.02457977458834648 :0.10992839187383652 +of:0.12510159611701965 per:0.11865941435098648 and:0.07604670524597168 on:0.032242532819509506 :0.07726140320301056 +the:0.22174598276615143 a:0.06476841121912003 his:0.035494640469551086 it.:0.02331962250173092 :0.09441015124320984 +of:0.27697044610977173 and:0.036103505641222 to:0.02146628126502037 were:0.017616229131817818 :0.03624866157770157 +the:0.2087097465991974 a:0.04046862944960594 tho:0.02022172324359417 which:0.015262480825185776 :0.23201929032802582 +of:0.429232120513916 in:0.06571900099515915 by:0.04397544264793396 and:0.029208846390247345 :0.031502172350883484 +whole:0.01288578286767006 best:0.012863979674875736 truth:0.01067289337515831 people:0.00929004605859518 :0.17131121456623077 +in:0.37974056601524353 by:0.08528296649456024 at:0.056665364652872086 In:0.05063055455684662 :0.04051456227898598 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.19658583402633667 a:0.040331657975912094 lands:0.017259016633033752 land:0.01682664453983307 :0.2615683376789093 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +the:0.15503862500190735 be:0.06614425778388977 a:0.025042077526450157 make:0.011122342199087143 :0.10124574601650238 +of:0.16433769464492798 and:0.07415352016687393 in:0.03836895897984505 with:0.0336584597826004 :0.06180444732308388 +to:0.7111071348190308 a:0.03540650010108948 the:0.019558414816856384 they:0.010448063723742962 :0.019231224432587624 +the:0.4369276165962219 tho:0.06231103837490082 them:0.02817865088582039 his:0.023292770609259605 :0.06394632905721664 +and:0.018462752923369408 limits:0.01734692044556141 powers:0.010283765383064747 lands:0.009049325250089169 :0.21023644506931305 +the:0.22769062221050262 he:0.06090415641665459 it:0.04172343760728836 they:0.0373460054397583 :0.04221317544579506 +interest:0.5385434031486511 Interest:0.07309649139642715 the:0.019388139247894287 interest,:0.009300971403717995 :0.09027563780546188 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +are:0.09685977548360825 were:0.06286848336458206 will:0.06260637193918228 have:0.05200133100152016 :0.12228066474199295 +and:0.11628441512584686 the:0.04400249570608139 in:0.03395433723926544 to:0.03181339427828789 :0.07339073717594147 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.31776925921440125 day:0.029017750173807144 hundred:0.02070263959467411 Hundred:0.01589238829910755 :0.09608062356710434 +be:0.292714387178421 have:0.18731564283370972 not:0.022718919441103935 make:0.012912878766655922 :0.03707405552268028 +premises:0.009622356854379177 first:0.00790462363511324 said:0.007610959932208061 following:0.005966156721115112 :0.16037683188915253 +the:0.24471454322338104 a:0.05586247518658638 on:0.04124101251363754 out:0.039424046874046326 :0.061670348048210144 +the:0.21633322536945343 a:0.05926566943526268 favor:0.03355502709746361 his:0.015670079737901688 :0.088901087641716 +the:0.15056255459785461 it:0.04444699361920357 I:0.03724834322929382 this:0.03304198011755943 :0.03751014918088913 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +the:0.08324909210205078 to:0.0750933289527893 a:0.05812710151076317 well:0.03602255508303642 :0.06900080293416977 +not:0.5490725636482239 the:0.03314438462257385 he:0.012951632030308247 a:0.007882517762482166 :0.05296212434768677 +and:0.06460945308208466 of:0.047423847019672394 to:0.02495751343667507 the:0.02056680992245674 :0.18005189299583435 +man:0.014600946567952633 the:0.011897066608071327 few:0.011314965784549713 .:0.008524708449840546 :0.24903492629528046 +ter:0.5098075270652771 ter,:0.09831404685974121 ter.:0.05495025962591171 ters:0.03033657930791378 :0.11724057793617249 +much:0.0943809300661087 to:0.06972140818834305 the:0.06550799310207367 many:0.04990715533494949 :0.06798854470252991 +and:0.21031513810157776 the:0.0542488768696785 but:0.04929614067077637 it:0.024428192526102066 :0.06559018790721893 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +more:0.12881264090538025 a:0.0808786153793335 more,:0.05163375288248062 the:0.027924828231334686 :0.1075282171368599 +are:0.09747233241796494 were:0.07985945791006088 have:0.0643911138176918 had:0.03416930511593819 :0.0772809088230133 +and:0.11344998329877853 of:0.04755079373717308 in:0.04112789034843445 to:0.04112453758716583 :0.047033172100782394 +from:0.011848337016999722 way:0.00902454275637865 way.:0.006976319942623377 and:0.00691948551684618 :0.23452942073345184 +property:0.10816492140293121 property,:0.0716351792216301 estate:0.05771657079458237 or:0.011921091005206108 :0.2275647670030594 +the:0.031845271587371826 f:0.024725409224629402 and:0.02119145542383194 a:0.015573493205010891 :0.18011823296546936 +and:0.07721585780382156 of:0.03570155054330826 in:0.01642926223576069 the:0.016230864450335503 :0.2409513145685196 +W:0.10350064188241959 W.:0.05728776007890701 C:0.02378666214644909 E:0.02292250096797943 :0.18081620335578918 +of:0.35262900590896606 the:0.07222774624824524 to:0.07088816910982132 that:0.043096140027046204 :0.04295269399881363 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +to:0.12232285737991333 by:0.10769802331924438 in:0.07332966476678848 for:0.047128885984420776 :0.04298326000571251 +and:0.0313459075987339 of:0.02585672214627266 to:0.02076040208339691 the:0.020364370197057724 :0.23341621458530426 +the:0.06478448212146759 a:0.029410596936941147 I:0.013921475037932396 to:0.01152974646538496 :0.15036997199058533 +of:0.5143651962280273 and:0.047865211963653564 in:0.04277240112423897 the:0.02308919094502926 :0.049786802381277084 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +quarter:0.3763864040374756 corner:0.25146037340164185 of:0.04390757158398628 and:0.028739895671606064 :0.05473797023296356 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +not:0.38565313816070557 the:0.039269205182790756 he:0.014708378352224827 a:0.009608632884919643 :0.05974099785089493 +partment:0.5226851105690002 partment,:0.09197530150413513 rangement:0.02384711243212223 cember:0.008072576485574245 :0.18902049958705902 +of:0.17639000713825226 time:0.026648743078112602 distance:0.017136240378022194 one:0.016069700941443443 :0.15305101871490479 +to:0.4256223142147064 the:0.05952339619398117 by:0.029687512665987015 a:0.019672350957989693 :0.04288783669471741 +and:0.15868864953517914 which:0.04829675331711769 the:0.04173784330487251 in:0.020709984004497528 :0.09335996210575104 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +ready:0.028452035039663315 seen:0.024825453758239746 since:0.018664203584194183 known:0.018152153119444847 :0.1822168380022049 +same:0.010815607383847237 first:0.0077217500656843185 whole:0.006170840468257666 way:0.0058444952592253685 :0.13427278399467468 +one-half:0.03530426695942879 of:0.015671053901314735 one:0.0155036561191082 in:0.014432238414883614 :0.2456151694059372 +Co.:0.11551206558942795 Co.,:0.058876436203718185 Co,:0.015842003747820854 Company,:0.01569456048309803 :0.2778914272785187 +the:0.47834378480911255 a:0.027988530695438385 this:0.026695335283875465 tho:0.01800047606229782 :0.09391400218009949 +to:0.16848157346248627 and:0.1568000614643097 in:0.05730903148651123 of:0.05194985121488571 :0.06692083925008774 +the:0.07872306555509567 a:0.026712043210864067 that:0.009929267689585686 in:0.009579382836818695 :0.13362032175064087 +years:0.14740413427352905 cents:0.05011799558997154 years,:0.04056607186794281 years.:0.03730078041553497 :0.12124434113502502 +of:0.13251325488090515 to:0.0776093378663063 from:0.06594822555780411 was:0.0516754575073719 :0.07640262693166733 +and:0.07687150686979294 of:0.017513005062937737 which:0.01637914776802063 at:0.014704530127346516 :0.19525140523910522 +is:0.3095676302909851 was:0.16930867731571198 Is:0.0555623397231102 has:0.05371646210551262 :0.03835960850119591 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +by:0.23569165170192719 as:0.11093758046627045 the:0.08854854851961136 and:0.07196396589279175 :0.04533175379037857 +and:0.21518433094024658 but:0.04203858971595764 the:0.03169016167521477 a:0.02706356719136238 :0.03257928416132927 +and:0.07060631364583969 but:0.025646843016147614 for:0.024687860161066055 or:0.0245377067476511 :0.0826343446969986 +few:0.017075717449188232 great:0.01625446043908596 large:0.013121690601110458 very:0.011478121392428875 :0.14479252696037292 +the:0.2144833654165268 he:0.062111206352710724 they:0.05277639999985695 it:0.03646198287606239 :0.05600408464670181 +the:0.30481207370758057 a:0.02631118707358837 tho:0.016640357673168182 this:0.015529610216617584 :0.1873321235179901 +ter:0.03507905453443527 the:0.030700065195560455 a:0.026648400351405144 not:0.022487416863441467 :0.3082745373249054 +a:0.03430124744772911 not:0.032099127769470215 the:0.029327088966965675 in:0.02264951355755329 :0.2891653776168823 +the:0.3310316801071167 a:0.03467914089560509 tho:0.020098255947232246 which:0.015677614137530327 :0.06747293472290039 +of:0.4720984995365143 and:0.06829073280096054 in:0.019710585474967957 that:0.018030324950814247 :0.04976195842027664 +the:0.197537362575531 a:0.021780380979180336 tho:0.014394538477063179 this:0.011101930402219296 :0.20094431936740875 +the:0.09802967309951782 a:0.0211940910667181 he:0.016376236453652382 it:0.015742963179945946 :0.10933192074298859 +same:0.009826961904764175 people:0.009182946756482124 other:0.006971113849431276 most:0.006881768815219402 :0.20909790694713593 +and:0.1101737916469574 girl.:0.019891461357474327 the:0.01874026469886303 boy.:0.015662116929888725 :0.21671617031097412 +H.:0.04102307930588722 H:0.0342007577419281 A.:0.024306217208504677 J:0.02258160710334778 :0.23165148496627808 +the:0.20637227594852448 be:0.03466269001364708 a:0.030114060267806053 pay:0.018619008362293243 :0.15005765855312347 +and:0.07313369959592819 of:0.029176589101552963 the:0.01658129319548607 to:0.015715744346380234 :0.1999908983707428 +a:0.029942931607365608 not:0.026210710406303406 the:0.026158764958381653 in:0.019383829087018967 :0.1590302586555481 +the:0.02345561794936657 not:0.023331860080361366 in:0.019272981211543083 made:0.017976148054003716 :0.21227896213531494 +and:0.1351858377456665 the:0.10843106359243393 a:0.055053405463695526 to:0.02110983058810234 :0.06226121261715889 +and:0.01113684568554163 a:0.00896432064473629 of:0.007760199718177319 In:0.005698696710169315 :0.388182133436203 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.03668586537241936 not:0.024658244103193283 to:0.022890323773026466 in:0.020121250301599503 :0.12476258724927902 +and:0.1244949921965599 a:0.0874096155166626 the:0.03848842903971672 of:0.027951223775744438 :0.13443081080913544 +the:0.12433323264122009 his:0.03460865467786789 a:0.030262833461165428 to:0.012058109976351261 :0.12195475399494171 +and:0.15678755939006805 the:0.043338842689991 in:0.03259120136499405 which:0.02368960715830326 :0.1118251383304596 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.09982630610466003 in:0.022420471534132957 a:0.01962452381849289 was:0.016781877726316452 :0.1203932985663414 +of:0.1974201798439026 that:0.1602751761674881 the:0.05517159402370453 to:0.05155094712972641 :0.04883240535855293 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +of:0.4333660304546356 and:0.04903067648410797 was:0.0191180557012558 in:0.017858562991023064 :0.05272988975048065 +in:0.28516775369644165 from:0.06388956308364868 the:0.056834686547517776 In:0.04950422793626785 :0.044904958456754684 +the:0.05082084983587265 a:0.02805444784462452 any:0.020677393302321434 other:0.0164695605635643 :0.26022598147392273 +the:0.3043845295906067 a:0.0482378825545311 his:0.01682570017874241 their:0.015053791925311089 :0.08180686086416245 +of:0.38072487711906433 was:0.07186108082532883 is:0.031093066558241844 and:0.024499742314219475 :0.025775287300348282 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +a:0.03721143677830696 able:0.02707509696483612 in:0.021022256463766098 the:0.01893334463238716 :0.16589820384979248 +a:0.15273886919021606 to:0.0893716961145401 that:0.057642482221126556 the:0.04366898536682129 :0.11506593972444534 +of:0.3377380073070526 in:0.05591995641589165 and:0.03092389926314354 from:0.026244452223181725 :0.030856268480420113 +own:0.03973541781306267 and:0.021154846996068954 head:0.01256389357149601 to:0.01221591979265213 :0.1880147010087967 +ual:0.45177504420280457 and:0.011048717424273491 the:0.005381713155657053 a:0.004042519256472588 :0.21721769869327545 +hour:0.046136368066072464 order:0.012715509161353111 indefinite:0.011005714535713196 old:0.010583107359707355 :0.1946355551481247 +of:0.216510608792305 in:0.0563943050801754 at:0.04151032119989395 and:0.040665630251169205 :0.03795289993286133 +The:0.12522415816783905 A:0.03759043291211128 In:0.037379927933216095 He:0.031497761607170105 :0.14708662033081055 +sons:0.15898782014846802 son:0.07482839375734329 sons,:0.0602065771818161 sonal:0.05916252359747887 :0.22460724413394928 +as:0.519693911075592 and:0.025786150246858597 in:0.019561246037483215 a:0.013229896314442158 :0.04888985678553581 +in:0.10391712933778763 and:0.05172429233789444 is:0.041511014103889465 the:0.030598772689700127 :0.047291602939367294 +and:0.13094355165958405 on:0.06408226490020752 in:0.06048687547445297 is:0.05746264010667801 :0.05565768852829933 +of:0.8201913833618164 to:0.01657416857779026 which:0.011610093526542187 ot:0.010775069706141949 :0.011541489511728287 +of:0.2753303050994873 and:0.06890910863876343 in:0.04400524124503136 for:0.03382302448153496 :0.041253771632909775 +The:0.17826224863529205 A:0.03733091056346893 In:0.030993100255727768 This:0.030058685690164566 :0.06841912120580673 +to:0.05417047441005707 the:0.04525991156697273 and:0.03854946419596672 be:0.031962595880031586 :0.13746048510074615 +that:0.20835663378238678 to:0.05882594361901283 the:0.04399038851261139 in:0.038195498287677765 :0.11659389734268188 +a:0.0723888948559761 not:0.04591590538620949 the:0.03603602945804596 now:0.020900892093777657 :0.17212937772274017 +the:0.07046081870794296 a:0.02400664985179901 to:0.01079343631863594 that:0.00989590398967266 :0.19400514662265778 +and:0.045589689165353775 trap,:0.01839456707239151 of:0.01615891605615616 in:0.013151534833014011 :0.19841311872005463 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.05452312156558037 and:0.04232087358832359 of:0.025446711108088493 The:0.013099100440740585 :0.18608598411083221 +and:0.06935648620128632 in:0.024648604914546013 the:0.018009399995207787 a:0.015678251162171364 :0.17656545341014862 +and:0.04374485835433006 of:0.03984419256448746 to:0.036196425557136536 or:0.028516091406345367 :0.17317067086696625 +The:0.07412023842334747 It:0.02141181193292141 and:0.020179152488708496 Beginning:0.017400693148374557 :0.30547788739204407 +to:0.10904980450868607 and:0.0503644235432148 the:0.04103374853730202 with:0.039397601038217545 :0.08425156772136688 +the:0.24406233429908752 a:0.0688491016626358 which:0.02177630551159382 this:0.017695782706141472 :0.10679487138986588 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +matter:0.07735861092805862 one:0.05616903677582741 doubt:0.030619021505117416 doubt,:0.026301519945263863 :0.15925978124141693 +order:0.030256761237978935 opportunity:0.013845515437424183 account:0.013590200804173946 increase:0.0103407371789217 :0.13132226467132568 +the:0.14565417170524597 it:0.0893009826540947 they:0.07601169496774673 he:0.07055934518575668 :0.05173138901591301 +the:0.3702877461910248 a:0.05018789321184158 which:0.03807610273361206 their:0.01948355697095394 :0.059398721903562546 +and:0.06379486620426178 the:0.06248682364821434 to:0.04531252756714821 a:0.01795339211821556 :0.12900327146053314 +and:0.0591670386493206 to:0.018708061426877975 of:0.01654420793056488 in:0.014913132414221764 :0.2961850166320801 +the:0.24618586897850037 be:0.059873275458812714 a:0.020459173247218132 have:0.01980859972536564 :0.07233049720525742 +the:0.16463841497898102 a:0.023184865713119507 be:0.01764664053916931 do:0.011051892302930355 :0.13741622865200043 +of:0.12986813485622406 and:0.046540964394807816 to:0.015256951563060284 in:0.01380203478038311 :0.24600715935230255 +years:0.08366179466247559 of:0.037741851061582565 days:0.03752770647406578 or:0.03744753450155258 :0.11662379652261734 +the:0.18344323337078094 of:0.06437596678733826 way:0.04300691559910774 with:0.03328802436590195 :0.047294072806835175 +and:0.10297772288322449 of:0.07185453176498413 in:0.07133786380290985 to:0.05573951452970505 :0.05765898525714874 +the:0.1145758330821991 a:0.06945239007472992 up:0.04123006761074066 them:0.03772202879190445 :0.05874300375580788 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +next,:0.05559529736638069 and:0.039956074208021164 last,:0.0392843522131443 1,:0.01213798951357603 :0.3340730667114258 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +fect:0.29638153314590454 sons:0.13717618584632874 fectly:0.08789345622062683 manent:0.07277432084083557 :0.09045805037021637 +a:0.1151701956987381 the:0.05246611684560776 only:0.037605080753564835 to:0.03163502365350723 :0.09793591499328613 +to:0.5655997395515442 the:0.04250391572713852 by:0.032167598605155945 in:0.019745921716094017 :0.030895963311195374 +of:0.08337878435850143 in:0.0552811399102211 and:0.055236317217350006 for:0.05024493858218193 :0.0477713979780674 +the:0.3054700493812561 this:0.03331585228443146 a:0.02780323103070259 their:0.016894089058041573 :0.09130694717168808 +was:0.07726441323757172 had:0.06851661205291748 has:0.05525830760598183 is:0.05169340595602989 :0.07759829610586166 +are:0.12367447465658188 have:0.056554220616817474 to:0.04957612603902817 were:0.04249153658747673 :0.06861387938261032 +the:0.08287650346755981 a:0.06641190499067307 to:0.05330571532249451 not:0.041118599474430084 :0.09302059561014175 +is:0.2607600688934326 are:0.15762150287628174 was:0.1234721913933754 will:0.04899861663579941 :0.046335555613040924 +the:0.18771015107631683 by:0.071192167699337 at:0.06821379065513611 to:0.06265038251876831 :0.05509307608008385 +and:0.07042987644672394 of:0.06206328049302101 the:0.04615304246544838 to:0.03835736960172653 :0.13087508082389832 +first:0.00839282851666212 same:0.006655653938651085 last:0.005892057437449694 most:0.004990007262676954 :0.2060055136680603 +of:0.08907584846019745 the:0.04369594529271126 and:0.03322676196694374 in:0.0270147193223238 :0.17036722600460052 +few:0.020621754229068756 year:0.018388651311397552 large:0.011736014857888222 good:0.011454511433839798 :0.21216176450252533 +was:0.05752599611878395 have:0.035530053079128265 am:0.03438520431518555 had:0.030259905382990837 :0.11945398151874542 +the:0.09553702175617218 that:0.038188740611076355 to:0.03388286754488945 a:0.031554438173770905 :0.09601926058530807 +the:0.051995787769556046 a:0.02557273767888546 no:0.016846416518092155 able:0.014259729534387589 :0.24846000969409943 +known:0.12096337229013443 to:0.04202102869749069 and:0.04037141799926758 as:0.017626488581299782 :0.2384709268808365 +of:0.17181986570358276 to:0.0830780640244484 and:0.07998979836702347 that:0.04587266966700554 :0.07283056527376175 +the:0.4582761824131012 this:0.03903387114405632 said:0.031550537794828415 tho:0.02941109798848629 :0.08641797304153442 +deal:0.10813666880130768 many:0.039123255759477615 thing:0.024324219673871994 and:0.014346479438245296 :0.15359561145305634 +that:0.1934410035610199 the:0.07744969427585602 how:0.07156717032194138 what:0.05268319323658943 :0.03463267534971237 +most:0.012185011990368366 same:0.010640785098075867 result:0.010600059293210506 only:0.00753809604793787 :0.19594259560108185 +was:0.06852544099092484 is:0.06567379832267761 the:0.04483002796769142 has:0.04468485340476036 :0.04414155334234238 +the:0.06891975551843643 to:0.05152445659041405 ed:0.029033703729510307 and:0.026440909132361412 :0.11139475554227829 +was:0.04189738258719444 had:0.030356885865330696 would:0.027690645307302475 has:0.02074623852968216 :0.15872299671173096 +to:0.23939336836338043 for:0.09248252213001251 and:0.054295364767313004 a:0.04190581664443016 :0.0560104139149189 +the:0.05939033254981041 year.:0.0538724809885025 year:0.036896806210279465 year,:0.033197466284036636 :0.09939499944448471 +the:0.2627904415130615 a:0.07702650129795074 it:0.029801707714796066 he:0.02077130228281021 :0.06869135797023773 +in:0.033497050404548645 not:0.03330424055457115 the:0.015584800392389297 made:0.014377755112946033 :0.176797017455101 +correspondent:0.025224454700946808 committee:0.01752997376024723 and:0.01059899665415287 in:0.005962536204606295 :0.24554865062236786 +of:0.6722274422645569 and:0.03462085500359535 to:0.03074062429368496 in:0.020218532532453537 :0.0240489449352026 +the:0.302485853433609 a:0.07182057946920395 all:0.016202956438064575 this:0.01597985252737999 :0.07476314157247543 +a:0.02836454287171364 made:0.02077404037117958 the:0.020418105646967888 was:0.009990881197154522 :0.2544764280319214 +be:0.36510169506073 say:0.024524779990315437 bo:0.016364915296435356 the:0.015505283139646053 :0.0599825493991375 +time:0.04156280681490898 condition:0.01823098585009575 time,:0.016372399404644966 time.:0.014106830582022667 :0.1091386079788208 +and:0.11015502363443375 are:0.05758752301335335 in:0.04900198429822922 of:0.028223123401403427 :0.0504775270819664 +the:0.04691070318222046 that:0.03834592550992966 in:0.0319473035633564 I:0.02783704176545143 :0.05998966470360756 +been:0.16216526925563812 not:0.04264872521162033 a:0.04053746163845062 done:0.01850958541035652 :0.07984345406293869 +of:0.21159116923809052 and:0.08382605016231537 in:0.08038242161273956 are:0.032163623720407486 :0.030970018357038498 +of:0.6064191460609436 and:0.07907073199748993 for:0.0284972433000803 to:0.015320997685194016 :0.01904302090406418 +man:0.013965612277388573 few:0.011565842665731907 time:0.011333011090755463 day:0.009832826443016529 :0.14332738518714905 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +a:0.03444783389568329 made:0.030035126954317093 the:0.023574242368340492 taken:0.012536640278995037 :0.16007915139198303 +and:0.2789788544178009 but:0.05605816841125488 the:0.03715657442808151 which:0.03313915804028511 :0.06958610564470291 +important:0.033643923699855804 of:0.02098493091762066 prominent:0.011481708846986294 beautiful:0.01122498232871294 :0.16610804200172424 +and:0.013978724367916584 civil:0.009344165213406086 to:0.008773247711360455 ly:0.0076861027628183365 :0.2522527873516083 +the:0.06681042164564133 be:0.05773814767599106 make:0.027567977085709572 see:0.023111408576369286 :0.10214249789714813 +not:0.04980239272117615 in:0.02706148475408554 the:0.018896562978625298 to:0.017280016094446182 :0.17729981243610382 +the:0.10297470539808273 South,:0.08503345400094986 South:0.07458090037107468 South.:0.03418809920549393 :0.12843795120716095 +debility,:0.01933993399143219 and:0.016117658466100693 manager:0.015526734292507172 debility:0.013264612294733524 :0.1683470606803894 +and:0.07953380048274994 of:0.02776825614273548 in:0.021102825179696083 to:0.016103804111480713 :0.20538774132728577 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.15032461285591125 in:0.0441678948700428 to:0.04099917411804199 a:0.034873634576797485 :0.05950713902711868 +The:0.09973267465829849 He:0.09693598002195358 It:0.04875301569700241 Mr.:0.029945993795990944 :0.09412398934364319 +the:0.13843956589698792 a:0.03667084127664566 this:0.01750502735376358 two:0.01690877228975296 :0.15089993178844452 +feet:0.30006271600723267 of:0.05968023091554642 feet;:0.04897230491042137 chains:0.03768809139728546 :0.11813048273324966 +of:0.18297860026359558 to:0.1283455789089203 in:0.03248124569654465 for:0.027609940618276596 :0.06642671674489975 +to:0.16063116490840912 for:0.10481259971857071 the:0.0877131000161171 a:0.05446845293045044 :0.08453478664159775 +in:0.05387946590781212 of:0.045320671051740646 the:0.044268060475587845 a:0.043877169489860535 :0.09745150059461594 +and:0.055054549127817154 of:0.05288022756576538 The:0.022785047069191933 to:0.022273167967796326 :0.18208739161491394 +the:0.29411250352859497 a:0.06301502138376236 this:0.019009064882993698 his:0.01807175576686859 :0.142732635140419 +and:0.006628044880926609 other:0.004147563129663467 sense:0.003784731263294816 great:0.003576558316126466 :0.35413217544555664 +that:0.13984623551368713 the:0.09468279778957367 in:0.06810501217842102 to:0.06532717496156693 :0.03972297161817551 +to:0.27964022755622864 in:0.08956257253885269 that:0.06721153855323792 at:0.048916928470134735 :0.0428449846804142 +people:0.02075379714369774 most:0.020262952893972397 men:0.016042247414588928 people.:0.007763477973639965 :0.2425801306962967 +and:0.15567602217197418 in:0.05229790508747101 were:0.03415578231215477 who:0.027072874829173088 :0.12349894642829895 +was:0.14470505714416504 had:0.13513712584972382 would:0.07261236757040024 has:0.05586621165275574 :0.05392933636903763 +was:0.11486580222845078 had:0.043547868728637695 is:0.03891754895448685 will:0.03190387785434723 :0.0816839262843132 +the:0.18859097361564636 a:0.11328939348459244 his:0.019362524151802063 which:0.01671086810529232 :0.16596859693527222 +and:0.07971695065498352 in:0.05802195146679878 men:0.0440191812813282 of:0.03225422278046608 :0.07876387983560562 +bacco:0.23312807083129883 gether:0.07947055250406265 ward:0.07530628144741058 morrow:0.03495420515537262 :0.19651281833648682 +the:0.05226327106356621 over:0.04282357916235924 a:0.04175673797726631 on:0.040344905108213425 :0.06214258074760437 +the:0.0796145498752594 be:0.021997326985001564 a:0.020677249878644943 make:0.0173978079110384 :0.17316648364067078 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +the:0.09412235766649246 with:0.055861297994852066 a:0.051601018756628036 in:0.035225819796323776 :0.09841170907020569 +that:0.2378241866827011 to:0.13638439774513245 he:0.05748021602630615 I:0.04077005013823509 :0.037668630480766296 +the:0.07956945896148682 to:0.07310719788074493 a:0.06375119090080261 it:0.03839544951915741 :0.06487174332141876 +that:0.18036393821239471 what:0.09935227036476135 the:0.07677337527275085 how:0.054145123809576035 :0.03215635567903519 +and:0.13168632984161377 the:0.054975371807813644 who:0.03292519226670265 a:0.029147082939743996 :0.10596320778131485 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.3595319986343384 a:0.0471370667219162 his:0.021876538172364235 tho:0.017088105902075768 :0.09780103713274002 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +line:0.049760445952415466 vote:0.03491931036114693 and:0.032762546092271805 route:0.020180735737085342 :0.13462358713150024 +a:0.12610818445682526 the:0.10716576129198074 him:0.06693597882986069 way:0.035916585475206375 :0.09121464937925339 +made:0.03716104477643967 a:0.030058881267905235 the:0.024857543408870697 taken:0.020551640540361404 :0.14961276948451996 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +that:0.1539400964975357 is:0.13483896851539612 of:0.12273616343736649 was:0.058076512068510056 :0.027821838855743408 +was:0.10177136957645416 had:0.0883454754948616 has:0.061413832008838654 is:0.04361957311630249 :0.09792733937501907 +been:0.12996841967105865 a:0.05242052674293518 not:0.029057122766971588 the:0.026974858716130257 :0.118819460272789 +been:0.4169073700904846 yet:0.07197577506303787 only:0.023792175576090813 a:0.023517590016126633 :0.047818269580602646 +and:0.1942005753517151 which:0.03379165753722191 as:0.03231446072459221 the:0.03142162412405014 :0.06446533650159836 +half:0.05227982625365257 few:0.027100946754217148 large:0.02216946892440319 great:0.012649431824684143 :0.1533392369747162 +and:0.09415247291326523 but:0.04668641462922096 of:0.04388362541794777 or:0.03824456036090851 :0.05110771954059601 +the:0.2464546114206314 a:0.05195445567369461 this:0.02508331835269928 tho:0.021958107128739357 :0.10290978848934174 +the:0.0860615000128746 a:0.028391871601343155 to:0.025394257158041 was:0.024187086150050163 :0.10902997851371765 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.0433475561439991 B.:0.01776365004479885 A.:0.013829008676111698 H.:0.011299255304038525 :0.4213389456272125 +and:0.05770730599761009 the:0.03709455579519272 The:0.03215758129954338 of:0.025249091908335686 :0.128696009516716 +cific:0.047698210924863815 and:0.010014759376645088 City:0.007561029400676489 State:0.007144126109778881 :0.7030895352363586 +and:0.04098141938447952 the:0.02553536184132099 The:0.013061313889920712 in:0.010789310559630394 :0.27908575534820557 +ways:0.05905849486589432 though:0.05142714083194733 most:0.04987719655036926 leged:0.0488419383764267 :0.30433720350265503 +J:0.00926511362195015 J.:0.007889265194535255 H.:0.007735912688076496 H:0.007561749313026667 :0.5455608367919922 +and:0.04936058446764946 of:0.02342269755899906 the:0.014403990469872952 lina:0.013908290304243565 :0.19324423372745514 +by:0.23206017911434174 that:0.2109553962945938 to:0.11904828995466232 in:0.09823673963546753 :0.03378698602318764 +States:0.412871778011322 States,:0.1430540382862091 States.:0.058108676224946976 and:0.013363955542445183 :0.17593489587306976 +the:0.07104185968637466 a:0.024876456707715988 to:0.014590959064662457 that:0.0124765420332551 :0.179534912109375 +and:0.0735723078250885 of:0.04400584101676941 the:0.03337324783205986 to:0.025288257747888565 :0.17086978256702423 +the:0.20461098849773407 a:0.035281840711832047 this:0.018638089299201965 said:0.014142687432467937 :0.15335412323474884 +nited:0.070480115711689 and:0.010731463320553303 of:0.009935649111866951 the:0.009798852726817131 :0.3342554271221161 +will:0.06008657440543175 have:0.049588728696107864 to:0.0391424335539341 would:0.035136107355356216 :0.08766907453536987 +to:0.09910620748996735 the:0.09821939468383789 a:0.0904042050242424 up:0.03352842852473259 :0.04881361871957779 +crease:0.03712960705161095 to:0.0316837914288044 clude:0.0313042476773262 terested:0.029595784842967987 :0.3697267174720764 +the:0.2349666953086853 a:0.0641632005572319 tho:0.015128969214856625 their:0.013397217728197575 :0.14252164959907532 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +to:0.4636862874031067 for:0.14270547032356262 and:0.027322281152009964 that:0.025258652865886688 :0.04272138699889183 +that:0.1573595255613327 of:0.07119685411453247 the:0.06453736871480942 as:0.03665894269943237 :0.03954243287444115 +and:0.2481052130460739 the:0.02694103680551052 of:0.023663446307182312 or:0.02249095030128956 :0.13688330352306366 +and:0.05573238432407379 the:0.03132566064596176 of:0.027884313836693764 ing:0.022799795493483543 :0.21444107592105865 +way:0.008896722458302975 same:0.00883206445723772 most:0.007745235227048397 place:0.006766304839402437 :0.16201455891132355 +of:0.6985889673233032 and:0.02178984135389328 was:0.014495516195893288 ot:0.011938227340579033 :0.01698891445994377 +and:0.05466843768954277 of:0.052824679762125015 the:0.02857966534793377 to:0.028010431677103043 :0.2227606624364853 +not:0.35738056898117065 be:0.11510825902223587 have:0.06533733010292053 only:0.016814103350043297 :0.05914785712957382 +the:0.12382195889949799 be:0.02918289601802826 make:0.021456656977534294 a:0.014847091399133205 :0.10070481151342392 +the:0.141282320022583 a:0.052245475351810455 in:0.03378801420331001 to:0.0292548518627882 :0.07541415095329285 +not:0.12052280455827713 have:0.11053576320409775 be:0.10057951509952545 do:0.018644101917743683 :0.08588672429323196 +of:0.5225830674171448 that:0.032192159444093704 in:0.01889006607234478 and:0.017190320417284966 :0.04838723689317703 +the:0.23799699544906616 a:0.04221582040190697 tho:0.014849789440631866 this:0.014704192988574505 :0.22046831250190735 +The:0.1603984832763672 It:0.06506665050983429 He:0.03258083015680313 In:0.02909948118031025 :0.0728965625166893 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +large:0.01953495852649212 little:0.016268057748675346 man:0.014920801855623722 few:0.012414894998073578 :0.18958567082881927 +was:0.07864337414503098 had:0.05559316277503967 would:0.037342753261327744 could:0.026555344462394714 :0.1388600915670395 +and:0.12516146898269653 of:0.05696568265557289 the:0.024598345160484314 which:0.0237087681889534 :0.10761348158121109 +or:0.09126549959182739 of:0.05958535522222519 and:0.03379647433757782 years:0.03054812364280224 :0.20730094611644745 +are:0.038599345833063126 were:0.02909804694354534 have:0.024902768433094025 will:0.02139493264257908 :0.2120402455329895 +try:0.4475606083869934 try,:0.19419832527637482 ty:0.07841120660305023 try.:0.06186434254050255 :0.0706322193145752 +as:0.367566853761673 and:0.054739393293857574 to:0.025924179702997208 a:0.02185438573360443 :0.08580239862203598 +that:0.10645554959774017 to:0.07755308598279953 in:0.04468663036823273 as:0.03499811887741089 :0.08147426694631577 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.0631229430437088 to:0.015911748632788658 She:0.014394163154065609 The:0.013907224871218204 :0.18334172666072845 +ith:0.13647308945655823 hich:0.08606543391942978 ill:0.06076757609844208 hen:0.03585153818130493 :0.15742343664169312 +the:0.2201753854751587 other:0.030265433713793755 of:0.027039149776101112 that:0.016955988481640816 :0.10122275352478027 +as:0.07075029611587524 to:0.056611571460962296 secretary:0.025296766310930252 in:0.021959993988275528 :0.2636983096599579 +to:0.1358902007341385 is:0.052358612418174744 by:0.04199942946434021 in:0.038892678916454315 :0.039766665548086166 +to:0.11728744208812714 a:0.06739874184131622 the:0.06600962579250336 for:0.031802695244550705 :0.09146780520677567 +of:0.060304343700408936 to:0.05710085481405258 were:0.029757946729660034 are:0.028523024171590805 :0.051865581423044205 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.026628626510500908 and:0.011286323890089989 in:0.010106041096150875 was:0.00891188345849514 :0.10664654523134232 +of:0.7083942294120789 to:0.022814767435193062 and:0.02073759213089943 over:0.01484138797968626 :0.012450894340872765 +the:0.3114946782588959 this:0.06909070163965225 his:0.0242527574300766 said:0.018839171156287193 :0.09726572781801224 +.:0.6419211626052856 and:0.0073698535561561584 was:0.0066538224928081036 has:0.00565075408667326 :0.12334337085485458 +and:0.06839912384748459 of:0.048908818513154984 in:0.03130938112735748 the:0.022600946947932243 :0.17130349576473236 +The:0.13434703648090363 All:0.09734322130680084 A:0.046650297939777374 Dated:0.037945058196783066 :0.13791991770267487 +and:0.22407051920890808 as:0.0763743445277214 in:0.040343161672353745 the:0.0354965478181839 :0.05813149735331535 +last:0.009037280455231667 whole:0.008890250697731972 first:0.008305277675390244 only:0.008126020431518555 :0.1974855661392212 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +a:0.20008410513401031 the:0.11097752302885056 to:0.05792316421866417 that:0.03147336468100548 :0.0570426881313324 +I:0.021197883412241936 to:0.012801424600183964 is:0.009066685102880001 was:0.008813759312033653 :0.34115785360336304 +the:0.17717304825782776 you:0.0547105073928833 he:0.047818850725889206 a:0.04237813875079155 :0.07424423843622208 +The:0.1281946450471878 It:0.0577516108751297 He:0.03310972824692726 A:0.030365746468305588 :0.09017973393201828 +own:0.02019418217241764 answer:0.005206549074500799 eyes:0.005063613876700401 money:0.005014204420149326 :0.22973784804344177 +terday:0.631840169429779 and:0.007786845322698355 1:0.004533038940280676 A:0.004086808767169714 :0.22752854228019714 +been:0.3015088140964508 a:0.04127349704504013 the:0.02620590105652809 to:0.02183709666132927 :0.0639123022556305 +the:0.234846293926239 this:0.033347342163324356 a:0.030435733497142792 said:0.016030073165893555 :0.13312524557113647 +the:0.3357875347137451 them:0.08590009808540344 whom:0.03814450278878212 other:0.031461115926504135 :0.04773440957069397 +of:0.24504274129867554 is:0.06174648553133011 was:0.054304223507642746 and:0.049288228154182434 :0.04662492126226425 +and:0.1408194601535797 of:0.031221533194184303 in:0.024010619148612022 men:0.016490016132593155 :0.1878434419631958 +of:0.2573831081390381 and:0.06151551008224487 the:0.02841365523636341 was:0.024537917226552963 :0.08663118630647659 +of:0.0720907598733902 and:0.043658796697854996 to:0.021558396518230438 or:0.02129233069717884 :0.27367398142814636 +to:0.0806194543838501 and:0.04943642392754555 the:0.036818940192461014 a:0.02150244079530239 :0.18308615684509277 +same:0.009160651825368404 following:0.007816447876393795 right:0.007607968058437109 said:0.0064996457658708096 :0.16287963092327118 +morning:0.05667581781744957 year:0.03202538192272186 morning.:0.024857817217707634 afternoon:0.023918449878692627 :0.09071936458349228 +of:0.3089192807674408 the:0.09182514250278473 and:0.04348276928067207 a:0.03594185784459114 :0.039597682654857635 +in:0.15709882974624634 for:0.14605727791786194 to:0.12964312732219696 as:0.07934176176786423 :0.0760023221373558 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +the:0.09204131364822388 a:0.027619950473308563 that:0.010519254021346569 in:0.008661847561597824 :0.17103047668933868 +and:0.048314355313777924 of:0.03516985476016998 to:0.020480792969465256 was:0.018847618252038956 :0.16801631450653076 +and:0.1349916309118271 of:0.05800677835941315 the:0.03932826593518257 to:0.03868517279624939 :0.05528049170970917 +of:0.1755559742450714 and:0.03534591570496559 in:0.02774967812001705 are:0.022560101002454758 :0.10740090906620026 +and:0.12524938583374023 the:0.026598764583468437 to:0.019108857959508896 The:0.015988295897841454 :0.22476284205913544 +a:0.04852517694234848 not:0.04805624112486839 the:0.04310672730207443 to:0.020172521471977234 :0.11663030087947845 +and:0.052044495940208435 the:0.009045342914760113 other:0.007291419431567192 a:0.006737688090652227 :0.23282085359096527 +the:0.28838998079299927 this:0.046213939785957336 a:0.04383323714137077 that:0.02777274325489998 :0.14396916329860687 +a:0.10072558373212814 the:0.09207046031951904 well:0.050391122698783875 to:0.04377443343400955 :0.04503104090690613 +a:0.24104109406471252 the:0.15072783827781677 that:0.037470702081918716 an:0.024785634130239487 :0.0816960409283638 +of:0.06078207120299339 and:0.03525455296039581 to:0.028953896835446358 the:0.017440123483538628 :0.1655554324388504 +is:0.14595293998718262 was:0.066702701151371 Is:0.020747769623994827 will:0.016078120097517967 :0.10497581213712692 +of:0.4112327992916107 and:0.0644715279340744 to:0.04713638126850128 that:0.029272517189383507 :0.027668988332152367 +day:0.10919538885354996 morning:0.08290396630764008 meeting:0.026112651452422142 year:0.024415120482444763 :0.07566384226083755 +and:0.041290346533060074 to:0.03592702001333237 the:0.03190917521715164 a:0.015492177568376064 :0.19655916094779968 +the:0.23002628982067108 and:0.14884865283966064 a:0.04802476242184639 is:0.037066660821437836 :0.07091838866472244 +opportunity:0.024744685739278793 old:0.020689871162176132 act:0.011187158524990082 increase:0.009387783706188202 :0.2334652990102768 +the:0.16791917383670807 it:0.04372749477624893 they:0.03227921202778816 a:0.03165013715624809 :0.08064956963062286 +is:0.08047374337911606 was:0.05969255417585373 are:0.03944889083504677 the:0.03935001790523529 :0.07503548264503479 +of:0.8145369291305542 ot:0.019557543098926544 and:0.011203471571207047 the:0.008484524674713612 :0.019533293321728706 +in:0.06583990156650543 out:0.06499286741018295 on:0.05504908040165901 the:0.05189875513315201 :0.051495932042598724 +the:0.26776254177093506 a:0.05665784329175949 his:0.019195862114429474 tho:0.01694474369287491 :0.10671113431453705 +the:0.3695625066757202 a:0.025082135573029518 tho:0.019749701023101807 this:0.018924737349152565 :0.12379270792007446 +the:0.10697808861732483 he:0.03152232989668846 they:0.026107557117938995 it:0.025228256359696388 :0.08755607157945633 +that:0.22870543599128723 to:0.09092903882265091 the:0.05143103748559952 it:0.024342529475688934 :0.07778868079185486 +The:0.14384588599205017 It:0.05238839611411095 He:0.029115157201886177 There:0.023018086329102516 :0.08168140798807144 +point:0.04157324507832527 stake:0.019657595083117485 large:0.017763804644346237 great:0.014630108140408993 :0.1461859792470932 +that:0.08773579448461533 in:0.06049468368291855 and:0.053721051663160324 the:0.03635374829173088 :0.07000043988227844 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +in:0.053977593779563904 and:0.03659788891673088 to:0.03331371769309044 at:0.02837347984313965 :0.07535117119550705 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +as:0.25476446747779846 to:0.15909399092197418 and:0.07950615137815475 in:0.04703598842024803 :0.04471675679087639 +the:0.052337974309921265 a:0.023208674043416977 in:0.008931690827012062 to:0.008366372436285019 :0.15575678646564484 +the:0.0347059890627861 a:0.013698309659957886 at:0.008909975178539753 in:0.007706015836447477 :0.3307139575481415 +is:0.07828223705291748 the:0.06804917752742767 he:0.05771231651306152 was:0.05588609725236893 :0.045796774327754974 +that:0.14170897006988525 and:0.06539203226566315 of:0.057551875710487366 in:0.03983564302325249 :0.047975655645132065 +of:0.20878495275974274 other:0.037460844963788986 one:0.03533591702580452 time:0.011563511565327644 :0.10800241678953171 +of:0.1169138103723526 and:0.10059496015310287 in:0.0666312649846077 that:0.04907921329140663 :0.0477486178278923 +the:0.054486993700265884 a:0.013976492919027805 and:0.010511770844459534 to:0.007847968488931656 :0.4743010997772217 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.11170436441898346 was:0.0718577429652214 to:0.04833013564348221 had:0.04203159734606743 :0.08845227211713791 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +the:0.398458331823349 a:0.04217452183365822 it:0.026908406987786293 their:0.024486634880304337 :0.024195784702897072 +are:0.0831475779414177 were:0.07089841365814209 will:0.06384404003620148 have:0.05275672674179077 :0.058461662381887436 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.15285855531692505 a:0.018190471455454826 this:0.015163258649408817 tho:0.009580033831298351 :0.174189493060112 +the:0.24683888256549835 a:0.03323088213801384 course:0.022028295323252678 this:0.017603134736418724 :0.15841278433799744 +resented:0.2885441780090332 to:0.05816688761115074 and:0.05028550326824188 resentatives:0.026054447516798973 :0.18918263912200928 +own:0.02038581110537052 people:0.010827554389834404 country:0.008136152289807796 readers:0.0059156399220228195 :0.22298669815063477 +It:0.08846113830804825 The:0.0717993900179863 I:0.06608669459819794 He:0.03917480632662773 :0.1286262571811676 +is:0.01989027112722397 of:0.016682300716638565 a:0.016173118725419044 to:0.016166958957910538 :0.16917084157466888 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +Beginning:0.11278549581766129 The:0.04337054863572121 Commencing:0.02683524787425995 Section:0.024838602170348167 :0.2503405511379242 +is:0.08921876549720764 was:0.057900574058294296 and:0.04146068915724754 in:0.0357811264693737 :0.09827450662851334 +and:0.0570729598402977 the:0.04660642519593239 The:0.02392369881272316 to:0.023736312985420227 :0.14865227043628693 +to:0.18445688486099243 the:0.049041520804166794 out:0.044820696115493774 up:0.032637983560562134 :0.06087569519877434 +and:0.28405454754829407 in:0.0234216321259737 from:0.02029944583773613 In:0.017932813614606857 :0.16381293535232544 +The:0.1009383425116539 It:0.07548200339078903 In:0.03959264978766441 I:0.03200159966945648 :0.09440048784017563 +and:0.07952726632356644 of:0.04900548979640007 the:0.04139740765094757 or:0.03378743678331375 :0.05342445150017738 +of:0.825235903263092 ot:0.01649431698024273 between:0.011312246322631836 ol:0.008658197708427906 :0.018673352897167206 +the:0.10453689843416214 that:0.10185566544532776 a:0.05221481993794441 to:0.035578031092882156 :0.07689353078603745 +had:0.04917895421385765 since:0.03086937963962555 the:0.02158225141465664 was:0.018329916521906853 :0.16072586178779602 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +and:0.07040257006883621 the:0.0386306457221508 of:0.0311878714710474 The:0.015737183392047882 :0.11732832342386246 +get:0.07118060439825058 make:0.032453715801239014 do:0.027647456154227257 see:0.02191103808581829 :0.12473297864198685 +the:0.35883134603500366 a:0.029190843924880028 his:0.02092733234167099 their:0.02005072310566902 :0.11197669804096222 +the:0.3221611976623535 a:0.03375212848186493 his:0.018089434131979942 tho:0.014784322120249271 :0.1669737696647644 +the:0.33396631479263306 this:0.06302427500486374 a:0.03803303465247154 such:0.031707651913166046 :0.08001942932605743 +is:0.17819948494434357 was:0.08195647597312927 would:0.041668232530355453 will:0.033487048000097275 :0.07513576745986938 +of:0.26166126132011414 who:0.0577114038169384 to:0.04644044488668442 in:0.0401947945356369 :0.036791641265153885 +the:0.0717703253030777 to:0.03481351211667061 a:0.028068482875823975 other:0.018180469051003456 :0.09542468935251236 +on:0.20349499583244324 and:0.1604478657245636 at:0.10187332332134247 in:0.036273304373025894 :0.03479485213756561 +the:0.14516451954841614 him:0.11345189809799194 a:0.07340716570615768 that:0.06936295330524445 :0.06740953773260117 +the:0.28870701789855957 a:0.04360590875148773 tho:0.016749203205108643 this:0.014810618944466114 :0.156535804271698 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +the:0.02480950579047203 e:0.01263063307851553 most:0.011935030110180378 is:0.007146407850086689 :0.28248652815818787 +the:0.11375205963850021 said:0.03051561862230301 r:0.019137615337967873 this:0.010794409550726414 :0.2352088838815689 +and:0.06463280320167542 the:0.04519427567720413 to:0.03139914572238922 The:0.018918003886938095 :0.14508575201034546 +and:0.058428023010492325 the:0.04722815752029419 a:0.01978415809571743 in:0.01938626356422901 :0.15643595159053802 +to:0.06411395967006683 of:0.05643387511372566 and:0.053768448531627655 the:0.03700224682688713 :0.06562655419111252 +for:0.07527993619441986 and:0.06568790972232819 of:0.061046600341796875 are:0.05405775457620621 :0.076429583132267 +was:0.0731615349650383 had:0.05864233151078224 would:0.025310568511486053 will:0.022023770958185196 :0.14225493371486664 +the:0.10967306047677994 that:0.023079121485352516 a:0.017093656584620476 in:0.016733702272176743 :0.1258971244096756 +the:0.07317785173654556 a:0.014941440895199776 and:0.012916455045342445 most:0.010954413563013077 :0.2502730190753937 +the:0.2280307114124298 a:0.06603775173425674 their:0.013677889481186867 this:0.01217246986925602 :0.15471625328063965 +good:0.015861548483371735 time:0.010158335790038109 large:0.005976115353405476 well:0.005724642425775528 :0.1686955988407135 +the:0.1638219803571701 be:0.05648663267493248 a:0.025728808715939522 make:0.01138549204915762 :0.0990493893623352 +to:0.0669606477022171 and:0.06479586660861969 the:0.04184052720665932 that:0.04095957800745964 :0.10032010823488235 +day,:0.030184928327798843 of:0.014682036824524403 day:0.013629616238176823 day.:0.011096363887190819 :0.14023654162883759 +few:0.07637740671634674 long:0.05303600803017616 short:0.029493119567632675 brief:0.018248211592435837 :0.10989366471767426 +one:0.07465203106403351 more:0.03839283064007759 doubt:0.03021416626870632 such:0.021089760586619377 :0.1519327312707901 +of:0.21149343252182007 and:0.05868736281991005 the:0.02744179591536522 in:0.021655995398759842 :0.06831882148981094 +and:0.07873646169900894 of:0.042056795209646225 The:0.03680022805929184 in:0.027285302057862282 :0.11846348643302917 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +m:0.022153645753860474 .:0.020575465634465218 ace:0.015171592123806477 and:0.01176130399107933 :0.49359554052352905 +way:0.008277194574475288 amount:0.0056001595221459866 line:0.003907856531441212 and:0.0033456282690167427 :0.3778410255908966 +the:0.22184795141220093 a:0.032742712646722794 this:0.019205020740628242 our:0.014752163551747799 :0.1678188592195511 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.05974791198968887 a:0.053065598011016846 not:0.03843056410551071 made:0.022495422512292862 :0.18628260493278503 +to:0.11549106985330582 the:0.09537114202976227 a:0.07661087065935135 that:0.05579739063978195 :0.057641297578811646 +whole:0.010842490009963512 same:0.009266143664717674 people:0.006228335667401552 way:0.005523118656128645 :0.25778716802597046 +and:0.12971444427967072 City:0.03808332979679108 City,:0.032721199095249176 is:0.023656198754906654 :0.19999703764915466 +the:0.23899723589420319 a:0.08489637821912766 account:0.021009204909205437 tho:0.018203750252723694 :0.06757073104381561 +and:0.03057844750583172 of:0.02785632014274597 or:0.008679618127644062 days,:0.008626395836472511 :0.10798879712820053 +a:0.1323946863412857 the:0.07133578509092331 not:0.05409318581223488 only:0.015604213811457157 :0.07645665854215622 +not:0.24966152012348175 be:0.16993348300457 have:0.05503084510564804 do:0.018363453447818756 :0.06229672208428383 +and:0.0361061617732048 the:0.0193780604749918 with:0.00795917771756649 but:0.007837583310902119 :0.35731828212738037 +the:0.14566998183727264 course,:0.026397712528705597 a:0.020748723298311234 this:0.014075222425162792 :0.23253893852233887 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +single:0.04910837858915329 man:0.017472701147198677 word:0.015961304306983948 great:0.015007006004452705 :0.18224817514419556 +the:0.13362284004688263 be:0.062235165387392044 make:0.022300105541944504 a:0.01588793657720089 :0.11852595955133438 +and:0.12845008075237274 of:0.10465949028730392 to:0.05897742509841919 for:0.05843527987599373 :0.03752247244119644 +and:0.30704236030578613 the:0.03740932047367096 but:0.026347743347287178 he:0.017897235229611397 :0.05836119130253792 +to:0.20896707475185394 and:0.1950189769268036 in:0.09203925728797913 from:0.06172776594758034 :0.058718711137771606 +most:0.027553314343094826 only:0.01705387979745865 case:0.014944097958505154 same:0.013759603723883629 :0.14691954851150513 +course:0.009455808438360691 business:0.006596812978386879 man:0.005750762298703194 men:0.004248690791428089 :0.2147442251443863 +and:0.16385172307491302 that:0.15658552944660187 or:0.029082145541906357 with:0.02680133655667305 :0.052417077124118805 +the:0.11809170991182327 a:0.022868571802973747 said:0.020027801394462585 this:0.007786834612488747 :0.1959923654794693 +o'clock:0.18170182406902313 o'clock.:0.044422801584005356 o'clock,:0.039040450006723404 per:0.03741627559065819 :0.14782309532165527 +and:0.07597344368696213 to:0.06848936527967453 in:0.04928446188569069 with:0.04582066461443901 :0.10746155679225922 +and:0.0330648198723793 to:0.022458603605628014 the:0.008927338756620884 a:0.006649903021752834 :0.20467956364154816 +was:0.12818074226379395 said:0.07575659453868866 had:0.06301531940698624 is:0.05170251429080963 :0.08113360404968262 +provisions:0.037181537598371506 direction:0.03304610773921013 laws:0.029683992266654968 law:0.014951483346521854 :0.164664164185524 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +as:0.17879699170589447 about:0.03649580851197243 the:0.03169122338294983 before:0.031150678172707558 :0.06451087445020676 +the:0.16807235777378082 that:0.03327524662017822 to:0.02673034928739071 it:0.02353123389184475 :0.0807432308793068 +of:0.3772667944431305 for:0.122080959379673 and:0.10407280921936035 to:0.03042657859623432 :0.02301834337413311 +to:0.07390056550502777 of:0.028317976742982864 and:0.020521946251392365 in:0.014321540482342243 :0.2941105365753174 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.2693324387073517 but:0.031542498618364334 to:0.02831658348441124 the:0.026624253019690514 :0.09794408828020096 +the:0.12382195889949799 be:0.02918289601802826 make:0.021456656977534294 a:0.014847091399133205 :0.10070481151342392 +The:0.11758088320493698 It:0.05573960021138191 I:0.04257951304316521 He:0.03538670390844345 :0.10377518087625504 +of:0.35150620341300964 that:0.297303169965744 and:0.035211291164159775 for:0.027569107711315155 :0.025139693170785904 +line:0.4373493790626526 side:0.10533618927001953 of:0.042491815984249115 direction:0.0382930152118206 :0.057717129588127136 +and:0.04940231516957283 of:0.019054226577281952 to:0.014104331843554974 in:0.013886885717511177 :0.3183960020542145 +if:0.14574716985225677 rather,:0.061411626636981964 in:0.05797337740659714 as:0.038289863616228104 :0.09020178020000458 +the:0.33950063586235046 a:0.032996904104948044 which:0.027386443689465523 their:0.01816389709711075 :0.12025979161262512 +and:0.05339834839105606 of:0.03568795323371887 The:0.01775694452226162 the:0.016200220212340355 :0.1952887624502182 +and:0.05905727669596672 the:0.03781750053167343 of:0.033156584948301315 in:0.013158437795937061 :0.20304150879383087 +ry:0.4434809982776642 ning:0.16010718047618866 ning.:0.044747430831193924 ning,:0.027469169348478317 :0.059432681649923325 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +of:0.6601576209068298 and:0.03136541694402695 were:0.013189941644668579 ot:0.012595205567777157 :0.02069573663175106 +of:0.34375712275505066 in:0.09674613922834396 is:0.042586881667375565 was:0.040027353912591934 :0.0594724677503109 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.09479513764381409 to:0.02420864626765251 a:0.018098630011081696 at:0.013175757601857185 :0.10314246267080307 +that:0.09619675576686859 and:0.04961926490068436 he:0.028739621862769127 but:0.025689557194709778 :0.15744127333164215 +view:0.023221604526042938 large:0.015091892331838608 few:0.013403327204287052 little:0.011755388230085373 :0.19891507923603058 +a:0.06630861759185791 not:0.061363451182842255 the:0.05364001542329788 to:0.017353583127260208 :0.10260779410600662 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +of:0.4678736627101898 ot:0.019052263349294662 and:0.01873992569744587 ol:0.008943700231611729 :0.0818319097161293 +be:0.08754001557826996 not:0.05388356372714043 have:0.01973271556198597 of:0.014861736446619034 :0.08173701912164688 +the:0.585595428943634 this:0.02863149903714657 a:0.023625686764717102 his:0.02044522389769554 :0.06127523258328438 +the:0.11509452760219574 to:0.02369040437042713 a:0.023280173540115356 and:0.014153345488011837 :0.15941932797431946 +the:0.1859758496284485 a:0.08763708919286728 his:0.025055790320038795 which:0.023498600348830223 :0.08705849200487137 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +the:0.2692350745201111 a:0.04648221656680107 into:0.031949348747730255 and:0.025270991027355194 :0.07540435343980789 +half:0.05227982625365257 few:0.027100946754217148 large:0.02216946892440319 great:0.012649431824684143 :0.1533392369747162 +and:0.06203069910407066 ed:0.0404789112508297 in:0.02480357326567173 ing:0.022923296317458153 :0.18954405188560486 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +own:0.023569513112306595 way:0.009977291338145733 attention:0.009863359853625298 work:0.006966788787394762 :0.1692425012588501 +the:0.10393409430980682 a:0.024195963516831398 .:0.021788455545902252 and:0.010162641294300556 :0.32173317670822144 +lieve:0.3208843469619751 come:0.14391739666461945 cause:0.10803727060556412 gin:0.046957094222307205 :0.0944962278008461 +and:0.11604460328817368 of:0.0987267941236496 on:0.08955471962690353 at:0.07656373828649521 :0.06949547678232193 +the:0.06489837914705276 a:0.0186416395008564 in:0.01131362933665514 that:0.009950924664735794 :0.12894387543201447 +the:0.06117736175656319 other:0.026930712163448334 a:0.02469942532479763 any:0.01874697022140026 :0.1630571037530899 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +that:0.19882450997829437 the:0.049108318984508514 a:0.027594057843089104 to:0.022347906604409218 :0.10527370125055313 +to:0.14622345566749573 for:0.06419404596090317 and:0.0475347526371479 that:0.046876899898052216 :0.10141786932945251 +country:0.023979390040040016 city,:0.018591221421957016 city:0.018282363191246986 act,:0.015703648328781128 :0.14142222702503204 +and:0.0823138877749443 of:0.07008840143680573 The:0.025082185864448547 to:0.020683608949184418 :0.20933102071285248 +to:0.06742951273918152 in:0.04079050198197365 that:0.0368863083422184 the:0.031046049669384956 :0.13803745806217194 +that:0.33921459317207336 of:0.1446899026632309 to:0.11014531552791595 and:0.09959311038255692 :0.061730969697237015 +the:0.10198745131492615 he:0.02659543976187706 a:0.025655649602413177 it:0.023500462993979454 :0.08603119105100632 +the:0.27067407965660095 a:0.057301051914691925 which:0.014270181767642498 tho:0.012865401804447174 :0.12263838946819305 +only:0.09430675953626633 to:0.06438829749822617 a:0.0322122685611248 the:0.02675524912774563 :0.1635047197341919 +and:0.06664872169494629 of:0.03515832871198654 The:0.029155362397432327 the:0.029132092371582985 :0.1764243245124817 +of:0.060706399381160736 and:0.04743921011686325 the:0.019415568560361862 in:0.01364777609705925 :0.27866435050964355 +the:0.23799699544906616 a:0.04221582040190697 tho:0.014849789440631866 this:0.014704192988574505 :0.22046831250190735 +people:0.013940798118710518 same:0.013179412111639977 law:0.00725623220205307 man:0.006689149420708418 :0.13559043407440186 +the:0.23198001086711884 a:0.06495996564626694 this:0.024668734520673752 his:0.015238472260534763 :0.09168785810470581 +people:0.01184986811131239 other:0.008582078851759434 time:0.007927880622446537 members:0.007269573863595724 :0.18682827055454254 +be:0.35346317291259766 not:0.04641934856772423 bo:0.02561035007238388 he:0.012774967588484287 :0.06793458759784698 +the:0.0869247242808342 a:0.029739847406744957 then:0.022069396451115608 it:0.022018563002347946 :0.09191057831048965 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +hard:0.057926833629608154 cider:0.045576632022857666 and:0.036169640719890594 clean:0.03370407223701477 :0.1415441781282425 +the:0.3231677711009979 New:0.017433838918805122 said:0.016322975978255272 his:0.015129146166145802 :0.25541409850120544 +and:0.1623559445142746 of:0.03883139416575432 in:0.03647621348500252 but:0.02914956770837307 :0.09366732090711594 +the:0.21828678250312805 a:0.0552167147397995 their:0.03334760665893555 this:0.03158161789178848 :0.07978624105453491 +had:0.13896533846855164 was:0.07332521677017212 is:0.05352947860956192 has:0.03610464558005333 :0.0692899152636528 +the:0.19448719918727875 he:0.09840300679206848 it:0.0628330260515213 they:0.06213885173201561 :0.052455514669418335 +day:0.5930848121643066 of:0.05498078465461731 and:0.016308968886733055 inst.,:0.01373849343508482 :0.10016144812107086 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +and:0.05803250893950462 the:0.042598921805620193 that:0.0373956635594368 to:0.02531103603541851 :0.06957830488681793 +the:0.30330559611320496 two:0.029624883085489273 tho:0.013487043790519238 a:0.012921219691634178 :0.2014465183019638 +own:0.040838684886693954 home:0.011371856555342674 pocket:0.010775255039334297 pocket,:0.006623922847211361 :0.18341730535030365 +the:0.3156227767467499 a:0.02813773788511753 this:0.02790733240544796 tho:0.015222071669995785 :0.10254357755184174 +for:0.06325182318687439 and:0.05672907829284668 in:0.05245841294527054 the:0.05084754526615143 :0.04847336933016777 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +the:0.27311089634895325 a:0.04899296537041664 their:0.026019001379609108 his:0.012753801420331001 :0.10370001941919327 +of:0.3780375123023987 ago:0.04786961153149605 old,:0.030964458361268044 to:0.027689669281244278 :0.060537997633218765 +is:0.027602044865489006 year:0.02591228112578392 morning:0.015282494015991688 was:0.0128434207290411 :0.154457688331604 +and:0.122982919216156 who:0.10635964572429657 of:0.08553542196750641 to:0.07095837593078613 :0.05757654085755348 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +know:0.05386008322238922 want:0.026809213683009148 think:0.024889199063181877 see:0.023745935410261154 :0.10354577004909515 +that:0.20311753451824188 he:0.059307437390089035 the:0.05721481144428253 to:0.04676950350403786 :0.07417906820774078 +to:0.20138071477413177 the:0.13274475932121277 from:0.06759083271026611 and:0.06174108386039734 :0.05280964449048042 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.20434856414794922 a:0.05492870882153511 this:0.025431321933865547 all:0.021044034510850906 :0.08431537449359894 +the:0.32608920335769653 a:0.04276813194155693 tho:0.017203401774168015 this:0.01658725179731846 :0.08291555941104889 +and:0.09605415165424347 in:0.06629922240972519 of:0.03739909082651138 that:0.025340424850583076 :0.07803674042224884 +a:0.16387999057769775 of:0.11618426442146301 way:0.10159444808959961 the:0.08325980603694916 :0.06729099154472351 +The:0.019694160670042038 the:0.015346995554864407 .:0.011772679165005684 I:0.01119508408010006 :0.3490438163280487 +first:0.014328613877296448 only:0.009588660672307014 following:0.00933836493641138 second:0.00720088928937912 :0.1286281943321228 +the:0.17887592315673828 to:0.08865506947040558 by:0.07479783892631531 a:0.07081308215856552 :0.029508687555789948 +of:0.057214077562093735 years:0.036688197404146194 men:0.015452111139893532 other:0.013923553749918938 :0.23395611345767975 +the:0.07689325511455536 in:0.06566668301820755 around:0.05525973066687584 to:0.04715748131275177 :0.04583019018173218 +people:0.01027714367955923 same:0.0077131362631917 whole:0.006026633083820343 amount:0.005142222624272108 :0.1499752253293991 +that:0.09310326725244522 of:0.06054633855819702 and:0.059447214007377625 in:0.055635735392570496 :0.05211250111460686 +the:0.1866765320301056 a:0.06408822536468506 vote:0.047289274632930756 be:0.02604191191494465 :0.09833982586860657 +the:0.22867467999458313 a:0.064752496778965 in:0.05359528958797455 to:0.052063554525375366 :0.05300843343138695 +a:0.1872107982635498 an:0.0669919103384018 as:0.01976538635790348 other:0.011429563164710999 :0.15514397621154785 +Mrs.:0.039132267236709595 who:0.0385812409222126 and:0.02885235659778118 The:0.02533828467130661 :0.21785257756710052 +be:0.3150928020477295 have:0.048414357006549835 not:0.027264133095741272 bo:0.02271736040711403 :0.1065594032406807 +and:0.18307897448539734 but:0.08019305765628815 the:0.07835062593221664 for:0.048103369772434235 :0.03182245045900345 +and:0.08794023096561432 The:0.027617961168289185 to:0.021872075274586678 in:0.02120191976428032 :0.18647624552249908 +of:0.2925674617290497 in:0.06922198086977005 and:0.05609496682882309 for:0.044118672609329224 :0.04074328392744064 +the:0.2231404036283493 a:0.06432424485683441 his:0.05654226616024971 that:0.03678891435265541 :0.04265224561095238 +most:0.012113881297409534 first:0.009607010520994663 same:0.009436827152967453 last:0.007713748142123222 :0.20030879974365234 +to:0.06861526519060135 the:0.044976018369197845 and:0.03211219608783722 The:0.01635529100894928 :0.13306035101413727 +Los:0.10846991837024689 the:0.05392870306968689 Lake,:0.03447854518890381 Burleigh:0.014291824772953987 :0.2951561212539673 +the:0.12166783958673477 if:0.0727146714925766 though:0.05299512296915054 in:0.040787406265735626 :0.05985445901751518 +the:0.25486645102500916 a:0.22855843603610992 an:0.03147970139980316 that:0.02226390689611435 :0.08997230231761932 +of:0.36731648445129395 that:0.053941428661346436 in:0.03253261744976044 and:0.028297999873757362 :0.02558068558573723 +was:0.10689964145421982 saw:0.04248780012130737 had:0.04031166061758995 got:0.04019908607006073 :0.05625108629465103 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +for:0.28272631764411926 to:0.08388014137744904 until:0.0774429589509964 and:0.05722561851143837 :0.03469209745526314 +last:0.007211748976260424 same:0.007052204106003046 said:0.0068861511535942554 following:0.0055716452188789845 :0.2590988874435425 +30:0.05703195184469223 W:0.044772133231163025 15:0.033819250762462616 W.:0.027818214148283005 :0.1003059595823288 +to:0.23130998015403748 and:0.07106580585241318 the:0.05643133074045181 from:0.043219421058893204 :0.03551680967211723 +a:0.19199778139591217 an:0.041016191244125366 person:0.02243248000741005 as:0.019625496119260788 :0.1085972785949707 +in:0.24984200298786163 of:0.06690923124551773 books:0.06518246233463287 and:0.0376320481300354 :0.06274858862161636 +istration:0.7471718192100525 and:0.004110374022275209 line:0.002481096889823675 of:0.0014689980307593942 :0.15173543989658356 +the:0.19202114641666412 a:0.05598708987236023 this:0.027920719236135483 said:0.0169101320207119 :0.14652667939662933 +the:0.053881436586380005 and:0.0518856979906559 to:0.03182464465498924 of:0.026016967371106148 :0.14311839640140533 +hand,:0.10346733778715134 side:0.03877659887075424 hand:0.02346140891313553 day:0.020031249150633812 :0.13421951234340668 +be:0.41708576679229736 the:0.03628991171717644 have:0.029673350974917412 bo:0.021801471710205078 :0.06536605209112167 +and:0.054386526346206665 of:0.04593813046813011 to:0.04039724916219711 the:0.03800687566399574 :0.20068639516830444 +time:0.062497083097696304 as:0.03424028307199478 to:0.02136545069515705 time,:0.017479538917541504 :0.08758080005645752 +The:0.09099613130092621 It:0.035507235676050186 I:0.03353157266974449 In:0.023092804476618767 :0.16572734713554382 +and:0.07590611279010773 in:0.019542045891284943 the:0.01857037842273712 is:0.018549377098679543 :0.1265658289194107 +of:0.05581730604171753 to:0.032569896429777145 and:0.03153141215443611 the:0.031227685511112213 :0.24179960787296295 +the:0.12317776679992676 to:0.08256233483552933 that:0.04827785864472389 a:0.040438324213027954 :0.05114896968007088 +the:0.17670407891273499 a:0.03117859549820423 this:0.030884604901075363 his:0.01875178888440132 :0.09191585332155228 +and:0.07232222706079483 as:0.03826350346207619 to:0.028765909373760223 of:0.025885503739118576 :0.1920897662639618 +the:0.45185959339141846 a:0.051673099398612976 tho:0.020816974341869354 his:0.01889714226126671 :0.09738297760486603 +said:0.014038375578820705 people:0.012619299814105034 United:0.008266115561127663 same:0.008011269383132458 :0.16576042771339417 +the:0.08261723816394806 a:0.06103379651904106 in:0.028016917407512665 made:0.014651326462626457 :0.17219111323356628 +and:0.07166583091020584 The:0.019450534135103226 to:0.01705934666097164 the:0.015962522476911545 :0.1718333512544632 +that:0.16816091537475586 of:0.08501508086919785 the:0.06621988862752914 what:0.03682912513613701 :0.047726504504680634 +in:0.06804242730140686 of:0.04803546890616417 to:0.038220081478357315 for:0.03818598389625549 :0.10368949919939041 +of:0.21554702520370483 who:0.12447043508291245 that:0.039991043508052826 in:0.0365636833012104 :0.05559539422392845 +to:0.21984875202178955 out:0.07275019586086273 into:0.05924677476286888 down:0.059157345443964005 :0.04329703003168106 +right:0.03725174069404602 large:0.02673342637717724 good:0.02585841901600361 great:0.022245677188038826 :0.13484002649784088 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +of:0.065903440117836 and:0.047993775457143784 the:0.047504179179668427 to:0.026083484292030334 :0.13913211226463318 +the:0.4732897877693176 this:0.036858368664979935 a:0.028127403929829597 tho:0.027315257117152214 :0.04319921135902405 +the:0.03704138472676277 was:0.026406165212392807 and:0.02611684799194336 of:0.02325477823615074 :0.17209234833717346 +few:0.0898735299706459 little:0.06687205284833908 much:0.038322947919368744 soon:0.02229275554418564 :0.21870547533035278 +and:0.027353420853614807 feet:0.025492770597338676 chains:0.015952331945300102 of:0.012788612395524979 :0.27268531918525696 +pursuant:0.1894879788160324 the:0.09278307855129242 hereinafter:0.08823762089014053 duly:0.04473385959863663 :0.08574840426445007 +and:0.08435028046369553 to:0.026490027084946632 The:0.018797509372234344 of:0.016599323600530624 :0.16484713554382324 +the:0.15722888708114624 he:0.058523934334516525 it:0.048511117696762085 they:0.03251495957374573 :0.06878834217786789 +the:0.10570074617862701 he:0.04391864314675331 that:0.04312565177679062 it:0.04094555974006653 :0.06508432328701019 +and:0.20775583386421204 in:0.07440604269504547 by:0.050197672098875046 to:0.028679177165031433 :0.03250712901353836 +is:0.06156757101416588 was:0.0462641566991806 of:0.04025577753782272 the:0.03598728030920029 :0.12181159108877182 +and:0.042588815093040466 was:0.0418924018740654 of:0.03348160162568092 is:0.024259153753519058 :0.15120083093643188 +of:0.19810183346271515 18,:0.03867829963564873 and:0.024711748585104942 corner:0.02435835637152195 :0.1305570751428604 +and:0.03599945828318596 of:0.025471549481153488 in:0.013477331027388573 the:0.013451139442622662 :0.2516661286354065 +the:0.19207756221294403 you:0.061761341989040375 he:0.05515355244278908 there:0.05225185304880142 :0.048882029950618744 +a:0.04468404874205589 not:0.02781021036207676 made:0.025977348908782005 the:0.024676315486431122 :0.11752769351005554 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +and:0.08064266294240952 to:0.03201528638601303 The:0.029231559485197067 in:0.019574876874685287 :0.1676018238067627 +the:0.03864120692014694 to:0.03310417756438255 of:0.026438459753990173 and:0.02016296423971653 :0.18932875990867615 +be:0.13375817239284515 not:0.06983302533626556 have:0.022512681782245636 soon:0.02098611742258072 :0.07824650406837463 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +He:0.16775807738304138 The:0.10778091847896576 It:0.05891294777393341 In:0.027752958238124847 :0.0845581665635109 +to:0.45938166975975037 was:0.043191734701395035 is:0.03752181679010391 in:0.028875889256596565 :0.028464844450354576 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +to:0.06746925413608551 and:0.054785098880529404 by:0.04085306078195572 in:0.02888556197285652 :0.12782970070838928 +of:0.09101978689432144 and:0.03397747129201889 The:0.017335230484604836 to:0.016847196966409683 :0.2376207858324051 +and:0.17383064329624176 but:0.06156006082892418 to:0.04827796667814255 as:0.04102206975221634 :0.0606226921081543 +ment:0.7694617509841919 ment,:0.08698612451553345 ment.:0.06319738924503326 ments:0.01642509363591671 :0.005242493469268084 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +only:0.09430675953626633 to:0.06438829749822617 a:0.0322122685611248 the:0.02675524912774563 :0.1635047197341919 +the:0.16206568479537964 it:0.04314394295215607 they:0.036252211779356 he:0.03609607368707657 :0.05612306669354439 +and:0.11677706241607666 who:0.05850706249475479 to:0.040969155728816986 of:0.03350965678691864 :0.21222487092018127 +the:0.41384339332580566 a:0.026522889733314514 tho:0.017234383150935173 our:0.01614679954946041 :0.13039937615394592 +and:0.11156649142503738 H.:0.036238182336091995 M.:0.021487273275852203 B.:0.02085726335644722 :0.3172360360622406 +be:0.2438746988773346 the:0.08667268604040146 have:0.075627401471138 a:0.027691006660461426 :0.05628003180027008 +to:0.056074462831020355 of:0.050576917827129364 and:0.04909708350896835 the:0.02882547862827778 :0.13622577488422394 +few:0.018617652356624603 bill:0.018016209825873375 law:0.01642390340566635 large:0.015833087265491486 :0.15659406781196594 +first:0.01656775362789631 said:0.014147539623081684 people:0.013477622531354427 time:0.011680027469992638 :0.1652756780385971 +ditions:0.09088073670864105 struction:0.08913667500019073 stitution:0.03162882849574089 clusion:0.029473774135112762 :0.33811435103416443 +the:0.0815536230802536 a:0.04932275414466858 to:0.04060070216655731 and:0.03500797227025032 :0.0877058133482933 +and:0.06329359859228134 to:0.030032077804207802 I:0.01902305707335472 The:0.017497004941105843 :0.17574304342269897 +be:0.4277791380882263 have:0.10256417095661163 not:0.02659817971289158 bo:0.02105090767145157 :0.05748900771141052 +pared:0.10185948759317398 sented:0.08367995172739029 sent:0.03516368195414543 ferred:0.03379002958536148 :0.4140240252017975 +to:0.04158281907439232 for:0.03397854417562485 and:0.02388649433851242 affairs:0.018068823963403702 :0.12841640412807465 +be:0.3150928020477295 have:0.048414357006549835 not:0.027264133095741272 bo:0.02271736040711403 :0.1065594032406807 +to:0.131052628159523 the:0.05939103290438652 a:0.05420895665884018 and:0.022576402872800827 :0.09385549277067184 +who:0.0686211884021759 in:0.06444031745195389 are:0.05858151242136955 of:0.0508216954767704 :0.04478399083018303 +and:0.055715322494506836 of:0.05139913037419319 the:0.024195948615670204 in:0.01874803565442562 :0.1917198896408081 +in:0.08407187461853027 and:0.032868146896362305 on:0.029507147148251534 to:0.02336840145289898 :0.3266831934452057 +own:0.04768075421452522 respective:0.017744114622473717 hands:0.013820149935781956 power:0.011315437965095043 :0.21525795757770538 +and:0.07313859462738037 of:0.07078855484724045 The:0.029135622084140778 to:0.01996896043419838 :0.1348939687013626 +way:0.06771618127822876 one:0.025689445436000824 thing:0.021135631948709488 two:0.015194886364042759 :0.11750418692827225 +time:0.07581941038370132 the:0.05511241778731346 of:0.036632854491472244 he:0.021735450252890587 :0.1380743384361267 +valorem:0.14339901506900787 the:0.022195767611265182 to:0.015468892641365528 a:0.010405825451016426 :0.5090097784996033 +amount:0.011687315069139004 same:0.008884724229574203 following:0.006348373368382454 law:0.006099167745560408 :0.15675070881843567 +is:0.20393991470336914 was:0.09463091939687729 will:0.03776639699935913 would:0.033526234328746796 :0.08905144780874252 +as:0.820730447769165 and:0.011884252540767193 before:0.008649062365293503 ns:0.00794738344848156 :0.01563044637441635 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.062355466187000275 of:0.04826420173048973 to:0.04619153216481209 in:0.031126299872994423 :0.13242150843143463 +man:0.027557162567973137 good:0.014482544735074043 great:0.01326045673340559 few:0.011769010685384274 :0.20603014528751373 +preme:0.49018996953964233 perior:0.12779508531093597 gar:0.01988944225013256 and:0.006235671229660511 :0.24714511632919312 +who:0.4129646420478821 of:0.05724891647696495 in:0.026409419253468513 whose:0.019008565694093704 :0.06606714427471161 +The:0.09647116810083389 A:0.02467801608145237 In:0.024166196584701538 I:0.022184327244758606 :0.3982408344745636 +few:0.02193997986614704 great:0.012515501119196415 little:0.011721310205757618 new:0.011663852259516716 :0.13715848326683044 +and:0.09068328142166138 envelope:0.06256268918514252 or:0.018708206713199615 of:0.015184924006462097 :0.15736998617649078 +two:0.01743932254612446 men:0.01714373752474785 are:0.014762850478291512 were:0.010604354552924633 :0.19320404529571533 +the:0.08879896253347397 a:0.08055367320775986 to:0.0531991571187973 his:0.03642814978957176 :0.05432328209280968 +the:0.2717105448246002 a:0.05452046915888786 this:0.0178361888974905 their:0.015708552673459053 :0.1671309769153595 +and:0.11139083653688431 who:0.10231389850378036 of:0.1016048863530159 in:0.07539982348680496 :0.04440465196967125 +other:0.019410280510783195 United:0.006345763802528381 same:0.005559389013797045 other.:0.004937842488288879 :0.2194303274154663 +the:0.16192112863063812 he:0.11793147772550583 they:0.11724839359521866 it:0.0919477716088295 :0.046731460839509964 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +to:0.11465118080377579 in:0.055341847240924835 and:0.039400916546583176 for:0.03881104290485382 :0.07078398019075394 +one:0.0443536601960659 more:0.03501282259821892 matter:0.034644659608602524 doubt:0.02646072953939438 :0.2214842587709427 +and:0.08859036862850189 of:0.08046410977840424 in:0.028448374941945076 the:0.02508978731930256 :0.13079161942005157 +to:0.06846967339515686 and:0.05980883166193962 in:0.05463823303580284 of:0.03789163753390312 :0.060657065361738205 +the:0.23931986093521118 a:0.06581252068281174 this:0.034076109528541565 by:0.025242198258638382 :0.07359915226697922 +was:0.0865480899810791 had:0.03913155198097229 am:0.03657829761505127 could:0.032908398658037186 :0.12399369478225708 +the:0.11581866443157196 it:0.0526604950428009 they:0.033872682601213455 a:0.029721634462475777 :0.0675138607621193 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +of:0.22862885892391205 and:0.10878009349107742 in:0.02538035809993744 was:0.02249561809003353 :0.10329630225896835 +to:0.10807237774133682 in:0.05810074508190155 and:0.04770964756608009 the:0.04544559493660927 :0.08302966505289078 +that:0.1490272432565689 what:0.14027835428714752 how:0.12049975246191025 the:0.04880164936184883 :0.026415331289172173 +the:0.08143290132284164 a:0.018890654668211937 in:0.011546998284757137 that:0.011383547447621822 :0.11892978847026825 +the:0.194168820977211 them:0.07601331174373627 him:0.05424153804779053 a:0.046212561428546906 :0.07850264012813568 +one:0.06561723351478577 doubt,:0.06343536823987961 doubt:0.038362812250852585 more:0.028143540024757385 :0.1505327671766281 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +the:0.29512351751327515 a:0.043703194707632065 this:0.024690352380275726 his:0.016506986692547798 :0.11008936166763306 +of:0.08329540491104126 one:0.03275151923298836 other:0.018855107948184013 years:0.014746064320206642 :0.12956365942955017 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.04374485835433006 of:0.03984419256448746 to:0.036196425557136536 or:0.028516091406345367 :0.17317067086696625 +and:0.1760992854833603 but:0.03791416063904762 the:0.0336480438709259 which:0.016776947304606438 :0.11005119234323502 +and:0.04505659639835358 the:0.04195848107337952 to:0.02627500332891941 a:0.02161896415054798 :0.16361229121685028 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +to:0.05417047441005707 the:0.04525991156697273 and:0.03854946419596672 be:0.031962595880031586 :0.13746048510074615 +by:0.4468592405319214 the:0.09331340342760086 a:0.03007255122065544 and:0.015538283623754978 :0.04874039813876152 +and:0.30885112285614014 with:0.04696793481707573 in:0.026494767516851425 the:0.025656843557953835 :0.05741524696350098 +the:0.25680556893348694 a:0.07537535578012466 this:0.023395393043756485 which:0.020133933052420616 :0.1205562949180603 +.:0.08401533961296082 ,:0.01785321533679962 -:0.016408676281571388 e:0.014195487834513187 :0.31893888115882874 +and:0.05282610282301903 to:0.030807124450802803 for:0.018247725442051888 or:0.015141003765165806 :0.2299060821533203 +by:0.08433138579130173 to:0.06927425414323807 and:0.05453602597117424 the:0.0537937730550766 :0.07285185903310776 +than:0.22403384745121002 or:0.05897734314203262 of:0.018984578549861908 and:0.018307819962501526 :0.18492718040943146 +of:0.3563307821750641 to:0.0997043028473854 and:0.06416982412338257 in:0.060751985758543015 :0.027969323098659515 +the:0.1217573806643486 he:0.06673530489206314 they:0.05509883910417557 you:0.053524233400821686 :0.06413041800260544 +of:0.08425862342119217 likely:0.05193885415792465 be:0.04032791778445244 the:0.014698678627610207 :0.24268491566181183 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +of:0.5960191488265991 to:0.16943860054016113 of.:0.11137925833463669 of,:0.06812852621078491 :0.005950916558504105 +and:0.14638574421405792 has:0.03429353982210159 of:0.031315114349126816 is:0.030796002596616745 :0.09666993468999863 +Secretary:0.07946576178073883 Attorney:0.023772187530994415 Postmaster:0.020741887390613556 Clerk.:0.011546007357537746 :0.46028992533683777 +the:0.4519488513469696 said:0.21927060186862946 a:0.019659273326396942 them:0.01773744449019432 :0.03468799218535423 +of:0.2788048982620239 that:0.0435229130089283 and:0.042671192437410355 which:0.03308027982711792 :0.030219893902540207 +who:0.08046837896108627 and:0.06666647642850876 to:0.06197823956608772 in:0.052847281098365784 :0.06681280583143234 +of:0.18401625752449036 the:0.1324615776538849 and:0.029237180948257446 a:0.026288053020834923 :0.09427370876073837 +the:0.11599227786064148 a:0.09248173236846924 well:0.03575866296887398 it:0.025766218081116676 :0.0735662654042244 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +and:0.048911675810813904 of:0.025523707270622253 the:0.020971816033124924 to:0.019691411405801773 :0.22833746671676636 +but:0.045489829033613205 and:0.04547642171382904 to:0.020385727286338806 a:0.01554222870618105 :0.219899982213974 +of:0.4357792139053345 who:0.01909930445253849 in:0.01599297858774662 to:0.014971612021327019 :0.03672518953680992 +whole:0.008460750803351402 said:0.00817930232733488 matter:0.007983577437698841 law:0.00632467120885849 :0.1562667042016983 +and:0.08064266294240952 to:0.03201528638601303 The:0.029231559485197067 in:0.019574876874685287 :0.1676018238067627 +and:0.10175292193889618 at:0.029717637225985527 to:0.024558566510677338 the:0.021129095926880836 :0.09252560138702393 +the:0.09361133724451065 he:0.0830473005771637 not:0.07061432301998138 they:0.05671557039022446 :0.06040535122156143 +ject:0.29666441679000854 ject,:0.07015956938266754 ject.:0.039050593972206116 stantial:0.017674660310149193 :0.232066348195076 +of:0.317007839679718 and:0.08006799966096878 to:0.06211724132299423 in:0.02996535412967205 :0.05639273673295975 +and:0.0794910416007042 to:0.050647687166929245 by:0.03904310613870621 in:0.023251105099916458 :0.1463373601436615 +day:0.01588304340839386 time:0.007328148931264877 year:0.006850515957921743 way:0.005261374171823263 :0.26324400305747986 +of:0.2835904359817505 and:0.054227255284786224 shall:0.039235010743141174 in:0.028431467711925507 :0.0695050060749054 +the:0.14633718132972717 a:0.023065008223056793 this:0.016608525067567825 tho:0.00952161941677332 :0.15222275257110596 +same:0.01619427651166916 said:0.013122892938554287 following:0.009871823713183403 law:0.00836033932864666 :0.16427750885486603 +of:0.1352790892124176 and:0.04832310229539871 to:0.017215460538864136 the:0.011583392508327961 :0.19328036904335022 +the:0.20159904658794403 a:0.07005701959133148 his:0.018355533480644226 this:0.014340562745928764 :0.1766306459903717 +of:0.02268936112523079 and:0.020147796720266342 to:0.01790115237236023 in:0.007463143672794104 :0.17795570194721222 +of:0.03745420277118683 and:0.027205122634768486 .:0.01674957200884819 in:0.005553095135837793 :0.6419448256492615 +a:0.1323946863412857 the:0.07133578509092331 not:0.05409318581223488 only:0.015604213811457157 :0.07645665854215622 +the:0.24456040561199188 such:0.045594800263643265 which:0.036362096667289734 a:0.03614407777786255 :0.10381171852350235 +of:0.3312686085700989 and:0.12232393771409988 to:0.024295741692185402 is:0.022433949634432793 :0.0359826423227787 +to:0.2487155646085739 out:0.07747366279363632 down:0.06276567280292511 into:0.05106517672538757 :0.04892980679869652 +few:0.020036743953824043 large:0.012525474652647972 good:0.010594901628792286 man:0.009679692797362804 :0.1720547080039978 +other:0.04637175425887108 one:0.04245661571621895 man:0.024515550583600998 means:0.01678772270679474 :0.15465545654296875 +of:0.1557762324810028 and:0.12164115905761719 in:0.04163314774632454 for:0.033249348402023315 :0.047033485025167465 +to:0.048165589570999146 of:0.024842847138643265 the:0.02185194008052349 It:0.012610278092324734 :0.2309233695268631 +to:0.05706946551799774 known:0.04280175268650055 as:0.03103921189904213 and:0.02805073745548725 :0.11985310167074203 +The:0.15064024925231934 It:0.055206406861543655 He:0.033001989126205444 In:0.0293111614882946 :0.12419870495796204 +the:0.2520100176334381 a:0.027350706979632378 this:0.01749800145626068 their:0.013873960822820663 :0.1693698614835739 +and:0.06667624413967133 the:0.044618159532547 was:0.03644386678934097 in:0.023702280595898628 :0.1882815808057785 +people:0.013819608837366104 citizens:0.013491145335137844 and:0.010828872211277485 people.:0.008021008223295212 :0.3649427890777588 +the:0.328204870223999 this:0.051205042749643326 a:0.02925587259232998 that:0.027062537148594856 :0.16063536703586578 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +life:0.014546395279467106 own:0.01369079016149044 energies:0.009063612669706345 way:0.008376654237508774 :0.22645920515060425 +and:0.10054028034210205 of:0.08611662685871124 in:0.0704944059252739 is:0.029703820124268532 :0.047481782734394073 +much:0.07126526534557343 that:0.03100593201816082 far:0.021935710683465004 long:0.02131892554461956 :0.1511313021183014 +man:0.03793071210384369 and:0.014607659541070461 home:0.007385602220892906 woman:0.006935137789696455 :0.21075782179832458 +the:0.25558120012283325 a:0.037841811776161194 this:0.02966674417257309 his:0.01758798025548458 :0.13309963047504425 +years:0.08076658099889755 times:0.059962015599012375 or:0.03739446774125099 days:0.034001827239990234 :0.10327710956335068 +the:0.07851020991802216 a:0.038330186158418655 and:0.019865872338414192 him:0.019736269488930702 :0.09285610914230347 +the:0.2578890025615692 a:0.035614050924777985 his:0.024019340053200722 work:0.017390253022313118 :0.15077176690101624 +of:0.12410545349121094 or:0.05537458881735802 years:0.02324177697300911 ago:0.022427977994084358 :0.15289434790611267 +most:0.009133607149124146 following:0.005845868960022926 best:0.005789140239357948 other:0.005303988698869944 :0.19146063923835754 +and:0.04386666417121887 deal:0.012446056120097637 many:0.010812061838805676 difficulty:0.007472919765859842 :0.19494062662124634 +have:0.04443955048918724 was:0.026045288890600204 had:0.025608040392398834 will:0.02313304878771305 :0.15818040072917938 +to:0.2704082727432251 in:0.031552258878946304 and:0.024324076250195503 a:0.01479315385222435 :0.05767526477575302 +elected:0.0504317432641983 wedded:0.023531051352620125 and:0.019424358382821083 appointed:0.014964272268116474 :0.1998768299818039 +are:0.05769407004117966 of:0.047035206109285355 to:0.04457491263747215 and:0.0439859963953495 :0.05238054320216179 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +is:0.23116017878055573 was:0.07955262809991837 will:0.05132202059030533 would:0.04230833426117897 :0.04650837928056717 +the:0.2126544862985611 this:0.05907928943634033 a:0.057349130511283875 his:0.019194405525922775 :0.07261814922094345 +of:0.2321680337190628 year:0.032606858760118484 and:0.030727054923772812 or:0.027397826313972473 :0.08068342506885529 +Department,:0.08559869229793549 Department:0.08458664268255234 of:0.07053405791521072 to:0.06831353902816772 :0.10410681366920471 +and:0.040124207735061646 I:0.021264107897877693 who:0.01800593174993992 the:0.017787214368581772 :0.4910348057746887 +every:0.12210220098495483 a:0.05002731457352638 the:0.0313020721077919 as:0.02716582454741001 :0.14591765403747559 +hours:0.05302417278289795 purposes:0.05183416232466698 purpose:0.02572505734860897 reasons,:0.022821368649601936 :0.14183631539344788 +the:0.41370949149131775 this:0.0399295911192894 a:0.029789447784423828 tho:0.02131570875644684 :0.050170306116342545 +and:0.2567296624183655 the:0.07385436445474625 but:0.029768098145723343 that:0.0283807385712862 :0.060811616480350494 +time:0.03871584311127663 Court,:0.03371718153357506 court:0.033399004489183426 court,:0.021694714203476906 :0.120295949280262 +the:0.4919354319572449 a:0.05327988788485527 this:0.02485014498233795 his:0.02387382835149765 :0.04555218294262886 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +of:0.09532946348190308 and:0.0602935254573822 in:0.03179900720715523 The:0.027978990226984024 :0.17346026003360748 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.09875110536813736 it:0.0421869158744812 he:0.02537091262638569 a:0.024399852380156517 :0.07307907938957214 +The:0.1433778554201126 It:0.05872776359319687 He:0.033812157809734344 They:0.03171270340681076 :0.04988309368491173 +and:0.03461227938532829 days:0.011631902307271957 men:0.008805906400084496 who:0.005180232226848602 :0.2455810010433197 +to:0.14279676973819733 into:0.06146246939897537 down:0.05804124474525452 up:0.05549122020602226 :0.04747409746050835 +the:0.172310933470726 a:0.13752633333206177 which:0.02407425455749035 an:0.01679282821714878 :0.11720159649848938 +few:0.042575348168611526 two:0.0417640320956707 of:0.024718686938285828 year:0.021629415452480316 :0.131012424826622 +of:0.3867502510547638 to:0.22008739411830902 for:0.0566035658121109 that:0.03148035332560539 :0.018544519320130348 +way:0.012988938018679619 cough,:0.008829736150801182 one,:0.00817611813545227 condition:0.007402419578284025 :0.23697593808174133 +.:0.6723782420158386 .,:0.015834756195545197 and:0.005921915639191866 ..:0.004415756091475487 :0.17122164368629456 +a:0.06355313956737518 the:0.061338767409324646 not:0.04375753551721573 to:0.03989727795124054 :0.10692004859447479 +the:0.08192277699708939 in:0.021086079999804497 to:0.019557971507310867 a:0.019439538940787315 :0.12749113142490387 +of:0.24848107993602753 and:0.18054822087287903 was:0.033554669469594955 or:0.018112672492861748 :0.07436762005090714 +and:0.042588815093040466 was:0.0418924018740654 of:0.03348160162568092 is:0.024259153753519058 :0.15120083093643188 +of:0.3187099099159241 in:0.05818428844213486 or:0.032281335443258286 and:0.031273990869522095 :0.10274731367826462 +a:0.021813277155160904 and:0.019723717123270035 the:0.019061701372265816 in:0.011593409813940525 :0.23935063183307648 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +sidered:0.10036110877990723 cluded:0.08695276826620102 ducted:0.08313685655593872 tinued:0.06927687674760818 :0.2567642331123352 +the:0.18850907683372498 a:0.05393332242965698 that:0.03514477238059044 from:0.02487589232623577 :0.06366156786680222 +a:0.05483116954565048 the:0.04240310192108154 not:0.03443494811654091 in:0.021048884838819504 :0.15515728294849396 +of:0.7177954316139221 ot:0.029728781431913376 and:0.02259869873523712 which:0.014300831593573093 :0.012236986309289932 +the:0.06808403134346008 and:0.036548398435115814 be:0.024731643497943878 to:0.020010951906442642 :0.148795947432518 +the:0.040983252227306366 political:0.030185889452695847 a:0.017773093655705452 industrial:0.015821946784853935 :0.23705227673053741 +and:0.09683296084403992 for:0.03538179025053978 the:0.027604522183537483 to:0.024494614452123642 :0.14386971294879913 +the:0.06386365741491318 and:0.0406322218477726 that:0.03906944394111633 a:0.036582913249731064 :0.15044544637203217 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.10390191525220871 the:0.024031193926930428 No.:0.02391755022108555 4:0.0214937012642622 :0.14748172461986542 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +was:0.07726441323757172 had:0.06851661205291748 has:0.05525830760598183 is:0.05169340595602989 :0.07759829610586166 +death:0.049164026975631714 arrival:0.03770856186747551 first:0.018486907705664635 death,:0.017636479809880257 :0.13342954218387604 +the:0.06596796959638596 to:0.050862252712249756 a:0.025898579508066177 in:0.020098237320780754 :0.13425779342651367 +for:0.09437284618616104 and:0.05382566899061203 to:0.04572233185172081 done:0.0451899915933609 :0.04043824225664139 +and:0.09699447453022003 to:0.05150984227657318 of:0.04744550585746765 in:0.02857605181634426 :0.06360367685556412 +the:0.33010855317115784 that:0.02688370831310749 it:0.026296481490135193 a:0.024499986320734024 :0.08370372653007507 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +and:0.04268047586083412 friends:0.02257796935737133 men:0.015085902065038681 or:0.013873755931854248 :0.19816245138645172 +Bank:0.022548047825694084 bank:0.02211908996105194 convention:0.016298936679959297 government:0.01462175790220499 :0.23873017728328705 +of:0.0726817399263382 two:0.02722788229584694 one:0.024070264771580696 eight:0.018951833248138428 :0.20802739262580872 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +few:0.036926496773958206 long:0.02636164426803589 moment:0.024699894711375237 period:0.017555471509695053 :0.14732754230499268 +the:0.28775495290756226 a:0.07347025722265244 this:0.021854309365153313 which:0.020304067060351372 :0.13232550024986267 +fever:0.05792760103940964 and:0.052174828946590424 fever,:0.02474132552742958 fever.:0.01033586822450161 :0.32455214858055115 +of:0.10228564590215683 and:0.06691110879182816 in:0.05619904398918152 from:0.04130126163363457 :0.05402717739343643 +and:0.07593188434839249 of:0.02597189135849476 the:0.02151402272284031 to:0.01800237037241459 :0.1494099497795105 +the:0.10585678368806839 other:0.02832474745810032 a:0.026802781969308853 in:0.015285578556358814 :0.17058931291103363 +be:0.38349980115890503 not:0.04204390197992325 have:0.041712142527103424 bo:0.027655798941850662 :0.07533082365989685 +the:0.2045731097459793 a:0.04723981022834778 this:0.031287167221307755 tho:0.021378561854362488 :0.1520950198173523 +the:0.07438080757856369 of:0.05492756888270378 and:0.050088707357645035 was:0.04572373628616333 :0.07837500423192978 +and:0.1732713282108307 the:0.04895557090640068 which:0.04465024545788765 a:0.03044593147933483 :0.0787738561630249 +the:0.35128483176231384 a:0.06821995973587036 his:0.048989154398441315 tho:0.01459981594234705 :0.0811915472149849 +the:0.22495505213737488 be:0.05815625935792923 a:0.02874910831451416 their:0.01044506672769785 :0.10330221801996231 +part:0.04477431997656822 was:0.0344398058950901 is:0.02267117239534855 and:0.02045903168618679 :0.1251729130744934 +country:0.016832508146762848 whole:0.014066764153540134 country.:0.008502583019435406 same:0.007648801896721125 :0.21189598739147186 +Francisco:0.13023051619529724 Francisco,:0.10389517992734909 Francisco;:0.07486755400896072 Francisco.:0.049531832337379456 :0.3936672806739807 +the:0.0979829952120781 to:0.016688821837306023 that:0.011313182301819324 a:0.00976386945694685 :0.1547517329454422 +than:0.08509264141321182 and:0.07594901323318481 to:0.03119552880525589 in:0.028119169175624847 :0.1350720375776291 +people:0.009747759439051151 only:0.0058018905110657215 a:0.005347070284187794 man:0.005052804481238127 :0.25885146856307983 +been:0.11607832461595535 a:0.04536693915724754 not:0.0391191728413105 no:0.028789788484573364 :0.07648544013500214 +the:0.0856110006570816 by:0.03778744488954544 to:0.03525121137499809 a:0.026666970923542976 :0.16300716996192932 +and:0.11136844754219055 to:0.09108668565750122 of:0.053206704556941986 in:0.03805220127105713 :0.04625333473086357 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.16110029816627502 of:0.09648308157920837 and:0.0366792157292366 to:0.03453180566430092 :0.06164008378982544 +of:0.16114819049835205 and:0.1123933419585228 to:0.06942141801118851 for:0.05420789495110512 :0.05043172836303711 +and:0.11155545711517334 from:0.05769214779138565 in:0.03855513781309128 with:0.01997826248407364 :0.030093593522906303 +a:0.12832027673721313 the:0.09322214126586914 to:0.09154912829399109 he:0.03464966267347336 :0.06627285480499268 +first:0.0116777578368783 only:0.008486230857670307 other:0.006436597555875778 following:0.006325870752334595 :0.1476304531097412 +much:0.0639926940202713 well:0.017039623111486435 large:0.011977764777839184 good:0.011694682762026787 :0.15432260930538177 +few:0.08301396667957306 long:0.03852241858839989 period:0.03479723632335663 time:0.02523483894765377 :0.18254497647285461 +a:0.22563603520393372 the:0.12092598527669907 that:0.02718915417790413 an:0.022488445043563843 :0.09219791740179062 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.06276575475931168 power:0.01214157696813345 expanse:0.008340192027390003 prairies:0.004622521344572306 :0.20560120046138763 +wife,:0.03618200495839119 own:0.019316434860229492 wife:0.016476640477776527 head:0.009530908428132534 :0.19299203157424927 +and:0.040265701711177826 of:0.017317524179816246 pork:0.01454939041286707 to:0.014074645936489105 :0.2500927150249481 +the:0.3215617537498474 a:0.05061547830700874 this:0.017810335382819176 his:0.01660025492310524 :0.0495108887553215 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +out:0.06435290724039078 in:0.025575634092092514 up:0.018225010484457016 of:0.012552503496408463 :0.09765096008777618 +for:0.3613600730895996 to:0.2213306427001953 and:0.046682294458150864 the:0.025037802755832672 :0.02413901686668396 +be:0.18216578662395477 have:0.10500727593898773 only:0.020768597722053528 do:0.019910357892513275 :0.0822204127907753 +and:0.09415247291326523 but:0.04668641462922096 of:0.04388362541794777 or:0.03824456036090851 :0.05110771954059601 +the:0.30263417959213257 a:0.05152708292007446 any:0.024223504588007927 it:0.022334836423397064 :0.055701155215501785 +and:0.04303944855928421 the:0.03477293625473976 in:0.01894558034837246 to:0.01856740191578865 :0.15174256265163422 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.1289728581905365 and:0.09096647799015045 The:0.028610939159989357 the:0.01853826269507408 :0.19519095122814178 +the:0.18647164106369019 there:0.04391520470380783 it:0.03558826446533203 we:0.02607993595302105 :0.08354317396879196 +County,:0.5618470311164856 and:0.03020283579826355 county,:0.029138868674635887 county:0.00902070477604866 :0.08211477100849152 +the:0.10341519117355347 that:0.02476523444056511 all:0.016511281952261925 a:0.015509168617427349 :0.110527902841568 +1,:0.1770084947347641 1st,:0.07881519198417664 Ist,:0.0318683385848999 20,:0.018881741911172867 :0.08564601093530655 +the:0.1411551982164383 a:0.07772239297628403 out:0.04011750593781471 to:0.0321405790746212 :0.0693504735827446 +and:0.05569744110107422 of:0.024648098275065422 the:0.013730496168136597 to:0.013593687675893307 :0.26027747988700867 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +The:0.0919959545135498 I:0.06563127785921097 It:0.03256339952349663 We:0.03145667165517807 :0.14705979824066162 +been:0.28580909967422485 to:0.10418234020471573 a:0.023614240810275078 done:0.017251793295145035 :0.062484774738550186 +to:0.1640927940607071 that:0.08709820359945297 by:0.055960267782211304 the:0.04842936992645264 :0.1314726322889328 +be:0.17345429956912994 have:0.05872456729412079 see:0.026525968685746193 get:0.023200541734695435 :0.09837786108255386 +of:0.27458903193473816 and:0.033170782029628754 Sacramento:0.015578358434140682 in:0.014091867953538895 :0.09006457030773163 +school:0.031022485345602036 and:0.01940491795539856 schools:0.017181165516376495 places:0.015300962142646313 :0.16914191842079163 +the:0.3377761244773865 a:0.052346158772706985 his:0.019529445096850395 tho:0.017138920724391937 :0.11066050082445145 +the:0.2144833654165268 he:0.062111206352710724 they:0.05277639999985695 it:0.03646198287606239 :0.05600408464670181 +to:0.3859667479991913 the:0.05050141364336014 with:0.04236726835370064 by:0.0379314199090004 :0.037620823830366135 +same:0.009187591262161732 said:0.006706463173031807 most:0.006052481010556221 law:0.005547254346311092 :0.17482858896255493 +to:0.16492661833763123 that:0.10746979713439941 as:0.07637552917003632 in:0.05214623361825943 :0.08029021322727203 +the:0.13447435200214386 he:0.029137691482901573 a:0.024742040783166885 they:0.01952594704926014 :0.08490872383117676 +in:0.10691558569669724 and:0.04866723716259003 by:0.03380393236875534 to:0.03100861981511116 :0.19836093485355377 +and:0.025255337357521057 party:0.008772267960011959 States:0.007874993607401848 of:0.007354402448982 :0.1494252234697342 +the:0.028750110417604446 a:0.01577736623585224 old,:0.00953743513673544 of:0.006832368206232786 :0.20279106497764587 +and:0.06590957939624786 to:0.025075366720557213 the:0.024518189951777458 as:0.02214469388127327 :0.22104915976524353 +been:0.24768425524234772 a:0.049757834523916245 not:0.0414530485868454 the:0.03919688239693642 :0.06642252951860428 +and:0.11409113556146622 the:0.04169067367911339 of:0.02771098166704178 at:0.020452886819839478 :0.087369404733181 +of:0.24788303673267365 to:0.03997817635536194 by:0.03888477385044098 at:0.038700979202985764 :0.042472127825021744 +for:0.2748059034347534 to:0.18174928426742554 and:0.05765718221664429 by:0.029210073873400688 :0.02386075258255005 +a:0.25097936391830444 as:0.05827045068144798 the:0.02285788208246231 an:0.02143089845776558 :0.21874654293060303 +the:0.1308591216802597 a:0.016691317781805992 make:0.012776440009474754 be:0.011106155812740326 :0.14058040082454681 +way:0.01983780786395073 the:0.008511370047926903 and:0.005986019037663937 at:0.004792309831827879 :0.5599204897880554 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +of:0.7992210388183594 to:0.02035176195204258 and:0.01963837631046772 that:0.017286352813243866 :0.012209401465952396 +of:0.09754247218370438 year:0.05535801872611046 year,:0.03610050678253174 county:0.03366309776902199 :0.07001965492963791 +and:0.04867697134613991 by:0.04033464193344116 in:0.03540320694446564 to:0.020372174680233 :0.08892809599637985 +and:0.13966694474220276 character:0.013029382564127445 character,:0.012925404123961926 obligation:0.010561060160398483 :0.2941867411136627 +the:0.10065644979476929 to:0.04302024841308594 a:0.039392925798892975 was:0.018140101805329323 :0.08804473280906677 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +was:0.057490866631269455 and:0.04483979940414429 had:0.0369810052216053 has:0.03071962483227253 :0.2591179609298706 +a:0.0353550985455513 the:0.030092671513557434 in:0.010011933743953705 more:0.009342647157609463 :0.13145339488983154 +and:0.07011483609676361 of:0.04902176931500435 the:0.04047592356801033 to:0.037100549787282944 :0.10602647066116333 +days:0.049365319311618805 weeks:0.024456264451146126 years:0.021755650639533997 of:0.012524432502686977 :0.2813447117805481 +of:0.12572184205055237 and:0.05994991213083267 in:0.058803267776966095 is:0.05662238225340843 :0.04949633404612541 +the:0.061148304492235184 resell:0.0393102802336216 be:0.028386488556861877 vote:0.02398931421339512 :0.11008965224027634 +was:0.14148496091365814 had:0.07168974727392197 is:0.04909948259592056 would:0.04456761106848717 :0.06262853741645813 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +place:0.10593684017658234 the:0.08728033304214478 a:0.08537178486585617 to:0.04921406880021095 :0.056064002215862274 +to:0.10576922446489334 be:0.0609130784869194 than:0.05289142206311226 take:0.02766701579093933 :0.09167895466089249 +the:0.09604290127754211 that:0.048187918961048126 it:0.03011014498770237 in:0.02605438232421875 :0.07616711407899857 +the:0.31141746044158936 a:0.04715542495250702 their:0.025034409016370773 this:0.018677344545722008 :0.06272662431001663 +to:0.2821306884288788 into:0.07724908739328384 in:0.05258398503065109 before:0.04958692938089371 :0.04799789935350418 +the:0.0567546971142292 men:0.020824339240789413 years:0.0190926194190979 persons:0.01597645878791809 :0.18694835901260376 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +and:0.179029643535614 the:0.04703328385949135 a:0.022596286609768867 or:0.016740694642066956 :0.14649978280067444 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +few:0.1947702318429947 small:0.033329177647829056 short:0.03118022531270981 little:0.021463565528392792 :0.10878965258598328 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.06471709907054901 to:0.05839397758245468 is:0.04031440615653992 in:0.03352903574705124 :0.0706213116645813 +and:0.07028159499168396 of:0.03737793490290642 to:0.01910553313791752 the:0.018247252330183983 :0.22684629261493683 +a:0.07762694358825684 the:0.032053619623184204 not:0.02214309200644493 in:0.01517540030181408 :0.12641657888889313 +of:0.5827918648719788 to:0.0234833937138319 that:0.02055530436336994 was:0.019854582846164703 :0.04769935458898544 +the:0.13535331189632416 that:0.05304712802171707 to:0.030791692435741425 in:0.026873977854847908 :0.07806401699781418 +of:0.18013253808021545 and:0.11420732736587524 in:0.038488056510686874 on:0.02128712460398674 :0.08496926724910736 +and:0.06712556630373001 to:0.037520021200180054 of:0.02896718680858612 the:0.02857665903866291 :0.26632294058799744 +the:0.14073123037815094 be:0.0889798253774643 a:0.018294930458068848 make:0.014808029867708683 :0.13163317739963531 +to:0.06568101048469543 that:0.04142818972468376 and:0.03029516339302063 as:0.029675133526325226 :0.10945355147123337 +are:0.08535220474004745 were:0.07790325582027435 to:0.07401981204748154 who:0.0682491585612297 :0.046252232044935226 +and:0.10232819616794586 of:0.05163601040840149 to:0.02789798378944397 who:0.027750035747885704 :0.16612471640110016 +and:0.14775802195072174 in:0.041782885789871216 are:0.029843514785170555 the:0.02955019474029541 :0.0780310109257698 +and:0.115867018699646 to:0.11470770090818405 from:0.06922943145036697 that:0.031707894057035446 :0.06519139558076859 +the:0.04411584138870239 a:0.034939464181661606 not:0.03404229134321213 to:0.0313858687877655 :0.12717369198799133 +the:0.10642443597316742 a:0.01646260917186737 men:0.010776192881166935 their:0.009443570859730244 :0.15828841924667358 +the:0.17778585851192474 his:0.05604054406285286 a:0.05059446766972542 their:0.027489682659506798 :0.09947200864553452 +said:0.015551413409411907 same:0.008689135313034058 first:0.005350963212549686 other:0.005193029530346394 :0.19129204750061035 +are:0.08802945166826248 have:0.05765152722597122 had:0.05209645628929138 was:0.04756566509604454 :0.058262474834918976 +are:0.19160276651382446 have:0.09751084446907043 were:0.0844176709651947 will:0.048450179398059845 :0.0389460027217865 +the:0.1486818641424179 a:0.11335009336471558 their:0.018896810710430145 his:0.014354408718645573 :0.0985007956624031 +and:0.09899706393480301 the:0.04020483046770096 to:0.03912326321005821 in:0.0179648045450449 :0.22361406683921814 +to:0.3375461995601654 on:0.03968793898820877 into:0.03351467475295067 wrong,:0.029549330472946167 :0.05995015427470207 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +and:0.07059977948665619 to:0.027258217334747314 City:0.02270648255944252 city:0.019869409501552582 :0.11963633447885513 +not:0.10698115080595016 have:0.09929991513490677 be:0.0958637148141861 like:0.018300432711839676 :0.07737012207508087 +a:0.07484088093042374 the:0.06921388953924179 any:0.04061080515384674 being:0.019124450162053108 :0.17365916073322296 +name:0.043588463217020035 names:0.03909358009696007 duty:0.01694832369685173 only:0.012637007981538773 :0.1833731085062027 +and:0.03842255100607872 of:0.028554698452353477 The:0.01764291524887085 to:0.016443241387605667 :0.22502097487449646 +The:0.07861480861902237 A:0.03137540444731712 It:0.029021576046943665 I:0.025386067107319832 :0.15251103043556213 +The:0.14366385340690613 It:0.07018612325191498 He:0.03643862158060074 A:0.02184990793466568 :0.07006918638944626 +tional:0.3169562816619873 tion:0.22585497796535492 tion,:0.11344783008098602 tion.:0.07287291437387466 :0.053610995411872864 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.15726874768733978 a:0.080570288002491 care:0.05284389480948448 up:0.04434477537870407 :0.04974181205034256 +to:0.1981065571308136 than:0.1847190260887146 for:0.05457056313753128 and:0.05120807886123657 :0.040194373577833176 +the:0.17717304825782776 you:0.0547105073928833 he:0.047818850725889206 a:0.04237813875079155 :0.07424423843622208 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.6562463045120239 to:0.029828861355781555 and:0.02232644148170948 that:0.020302852615714073 :0.020574957132339478 +made:0.02344021201133728 a:0.012420873157680035 was:0.012175899930298328 the:0.011486953124403954 :0.16389812529087067 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +the:0.035880714654922485 to:0.010970518924295902 said:0.01013373676687479 of:0.008177791722118855 :0.17597082257270813 +the:0.22121797502040863 a:0.07158822566270828 this:0.02070021815598011 all:0.014955812133848667 :0.0757501944899559 +and:0.16608047485351562 by:0.03328930214047432 in:0.021538730710744858 with:0.02028268203139305 :0.10810953378677368 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.37255391478538513 a:0.04107340797781944 this:0.03446773812174797 which:0.026293564587831497 :0.0743982195854187 +in:0.12821294367313385 to:0.09857531636953354 and:0.07261943072080612 for:0.0576016791164875 :0.04236064478754997 +the:0.11521828174591064 a:0.06539032608270645 to:0.054818253964185715 in:0.026966527104377747 :0.07916130870580673 +the:0.48536765575408936 a:0.05709273740649223 his:0.03656798601150513 tho:0.022890351712703705 :0.04661809653043747 +the:0.4564543664455414 a:0.027972353622317314 their:0.024658693000674248 tho:0.02109600231051445 :0.09632669389247894 +ful:0.36231812834739685 fully:0.060031358152627945 and:0.02922498807311058 of:0.019485248252749443 :0.10202742367982864 +good:0.03282032161951065 right:0.02484055608510971 large:0.01957204006612301 great:0.017245709896087646 :0.12981703877449036 +and:0.06855600327253342 many:0.05312572419643402 a:0.009039179421961308 extent:0.008463230915367603 :0.15707680583000183 +be:0.28902357816696167 have:0.08082922548055649 not:0.031448595225811005 bo:0.023530784994363785 :0.10896720737218857 +than:0.18718691170215607 of:0.023747332394123077 or:0.020356733351945877 to:0.010911653749644756 :0.17303413152694702 +of:0.26166126132011414 who:0.0577114038169384 to:0.04644044488668442 in:0.0401947945356369 :0.036791641265153885 +be:0.13827845454216003 have:0.11320194602012634 not:0.053875260055065155 make:0.027828743681311607 :0.0677478015422821 +and:0.05617542937397957 the:0.031775619834661484 of:0.028597595170140266 is:0.017605168744921684 :0.1372944414615631 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +the:0.18765109777450562 a:0.12802766263484955 which:0.029000142589211464 his:0.0219147689640522 :0.0825752317905426 +one:0.10849575698375702 person:0.029262922704219818 man:0.02762511931359768 other:0.024929028004407883 :0.13406901061534882 +way:0.0721728652715683 country:0.043708376586437225 city:0.039274878799915314 case:0.021044252440333366 :0.10394059121608734 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.617496907711029 at:0.05601603537797928 in:0.030042503029108047 on:0.01821015402674675 :0.016015324741601944 +and:0.0653415098786354 the:0.029591618105769157 to:0.026826759800314903 in:0.01678483746945858 :0.16464591026306152 +the:0.18719886243343353 to:0.0655846819281578 a:0.06416361033916473 in:0.036749500781297684 :0.08307843655347824 +river:0.040644947439432144 road:0.01781495474278927 river,:0.014455800876021385 street:0.009760490618646145 :0.1791120171546936 +of:0.43234559893608093 and:0.11744831502437592 or:0.05454155430197716 to:0.021148458123207092 :0.027533497661352158 +first:0.013244603760540485 following:0.01155428308993578 said:0.011416865512728691 same:0.007934312336146832 :0.1664610654115677 +one:0.05915336683392525 action:0.039373643696308136 other:0.03792455047369003 doubt:0.02918589673936367 :0.1454746276140213 +and:0.08852656185626984 the:0.035111863166093826 a:0.013970529660582542 of:0.013502247631549835 :0.2284352332353592 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +had:0.020579835399985313 was:0.01888376660645008 has:0.015598569996654987 been:0.01328445877879858 :0.10048045217990875 +the:0.06357881426811218 to:0.04927258938550949 and:0.045156363397836685 The:0.02081233635544777 :0.14221659302711487 +a:0.04300281032919884 the:0.041958943009376526 not:0.03740895912051201 to:0.036954861134290695 :0.10476639121770859 +the:0.20649707317352295 a:0.05906960368156433 least:0.026006221771240234 this:0.019948124885559082 :0.18693417310714722 +and:0.2655812203884125 street:0.22666819393634796 street.:0.07513818144798279 Street:0.0712725967168808 :0.06109544634819031 +mortgage:0.0943547710776329 petition:0.01620054803788662 he:0.0122068515047431 the:0.012072890065610409 :0.1313905566930771 +country:0.04265175014734268 city:0.02772749587893486 place:0.013813643716275692 time:0.012881061993539333 :0.11461232602596283 +the:0.07990371435880661 to:0.06054775044322014 and:0.05743703991174698 is:0.034901056438684464 :0.07040323317050934 +self:0.43717461824417114 self.:0.20045696198940277 self,:0.09723347425460815 the:0.007775959093123674 :0.06576962769031525 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +to:0.3798994719982147 for:0.1041986271739006 by:0.04250119999051094 that:0.03605086728930473 :0.0541544184088707 +the:0.575100839138031 a:0.030340543016791344 tho:0.02483014389872551 this:0.01970740407705307 :0.03907881677150726 +be:0.31199517846107483 not:0.0510953925549984 have:0.02694065123796463 he:0.01623843051493168 :0.09896498173475266 +a:0.16329510509967804 time:0.056383658200502396 an:0.04441973567008972 as:0.020396748557686806 :0.10004545748233795 +to:0.03660552576184273 husband,:0.020201904699206352 own:0.01511495839804411 husband:0.012702089734375477 :0.20922017097473145 +ning:0.5316129326820374 ry:0.09944304078817368 ning.:0.09469327330589294 ning,:0.05200672894716263 :0.06368328630924225 +from:0.07020436227321625 and:0.062081530690193176 of:0.05249463766813278 to:0.04229655861854553 :0.1267528235912323 +and:0.10160170495510101 .:0.023454025387763977 deg.:0.018938083201646805 of:0.01610242947936058 :0.42709270119667053 +most:0.04022032395005226 only:0.03943133354187012 best:0.021071380004286766 same:0.016193628311157227 :0.14704184234142303 +from:0.43262234330177307 in:0.09492293000221252 to:0.0393289290368557 therefrom:0.02599860355257988 :0.04997919499874115 +the:0.03221404179930687 in:0.01622292399406433 a:0.01109759509563446 of:0.009160778485238552 :0.212251216173172 +the:0.12864531576633453 to:0.025098510086536407 in:0.01939905621111393 that:0.01917479746043682 :0.07177766412496567 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +in:0.2937662601470947 and:0.03401235118508339 a:0.032743096351623535 as:0.030365977436304092 :0.028308656066656113 +ful:0.09781043976545334 yer:0.04954284429550171 and:0.02695447765290737 the:0.01232635136693716 :0.1963416039943695 +and:0.05750369280576706 the:0.03417883813381195 to:0.031242026016116142 in:0.02303069457411766 :0.16066399216651917 +get:0.05126418545842171 be:0.03881579637527466 have:0.030964428558945656 make:0.029401535168290138 :0.103150874376297 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +time:0.04156280681490898 condition:0.01823098585009575 time,:0.016372399404644966 time.:0.014106830582022667 :0.1091386079788208 +and:0.0674198791384697 to:0.06673385947942734 the:0.03558440878987312 of:0.02516588382422924 :0.14556945860385895 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +and:0.2005164623260498 the:0.021739037707448006 but:0.020598415285348892 was:0.017768945544958115 :0.08390527218580246 +the:0.3405567407608032 a:0.04635478928685188 his:0.029483824968338013 this:0.023622313514351845 :0.10715242475271225 +in:0.07207179069519043 of:0.0700434222817421 by:0.047417376190423965 the:0.030898036435246468 :0.1186428815126419 +and:0.06451311707496643 in:0.017364950850605965 of:0.013798664323985577 to:0.013410450890660286 :0.21419602632522583 +is:0.3323984146118164 was:0.18176475167274475 has:0.043192170560359955 would:0.034068211913108826 :0.029607422649860382 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +in:0.03313463553786278 the:0.02863786555826664 a:0.016734767705202103 of:0.014743021689355373 :0.2253897488117218 +had:0.08965688198804855 was:0.08214287459850311 is:0.03139403834939003 has:0.028514033183455467 :0.07176780700683594 +to:0.16915109753608704 into:0.05732748284935951 on:0.04015737026929855 out:0.034036289900541306 :0.08490118384361267 +to:0.06861526519060135 the:0.044976018369197845 and:0.03211219608783722 The:0.01635529100894928 :0.13306035101413727 +and:0.2069922238588333 the:0.0603739358484745 of:0.04039803892374039 or:0.022883981466293335 :0.04775819554924965 +most:0.034457284957170486 only:0.022706162184476852 best:0.022034166380763054 same:0.01625859923660755 :0.2168864905834198 +a:0.2020597755908966 not:0.07897598296403885 no:0.06760121136903763 the:0.051399435847997665 :0.08244391530752182 +a:0.15543554723262787 the:0.0600479356944561 so:0.03847132623195648 due:0.035271186381578445 :0.19660162925720215 +be:0.2570318877696991 have:0.08501435816287994 not:0.07725591212511063 also:0.013108114711940289 :0.06812801957130432 +are:0.13459327816963196 were:0.08423428982496262 have:0.07195324450731277 will:0.041764695197343826 :0.07502695918083191 +of:0.3186204433441162 the:0.05819234251976013 in:0.04545355588197708 and:0.02868007868528366 :0.07634954899549484 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +the:0.45885327458381653 a:0.031530529260635376 tho:0.03134716674685478 this:0.029289523139595985 :0.025746731087565422 +to:0.0261828750371933 and:0.025419581681489944 at:0.020542478188872337 in:0.02049873024225235 :0.1915702074766159 +to:0.1029197946190834 of:0.09169485419988632 is:0.0707545280456543 was:0.06030448153614998 :0.049293261021375656 +is:0.0791245549917221 was:0.04493801295757294 Is:0.010854186490178108 will:0.010594840161502361 :0.10161653906106949 +of:0.9065020084381104 ot:0.01513182558119297 and:0.008807233534753323 or:0.008806279860436916 :0.007158021442592144 +and:0.06754954159259796 of:0.05139241740107536 to:0.029971525073051453 in:0.02859746292233467 :0.06479106098413467 +in:0.30104315280914307 the:0.05309854820370674 In:0.04357428103685379 to:0.0299257542937994 :0.058096159249544144 +the:0.1072523444890976 it:0.039747778326272964 that:0.03655954822897911 then:0.028874918818473816 :0.05728194862604141 +The:0.1614506095647812 It:0.07607609033584595 He:0.036887027323246 This:0.029590783640742302 :0.037550508975982666 +the:0.3511352837085724 a:0.059322599321603775 this:0.020491112023591995 his:0.016820363700389862 :0.07177260518074036 +own:0.031807057559490204 life:0.015611312352120876 friends:0.014436210505664349 life.:0.007515784353017807 :0.1963181346654892 +of:0.1671246439218521 and:0.06608504801988602 is:0.03647840768098831 the:0.03500894457101822 :0.09716904908418655 +same:0.05279190465807915 time:0.012526815757155418 middle:0.010734767653048038 first:0.009949818253517151 :0.1596759706735611 +a:0.21531829237937927 the:0.0855160802602768 no:0.05624227598309517 an:0.03232512250542641 :0.06189890205860138 +the:0.49288609623908997 a:0.02618235908448696 this:0.02018248476088047 his:0.019752655178308487 :0.10632137954235077 +have:0.07205542922019958 are:0.06737742573022842 will:0.03617280349135399 were:0.03074602596461773 :0.11127283424139023 +able:0.02269488014280796 a:0.020636707544326782 the:0.015967849642038345 made:0.014841278083622456 :0.1582535058259964 +a:0.06630861759185791 not:0.061363451182842255 the:0.05364001542329788 to:0.017353583127260208 :0.10260779410600662 +a:0.0602077841758728 the:0.0496722012758255 not:0.044778406620025635 to:0.016770919784903526 :0.13729673624038696 +of:0.7099009156227112 and:0.017308639362454414 ot:0.014129587449133396 was:0.009814685210585594 :0.015322486869990826 +feet:0.12330369651317596 miles:0.036657657474279404 pounds:0.029738517478108406 and:0.02396133542060852 :0.18616749346256256 +the:0.32927337288856506 him:0.0401143953204155 you:0.026444576680660248 a:0.02562898024916649 :0.05547003448009491 +gress:0.04011043161153793 dition:0.03371313214302063 vention:0.03005892038345337 taining:0.027064912021160126 :0.38104018568992615 +the:0.04316709190607071 and:0.03431566432118416 to:0.02990628406405449 of:0.028667347505688667 :0.16332420706748962 +of:0.06524787843227386 and:0.022678114473819733 crops:0.01385343074798584 out:0.008329714648425579 :0.09858781099319458 +The:0.1238965168595314 It:0.0522729866206646 I:0.04957735165953636 He:0.04250148683786392 :0.11075133830308914 +the:0.31712210178375244 a:0.04240649566054344 this:0.01982787251472473 once:0.018943358212709427 :0.16827215254306793 +of:0.03623718023300171 and:0.01961594633758068 the:0.014716398902237415 .:0.014221850782632828 :0.27111825346946716 +of:0.0972537100315094 in:0.053066302090883255 up:0.04097016528248787 out:0.040361203253269196 :0.04910885915160179 +and:0.0438084602355957 to:0.043626610189676285 the:0.03453797847032547 of:0.025655539706349373 :0.18928565084934235 +a:0.09552637487649918 the:0.05736331269145012 in:0.025465790182352066 ready:0.0230101328343153 :0.11928723007440567 +highest:0.008063945919275284 said:0.008033225312829018 United:0.005835109855979681 amount:0.005464068613946438 :0.2701527178287506 +the:0.41156771779060364 this:0.05307779833674431 said:0.05255656689405441 a:0.036203108727931976 :0.0831284299492836 +the:0.14377014338970184 be:0.022761689499020576 a:0.016886360943317413 which:0.013800818473100662 :0.1259404867887497 +the:0.1026177853345871 be:0.028140461072325706 a:0.02773781307041645 make:0.012799147516489029 :0.1457546204328537 +is:0.2698195278644562 was:0.15688540041446686 has:0.06843071430921555 will:0.03979335352778435 :0.0652477815747261 +and:0.0731656402349472 of:0.03713097423315048 to:0.02053201012313366 or:0.016681456938385963 :0.1875649094581604 +of:0.10868312418460846 and:0.07373819500207901 in:0.057008616626262665 who:0.042940348386764526 :0.0969548150897026 +A.:0.0405239574611187 H.:0.03649738058447838 B.:0.02623768337070942 H:0.02506866678595543 :0.2203194797039032 +the:0.24253425002098083 be:0.03314215689897537 whether:0.028364010155200958 make:0.020574694499373436 :0.07394088059663773 +made:0.055688124150037766 no:0.04214853048324585 done:0.029680361971259117 found:0.023643668740987778 :0.13174720108509064 +wife:0.03890116140246391 friends:0.014383111149072647 family:0.01307716965675354 wife,:0.012853448279201984 :0.16733230650424957 +of:0.192066490650177 and:0.04695796221494675 that:0.02558835782110691 board:0.022355351597070694 :0.06280814856290817 +of:0.1331208050251007 and:0.09610670059919357 distance:0.03986000642180443 enough:0.02926521934568882 :0.10931359231472015 +and:0.0658426582813263 the:0.0597187764942646 of:0.032946206629276276 The:0.025301223620772362 :0.18116287887096405 +time:0.007564586121588945 same:0.007449180353432894 most:0.006179475225508213 water:0.005453105084598064 :0.12442990392446518 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.05412149056792259 branches:0.03459852933883667 cases:0.025659648701548576 Houses:0.025472557172179222 :0.14015579223632812 +the:0.33249497413635254 this:0.03953539580106735 a:0.032531023025512695 his:0.018579421564936638 :0.11165294051170349 +of:0.193137526512146 and:0.08416317403316498 which:0.04432937502861023 to:0.04355611279606819 :0.043162234127521515 +to:0.2816906273365021 and:0.03872419148683548 for:0.01962723582983017 in:0.012133822776377201 :0.12243016064167023 +best:0.022757697850465775 most:0.019581520929932594 trip:0.010328968986868858 same:0.008678348734974861 :0.15508779883384705 +and:0.01732887700200081 the:0.013932253234088421 a:0.008779163472354412 way:0.006036311388015747 :0.3057394325733185 +the:0.12382195889949799 be:0.02918289601802826 make:0.021456656977534294 a:0.014847091399133205 :0.10070481151342392 +the:0.23732614517211914 a:0.07652997970581055 his:0.02096911147236824 their:0.01675248146057129 :0.06205317750573158 +by:0.10701268911361694 as:0.0836983397603035 a:0.07627934962511063 the:0.040726810693740845 :0.0828767642378807 +same:0.011456307023763657 city:0.009634757414460182 United:0.00849362276494503 case:0.007760475389659405 :0.28943100571632385 +the:0.1296931952238083 a:0.059066880494356155 10:0.011558596976101398 any:0.010673854500055313 :0.35768845677375793 +the:0.1766223907470703 be:0.05415491759777069 a:0.02362724021077156 pay:0.01582765020430088 :0.10891284048557281 +and:0.08064266294240952 to:0.03201528638601303 The:0.029231559485197067 in:0.019574876874685287 :0.1676018238067627 +H.:0.015673542395234108 and:0.0153974499553442 J.:0.011235859245061874 B.:0.010089981369674206 :0.40312573313713074 +own:0.04081447422504425 home:0.013125790283083916 wife:0.008947865106165409 friends:0.006803629919886589 :0.15939073264598846 +a:0.12629489600658417 as:0.11606282740831375 an:0.033857058733701706 that:0.014878670684993267 :0.10135713964700699 +the:0.07719547301530838 to:0.025555182248353958 a:0.015161852352321148 that:0.015081224031746387 :0.10439249128103256 +the:0.08195264637470245 in:0.06585895270109177 a:0.04523687809705734 that:0.0372413694858551 :0.06546194851398468 +and:0.02979368530213833 of:0.027186842635273933 in:0.011814550496637821 that:0.009896627627313137 :0.10118001699447632 +the:0.29512351751327515 a:0.043703194707632065 this:0.024690352380275726 his:0.016506986692547798 :0.11008936166763306 +of:0.34223365783691406 to:0.054571740329265594 in:0.03662555664777756 that:0.025248777121305466 :0.07446900010108948 +of:0.4324866831302643 that:0.03697064518928528 was:0.03537275642156601 is:0.03347790986299515 :0.04513076692819595 +had:0.05419641360640526 have:0.030877793207764626 been:0.026988089084625244 are:0.024847805500030518 :0.12087749689817429 +only:0.1697438359260559 to:0.09302499890327454 in:0.027769707143306732 be:0.02500607818365097 :0.10474608093500137 +a:0.036827683448791504 the:0.021103739738464355 able:0.020132923498749733 made:0.016692593693733215 :0.1817682385444641 +and:0.15587179362773895 that:0.12192736566066742 to:0.08286795765161514 of:0.07830871641635895 :0.09803247451782227 +the:0.20361915230751038 a:0.03082006610929966 his:0.017806069925427437 these:0.014269130304455757 :0.12433665990829468 +and:0.013808433897793293 cost:0.007126485928893089 time:0.0062394095584750175 land:0.005392891354858875 :0.21892626583576202 +(8):0.35013556480407715 hundred:0.13139428198337555 and:0.04606058821082115 or:0.044937506318092346 :0.08111763745546341 +in:0.020274514332413673 and:0.01642792485654354 to:0.01353413611650467 In:0.012808424420654774 :0.2649913430213928 +and:0.021635647863149643 I:0.016963837668299675 1:0.01331203430891037 is:0.010703867301344872 :0.31657835841178894 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +A.:0.02606860175728798 W.:0.025670452043414116 M.:0.022553028538823128 and:0.021753843873739243 :0.3336831033229828 +the:0.19440852105617523 a:0.0531025305390358 his:0.024726931005716324 her:0.011887232773005962 :0.1628141850233078 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.08218599110841751 being:0.06351269781589508 a:0.035502202808856964 one:0.012305885553359985 :0.22824804484844208 +is:0.1955651193857193 was:0.09422057867050171 would:0.061480164527893066 will:0.05297739803791046 :0.06351903080940247 +the:0.23527775704860687 a:0.04292120411992073 this:0.026881838217377663 his:0.021156620234251022 :0.12935344874858856 +and:0.03464878723025322 the:0.02314091846346855 defined:0.01909516379237175 that:0.018905701115727425 :0.1721762865781784 +and:0.059703875333070755 Root:0.02970901131629944 Territory:0.02749183215200901 of:0.02347441203892231 :0.2849578559398651 +not:0.46438005566596985 be:0.07384149730205536 have:0.02521972730755806 do:0.024164292961359024 :0.04531889036297798 +on:0.031026437878608704 in:0.025571376085281372 to:0.022435270249843597 of:0.02023189328610897 :0.2419796586036682 +the:0.32092171907424927 affairs:0.07616642117500305 this:0.020024489611387253 a:0.01910408027470112 :0.09232790768146515 +the:0.03293865546584129 of:0.02260403521358967 and:0.019363392144441605 was:0.01734369993209839 :0.17444312572479248 +and:0.0630512684583664 the:0.06245017424225807 to:0.03773872181773186 of:0.025161854922771454 :0.19917842745780945 +of:0.11987809836864471 and:0.03955066204071045 sum:0.030828505754470825 note:0.015232455916702747 :0.10971459001302719 +and:0.11640019714832306 of:0.0580432191491127 the:0.031928177922964096 in:0.026679813861846924 :0.1737690567970276 +a:0.12237192690372467 the:0.10047958791255951 apparel:0.065879687666893 an:0.018810855224728584 :0.12954619526863098 +of:0.23641639947891235 per:0.11650668829679489 in:0.03545022010803223 on:0.032018546015024185 :0.06414854526519775 +said:0.051016028970479965 same:0.018975237384438515 sale:0.012410023249685764 24th:0.010375539772212505 :0.17328445613384247 +for:0.1476718932390213 upon:0.09241031855344772 of:0.0840609073638916 to:0.079074926674366 :0.07603339105844498 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +was:0.04235897213220596 had:0.032532401382923126 would:0.021638907492160797 could:0.016997504979372025 :0.16896243393421173 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +line:0.049760445952415466 vote:0.03491931036114693 and:0.032762546092271805 route:0.020180735737085342 :0.13462358713150024 +at:0.17949602007865906 in:0.12749618291854858 to:0.05461260676383972 for:0.038256555795669556 :0.03480175882577896 +own:0.025663912296295166 people:0.016796793788671494 country:0.015315479598939419 State:0.011126575991511345 :0.1643151491880417 +be:0.06992657482624054 see:0.036763690412044525 not:0.032451238483190536 get:0.022962581366300583 :0.06767399609088898 +the:0.08442088216543198 a:0.02088571898639202 to:0.01882404461503029 that:0.016990408301353455 :0.12434710562229156 +same:0.0207115039229393 most:0.011341588571667671 best:0.008365887217223644 only:0.00715798232704401 :0.20392651855945587 +and:0.02464897744357586 The:0.013576856814324856 the:0.012065540999174118 .:0.0119915921241045 :0.4535923898220062 +of:0.12655362486839294 and:0.07472025603055954 The:0.024596689268946648 to:0.017517708241939545 :0.1588180959224701 +far:0.06762374937534332 be:0.039500489830970764 been:0.03137732669711113 not:0.018657276406884193 :0.18144236505031586 +be:0.3199233412742615 not:0.045487597584724426 have:0.022269675508141518 bo:0.016785314306616783 :0.0755034014582634 +the:0.08739764243364334 his:0.04063453525304794 he:0.03244389221072197 a:0.023573223501443863 :0.09730019420385361 +of:0.15193557739257812 Wilson:0.026549851521849632 Carlisle:0.022902270779013634 and:0.01574436016380787 :0.3234867453575134 +and:0.05363145098090172 the:0.03668522462248802 to:0.03037891909480095 of:0.026601333171129227 :0.1678829938173294 +are:0.12217803299427032 were:0.07861416786909103 will:0.07099581509828568 have:0.06905921548604965 :0.08099502325057983 +of:0.4125892221927643 and:0.06755749136209488 in:0.06208982691168785 the:0.053781431168317795 :0.04397978633642197 +to:0.08792457729578018 and:0.06088661402463913 of:0.02926357463002205 survey:0.024410206824541092 :0.1717587411403656 +that:0.15047049522399902 the:0.10494990646839142 it:0.054596129804849625 in:0.04413028806447983 :0.045104656368494034 +to:0.21456415951251984 that:0.12216085195541382 by:0.10874510556459427 and:0.10484392940998077 :0.029787195846438408 +the:0.22539405524730682 in:0.0309455506503582 he:0.021384425461292267 they:0.01933365873992443 :0.114410400390625 +to:0.13101908564567566 a:0.060968078672885895 the:0.029267938807606697 because:0.027234772220253944 :0.13709531724452972 +ber:0.7530022263526917 bers:0.07082297652959824 ber,:0.025544680655002594 ber.:0.01437474973499775 :0.048909999430179596 +and:0.0957985445857048 to:0.051996149122714996 that:0.05169225484132767 the:0.03833853453397751 :0.059776101261377335 +the:0.11777202039957047 that:0.044554632157087326 it:0.03431890532374382 I:0.026284262537956238 :0.060189805924892426 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +to:0.18451008200645447 by:0.09893862158060074 in:0.060247279703617096 a:0.03826529160141945 :0.03675384819507599 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +a:0.27874335646629333 an:0.05205870419740677 as:0.039896074682474136 other:0.02037631906569004 :0.15553097426891327 +a:0.06815875321626663 the:0.04489733651280403 not:0.027803532779216766 in:0.01649516448378563 :0.15705691277980804 +majority:0.014770939946174622 and:0.012726444751024246 number:0.009029269218444824 mass:0.008334863930940628 :0.1789333075284958 +time:0.16751357913017273 time,:0.08968226611614227 time.:0.0709434524178505 of:0.05242009833455086 :0.08130629360675812 +from:0.12803922593593597 who:0.10421594232320786 of:0.09577182680368423 to:0.026827462017536163 :0.08557038754224777 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.05026676133275032 in:0.012965158559381962 to:0.011918929405510426 is:0.008912748657166958 :0.22634267807006836 +the:0.11884266138076782 in:0.0698724240064621 and:0.06772518903017044 a:0.03809845820069313 :0.05440344288945198 +of:0.129095196723938 and:0.046451713889837265 to:0.014644904993474483 the:0.011930163018405437 :0.14524579048156738 +not:0.037697892636060715 in:0.021949542686343193 the:0.02089555934071541 now:0.015509975142776966 :0.1702188104391098 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +Islands:0.09026731550693512 Islands,:0.05405847355723381 Islands.:0.05241658538579941 islands:0.006570833269506693 :0.14806009829044342 +the:0.1938595473766327 a:0.05971529707312584 tho:0.017680620774626732 and:0.01726125366985798 :0.1104990690946579 +up:0.11210782825946808 and:0.10077136009931564 in:0.053099941462278366 on:0.04414169117808342 :0.039863958954811096 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.4722764194011688 a:0.10342481732368469 his:0.019431624561548233 tho:0.015697041526436806 :0.06783409416675568 +of:0.06196410581469536 and:0.060690127313137054 the:0.017676452174782753 that:0.015911491587758064 :0.14763686060905457 +of:0.10535921901464462 and:0.046648379415273666 to:0.027018411085009575 in:0.019256841391324997 :0.35789382457733154 +and:0.12294028699398041 in:0.04117581248283386 that:0.040759313851594925 but:0.0328327938914299 :0.07811591029167175 +and:0.0313459075987339 of:0.02585672214627266 to:0.02076040208339691 the:0.020364370197057724 :0.23341621458530426 +the:0.4173106253147125 a:0.051815617829561234 tho:0.022686056792736053 which:0.018396267667412758 :0.08811182528734207 +great:0.02843404747545719 good:0.021941043436527252 very:0.0215480737388134 member:0.021500952541828156 :0.1742185652256012 +and:0.0511450469493866 the:0.046563565731048584 a:0.03129564970731735 of:0.030955374240875244 :0.24338608980178833 +in:0.0912175178527832 for:0.045980919152498245 is:0.04487612470984459 to:0.040710583329200745 :0.050409842282533646 +not:0.03948759660124779 the:0.032794322818517685 to:0.01854604296386242 in:0.01853678561747074 :0.19783002138137817 +the:0.13369742035865784 a:0.02089659310877323 to:0.02074565552175045 that:0.018047451972961426 :0.07625762373209 +opinion:0.025571437552571297 and:0.020227745175361633 school:0.015303902328014374 sentiment:0.0134586775675416 :0.1827167570590973 +and:0.04796178266406059 of:0.03406456485390663 the:0.03402627632021904 a:0.015968427062034607 :0.2563190162181854 +was:0.07724393904209137 had:0.05299228057265282 is:0.04993913322687149 has:0.0361781008541584 :0.15283408761024475 +the:0.07129600644111633 any:0.024845706298947334 a:0.021872282028198242 in:0.018758492544293404 :0.13750673830509186 +and:0.24258258938789368 the:0.037083715200424194 or:0.026930008083581924 of:0.020919378846883774 :0.1472097784280777 +the:0.14909210801124573 it:0.0428185798227787 a:0.02338794805109501 he:0.019817212596535683 :0.12475411593914032 +of:0.26768797636032104 and:0.16925688087940216 in:0.03875606507062912 on:0.030413778498768806 :0.09000349789857864 +the:0.4237874448299408 a:0.04488833621144295 which:0.023604441434144974 their:0.019728241488337517 :0.0442911796271801 +and:0.026797976344823837 condition:0.024152405560016632 system:0.012234737165272236 world:0.010583613067865372 :0.16373714804649353 +and:0.053662240505218506 in:0.030260421335697174 as:0.026230480521917343 the:0.01886885240674019 :0.23556213080883026 +who:0.10320126265287399 of:0.07271826267242432 were:0.03473490849137306 in:0.028739675879478455 :0.12529607117176056 +had:0.1674654483795166 was:0.11501900851726532 has:0.04579522833228111 is:0.03464449569582939 :0.0931795984506607 +of:0.031242676079273224 and:0.028074733912944794 to:0.021077748388051987 in:0.009125769138336182 :0.22725950181484222 +and:0.060976170003414154 of:0.05561760812997818 the:0.01769671030342579 who:0.017284270375967026 :0.23141048848628998 +the:0.24518492817878723 a:0.03688132390379906 this:0.02099466510117054 said:0.013291865587234497 :0.19260424375534058 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +by:0.1383742094039917 to:0.10090496391057968 in:0.09550023823976517 with:0.05443689599633217 :0.04353199154138565 +feet:0.03705233708024025 to:0.03296804428100586 inches:0.025314360857009888 of:0.02110128104686737 :0.271869957447052 +the:0.09178540110588074 he:0.03395133092999458 they:0.026987707242369652 it:0.02021442912518978 :0.10723704844713211 +me:0.25699102878570557 him:0.12394382804632187 that:0.07094050943851471 the:0.059478141367435455 :0.0495147742331028 +and:0.055054549127817154 of:0.05288022756576538 The:0.022785047069191933 to:0.022273167967796326 :0.18208739161491394 +of:0.07112716138362885 and:0.049424249678850174 the:0.018951227888464928 to:0.015414183028042316 :0.2447250485420227 +and:0.23136459290981293 in:0.058328960090875626 to:0.050247784703969955 or:0.03495889902114868 :0.05052287504076958 +to:0.06947575509548187 of:0.05251532047986984 and:0.030609894543886185 time:0.026173068210482597 :0.15700621902942657 +the:0.06954143941402435 see:0.02922375313937664 be:0.023632561787962914 do:0.021440032869577408 :0.11056794971227646 +of:0.9215778708457947 ot:0.01130683347582817 ol:0.0040013231337070465 and:0.003934110980480909 :0.004628785885870457 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +the:0.058653950691223145 to:0.05678969994187355 and:0.02968996949493885 a:0.02194543369114399 :0.1714627742767334 +The:0.07878579199314117 It:0.04214904457330704 the:0.037358153611421585 I:0.030026637017726898 :0.17090649902820587 +the:0.03704138472676277 was:0.026406165212392807 and:0.02611684799194336 of:0.02325477823615074 :0.17209234833717346 +of:0.21406997740268707 hundred:0.03235819935798645 and:0.014862236566841602 or:0.014561207965016365 :0.13866087794303894 +and:0.04891669377684593 the:0.03207133337855339 of:0.025654884055256844 to:0.02171294391155243 :0.22470808029174805 +and:0.08844219148159027 in:0.07346820831298828 In:0.04907914996147156 the:0.028693322092294693 :0.11100729554891586 +is:0.04520746320486069 and:0.0419403612613678 the:0.03882083669304848 to:0.034678924828767776 :0.12396152317523956 +the:0.05916411802172661 and:0.04581831023097038 to:0.034520383924245834 a:0.02150486782193184 :0.2377568930387497 +for:0.08341603726148605 of:0.08332002907991409 and:0.06868519634008408 in:0.06120583787560463 :0.049168169498443604 +city:0.010321363806724548 United:0.010278310626745224 state:0.007409765850752592 same:0.007112767547369003 :0.2627556324005127 +and:0.07710622251033783 river:0.0332631953060627 in:0.028119752183556557 Pacific:0.025625944137573242 :0.22861546277999878 +other:0.05139564350247383 of:0.043269626796245575 kind:0.03650795295834541 one:0.028417862951755524 :0.13148681819438934 +few:0.07875297963619232 short:0.024754704907536507 large:0.013339917175471783 very:0.013314071111381054 :0.16041849553585052 +have:0.10967759788036346 be:0.09660561382770538 not:0.07307570427656174 see:0.02238675020635128 :0.07424864917993546 +the:0.3365798890590668 that:0.03586157411336899 a:0.03331627696752548 any:0.017335977405309677 :0.10399572551250458 +to:0.28734394907951355 of:0.05912918969988823 above:0.03889837861061096 and:0.03757474943995476 :0.07214302569627762 +the:0.12018520385026932 that:0.025973277166485786 in:0.019333120435476303 a:0.018275771290063858 :0.11510566622018814 +the:0.052760813385248184 and:0.042529210448265076 to:0.023819955065846443 in:0.018976977095007896 :0.21716953814029694 +plaint,:0.17607766389846802 pany:0.1744564175605774 plaint:0.1654803454875946 pany,:0.0649411529302597 :0.12031909078359604 +way:0.0058142030611634254 amount:0.0049654701724648476 same:0.004880741238594055 most:0.004552291240543127 :0.2035168707370758 +the:0.24611684679985046 he:0.06949516385793686 they:0.04649621620774269 it:0.04593932256102562 :0.05103781819343567 +the:0.03490433469414711 to:0.030834581702947617 and:0.027459897100925446 of:0.022100787609815598 :0.20628975331783295 +way:0.06621608883142471 direction:0.027413159608840942 respect:0.025218889117240906 case:0.024599069729447365 :0.12016347050666809 +forces:0.031926121562719345 and:0.03190665692090988 service:0.02932787500321865 officers:0.018675262108445168 :0.17217038571834564 +made:0.03716104477643967 a:0.030058881267905235 the:0.024857543408870697 taken:0.020551640540361404 :0.14961276948451996 +ing:0.23657839000225067 ginning:0.1272110790014267 cause:0.09298253804445267 lief:0.07217150181531906 :0.1294201761484146 +and:0.19204293191432953 but:0.03645053133368492 the:0.029858533293008804 which:0.025035865604877472 :0.09408701956272125 +and:0.027333177626132965 list:0.020767992362380028 change:0.007784904912114143 success.:0.006918404716998339 :0.1710968315601349 +from:0.14764441549777985 of:0.11819745600223541 and:0.0427275188267231 to:0.030249325558543205 :0.07359038293361664 +the:0.06903956830501556 be:0.05609896406531334 his:0.020911481231451035 make:0.01878410391509533 :0.10380452126264572 +and:0.02822853811085224 friends:0.023268453776836395 institutions.:0.017011020332574844 life:0.01198793388903141 :0.16274508833885193 +the:0.36707115173339844 a:0.03237615525722504 his:0.02448994480073452 this:0.021497288718819618 :0.0839298814535141 +the:0.04231816530227661 a:0.030906233936548233 not:0.024597689509391785 in:0.019646767526865005 :0.10940505564212799 +of:0.0982242152094841 to:0.040821801871061325 and:0.03810250014066696 in:0.0266533475369215 :0.09421564638614655 +and:0.23980362713336945 but:0.036783866584300995 the:0.0356595553457737 as:0.027028793469071388 :0.08199065923690796 +is:0.07219275087118149 was:0.046684082597494125 he:0.034017860889434814 has:0.029868822544813156 :0.05593333765864372 +end:0.07199230045080185 section:0.020471500232815742 country:0.01556846871972084 the:0.013411249965429306 :0.11297601461410522 +of:0.08912070095539093 and:0.07747430354356766 to:0.042091477662324905 in:0.03731871396303177 :0.061706412583589554 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +and:0.06883025914430618 the:0.009215428493916988 in:0.008679534308612347 at:0.008578750304877758 :0.39767053723335266 +in:0.05822969600558281 as:0.0582154355943203 whereas,:0.05255779251456261 with:0.037500251084566116 :0.09540987014770508 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +the:0.08850125968456268 of:0.04375498369336128 a:0.027605174109339714 that:0.023959707468748093 :0.06671435385942459 +is:0.2836778461933136 was:0.14617128670215607 Is:0.059683095663785934 has:0.04191187396645546 :0.05975716933608055 +of:0.31999415159225464 and:0.1071934923529625 in:0.036658551543951035 that:0.03611117973923683 :0.02739984542131424 +the:0.07700073719024658 a:0.022225694730877876 that:0.012421490624547005 then:0.011797078885138035 :0.13442841172218323 +the:0.26217418909072876 a:0.023290405049920082 them:0.021321531385183334 their:0.019326258450746536 :0.11487878113985062 +the:0.2914743423461914 a:0.05967002362012863 my:0.04047553986310959 his:0.0246109701693058 :0.1376863270998001 +same:0.014254804700613022 said:0.010001078248023987 present:0.007322489283978939 law:0.006960725877434015 :0.1332397162914276 +and:0.03548085317015648 of:0.033658940345048904 the:0.018222501501441002 to:0.01810009405016899 :0.19648487865924835 +m:0.055684320628643036 m.:0.014479251578450203 and:0.007465181406587362 m.,:0.006204542238265276 :0.2711904048919678 +and:0.055589091032743454 the:0.025035634636878967 of:0.022987987846136093 to:0.016727518290281296 :0.16412106156349182 +the:0.35498887300491333 a:0.040717124938964844 be:0.01754559949040413 this:0.01735011115670204 :0.0626525804400444 +of:0.18724209070205688 after:0.06103343889117241 in:0.04744742438197136 and:0.0414942242205143 :0.0493517741560936 +deal:0.10813666880130768 many:0.039123255759477615 thing:0.024324219673871994 and:0.014346479438245296 :0.15359561145305634 +of:0.03233963996171951 possible:0.016533263027668 number:0.014965754002332687 amount:0.010732647031545639 :0.1695968210697174 +to:0.15207216143608093 the:0.11569694429636002 a:0.0981057807803154 they:0.04264189302921295 :0.04336521774530411 +first:0.008087300695478916 only:0.006946544628590345 following:0.006869382690638304 second:0.005676737055182457 :0.21275407075881958 +and:0.03169955313205719 of:0.017524296417832375 the:0.010742166079580784 to:0.008899280801415443 :0.2381616234779358 +ing:0.11873159557580948 cause:0.113981232047081 fore:0.06956999003887177 come:0.05109231919050217 :0.21155992150306702 +the:0.15039318799972534 that:0.11815232783555984 how:0.06305117905139923 what:0.047498397529125214 :0.03630729764699936 +ner:0.12398184835910797 ner,:0.0719878226518631 aged:0.05563660338521004 agement:0.05396600440144539 :0.3272896707057953 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +is:0.21074002981185913 Is:0.14870712161064148 was:0.14616583287715912 has:0.03462919965386391 :0.047351911664009094 +the:0.03944861888885498 and:0.03688459470868111 of:0.034897997975349426 in:0.018632415682077408 :0.16402164101600647 +and:0.08112034201622009 to:0.0285512562841177 in:0.019882522523403168 for:0.009697770699858665 :0.168181374669075 +a:0.06896816194057465 the:0.03629541024565697 not:0.02316087856888771 at:0.021947316825389862 :0.14451177418231964 +the:0.11255401372909546 New:0.014669153839349747 a:0.014602135866880417 this:0.00791262648999691 :0.3023551106452942 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +country:0.05043152719736099 city:0.04669062793254852 way:0.03818235173821449 city,:0.02081887423992157 :0.09693814814090729 +to:0.009637498296797276 time:0.008621113374829292 the:0.007355595473200083 in:0.006869586184620857 :0.24694615602493286 +the:0.19203118979930878 a:0.03644193336367607 this:0.028390467166900635 which:0.020466376096010208 :0.08612848073244095 +of:0.07729937136173248 in:0.043225888162851334 and:0.02905416116118431 the:0.019140595570206642 :0.11075502634048462 +is:0.08047374337911606 was:0.05969255417585373 are:0.03944889083504677 the:0.03935001790523529 :0.07503548264503479 +be:0.0463828481733799 the:0.04401148855686188 have:0.03012477234005928 make:0.02362036518752575 :0.13790415227413177 +a:0.06355313956737518 the:0.061338767409324646 not:0.04375753551721573 to:0.03989727795124054 :0.10692004859447479 +be:0.20669858157634735 have:0.10344966500997543 not:0.05946563929319382 make:0.01662633940577507 :0.058714915066957474 +the:0.26630306243896484 a:0.037751536816358566 this:0.03185164928436279 their:0.017644595354795456 :0.1556367427110672 +to:0.054679788649082184 testimony:0.040508996695280075 and:0.03675984591245651 of:0.026592034846544266 :0.16376622021198273 +is:0.28902387619018555 are:0.22995543479919434 was:0.1077580451965332 were:0.06462333351373672 :0.04415758699178696 +the:0.14918707311153412 they:0.085523821413517 it:0.06487531214952469 he:0.06404921412467957 :0.05899719148874283 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +be:0.5142711400985718 have:0.03657475858926773 not:0.029806572943925858 bo:0.024755746126174927 :0.051504187285900116 +the:0.08056847751140594 that:0.030265670269727707 a:0.018469318747520447 in:0.017351582646369934 :0.13950355350971222 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +and:0.07615960389375687 the:0.062168728560209274 in:0.052061330527067184 a:0.04812634363770485 :0.09063811600208282 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +of:0.5805659294128418 and:0.035003166645765305 will:0.025420114398002625 by:0.02226964943110943 :0.017548345029354095 +and:0.0542786531150341 of:0.05421721190214157 up:0.041709840297698975 a:0.03372511267662048 :0.19906006753444672 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +the:0.4919354319572449 a:0.05327988788485527 this:0.02485014498233795 his:0.02387382835149765 :0.04555218294262886 +the:0.2598726451396942 a:0.0577668696641922 tho:0.017695540562272072 his:0.011614101007580757 :0.15107402205467224 +The:0.16030536592006683 It:0.06394422799348831 In:0.03345740959048271 He:0.03171967715024948 :0.05272052064538002 +the:0.04091588780283928 that:0.010789218358695507 a:0.01057291030883789 all:0.008203184232115746 :0.16678740084171295 +have:0.1093050017952919 are:0.08971327543258667 were:0.02594595029950142 do:0.024643203243613243 :0.07733680307865143 +and:0.170445054769516 of:0.0870833769440651 were:0.05445172265172005 are:0.051462236791849136 :0.050711069256067276 +the:0.36707115173339844 a:0.03237615525722504 his:0.02448994480073452 this:0.021497288718819618 :0.0839298814535141 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +large:0.02233271114528179 good:0.019400078803300858 little:0.015458164736628532 few:0.014792641624808311 :0.21124973893165588 +of:0.052961915731430054 and:0.042259376496076584 to:0.030205469578504562 in:0.014734516851603985 :0.21803930401802063 +the:0.40294671058654785 a:0.05477689206600189 tho:0.023478781804442406 his:0.022200079634785652 :0.08612173795700073 +the:0.09665697067975998 a:0.08728040009737015 it:0.041935425251722336 to:0.02270268090069294 :0.0747031643986702 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +name:0.02949695847928524 own:0.026923758909106255 wife:0.019691746681928635 head:0.01443435624241829 :0.16298247873783112 +not:0.052387479692697525 the:0.04355401545763016 to:0.04179222881793976 in:0.026075702160596848 :0.21845436096191406 +gan:0.1837157905101776 gan,:0.14773182570934296 ris:0.08354274183511734 of:0.010778773576021194 :0.27697116136550903 +in:0.17544609308242798 between:0.12816043198108673 of:0.09038926661014557 as:0.08372234553098679 :0.041439756751060486 +the:0.15391960740089417 a:0.05491926521062851 more:0.03156812861561775 to:0.031277868896722794 :0.08527854830026627 +had:0.08589492738246918 has:0.05761611834168434 was:0.05231086537241936 is:0.03700227662920952 :0.05877599120140076 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +and:0.07615960389375687 the:0.062168728560209274 in:0.052061330527067184 a:0.04812634363770485 :0.09063811600208282 +a:0.15367206931114197 the:0.1153314858675003 to:0.0631013810634613 well:0.04633484035730362 :0.07257208973169327 +the:0.474301815032959 a:0.033399708569049835 this:0.019386520609259605 tho:0.017928095534443855 :0.0886181890964508 +ing:0.8837468028068542 ing.:0.024480776861310005 ed:0.020261887460947037 ing,:0.01878388784825802 :0.013738401234149933 +the:0.10562235116958618 by:0.06751228868961334 with:0.05244341492652893 and:0.04855260252952576 :0.05183616280555725 +the:0.10910407453775406 a:0.023011349141597748 in:0.01569928415119648 his:0.01560321357101202 :0.1924307495355606 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.08307253569364548 he:0.06607756018638611 is:0.06066618487238884 was:0.04214165732264519 :0.07059919834136963 +the:0.07658100873231888 a:0.0257051270455122 in:0.016125576570630074 on:0.008880391716957092 :0.16530457139015198 +the:0.5411149859428406 these:0.03907497599720955 them:0.03836212679743767 his:0.028240131214261055 :0.04238632321357727 +have:0.05697563290596008 was:0.05281757563352585 am:0.031970031559467316 had:0.03177211806178093 :0.09454314410686493 +to:0.10608073323965073 was:0.08754674345254898 and:0.059975434094667435 for:0.040187884122133255 :0.062204036861658096 +of:0.3120132088661194 to:0.21554811298847198 for:0.18527744710445404 and:0.02372235246002674 :0.032488904893398285 +country:0.023979390040040016 city,:0.018591221421957016 city:0.018282363191246986 act,:0.015703648328781128 :0.14142222702503204 +the:0.12480855733156204 to:0.07561086118221283 in:0.06340812891721725 a:0.06241752207279205 :0.05456149950623512 +the:0.12049732357263565 it:0.03891950473189354 a:0.03605413809418678 I:0.029515309259295464 :0.04927954077720642 +you:0.23536504805088043 us:0.0494663268327713 the:0.04506160691380501 that:0.04218357056379318 :0.03871916979551315 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +is:0.08905600011348724 was:0.07216610014438629 are:0.0387766994535923 he:0.03780703619122505 :0.037040695548057556 +two:0.019686253741383553 men:0.011077400296926498 things:0.00844945665448904 lands:0.008413465693593025 :0.1923031508922577 +the:0.34731197357177734 a:0.03504108637571335 this:0.030031628906726837 said:0.022063452750444412 :0.04162181541323662 +the:0.01618202216923237 and:0.010183938778936863 I:0.009493153542280197 of:0.00801895558834076 :0.1921827495098114 +the:0.03490433469414711 to:0.030834581702947617 and:0.027459897100925446 of:0.022100787609815598 :0.20628975331783295 +own:0.04159625992178917 respective:0.012350501492619514 homes:0.009101959876716137 homes.:0.005930405110120773 :0.19451792538166046 +own:0.04159625992178917 respective:0.012350501492619514 homes:0.009101959876716137 homes.:0.005930405110120773 :0.19451792538166046 +the:0.09512436389923096 New:0.013481616042554379 a:0.011896639131009579 South:0.005964322946965694 :0.41092586517333984 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.28219354152679443 a:0.05176622420549393 which:0.01902715675532818 his:0.015106892213225365 :0.09962280839681625 +the:0.139783576130867 a:0.02378743328154087 his:0.011519954539835453 said:0.011241022497415543 :0.25862082839012146 +the:0.16045545041561127 be:0.07498838752508163 a:0.019748542457818985 make:0.012036618776619434 :0.10227009654045105 +the:0.08315914869308472 be:0.034394294023513794 a:0.023501712828874588 tho:0.010728815570473671 :0.28032901883125305 +ft.:0.3951716423034668 feet:0.33404308557510376 feet;:0.020293550565838814 feot:0.009648909792304039 :0.09322347491979599 +The:0.13933409750461578 It:0.07391101866960526 He:0.02894306182861328 I:0.02832435816526413 :0.1887286901473999 +and:0.09311387687921524 of:0.05762605741620064 the:0.031858306378126144 in:0.026634620502591133 :0.08253177255392075 +extent:0.017006907612085342 old:0.015911925584077835 order:0.014170968905091286 amount:0.013128039427101612 :0.17838692665100098 +and:0.05447070300579071 the:0.029952211305499077 to:0.029666190966963768 in:0.020422283560037613 :0.25087296962738037 +and:0.06984512507915497 the:0.06772065162658691 a:0.05195431038737297 that:0.05018679425120354 :0.09661424160003662 +of:0.4791509509086609 as:0.024988489225506783 was:0.02240540087223053 to:0.02237916737794876 :0.028281569480895996 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +and:0.11027848720550537 to:0.06597437709569931 of:0.02575475536286831 feet:0.023072369396686554 :0.16674485802650452 +of:0.2434961497783661 and:0.04495790973305702 at:0.04463140666484833 in:0.040410250425338745 :0.09294304251670837 +of:0.6366421580314636 in:0.03693092614412308 and:0.029941894114017487 ever:0.02201472595334053 :0.016912387683987617 +and:0.05723022669553757 to:0.05082717910408974 in:0.02444615215063095 the:0.02288762480020523 :0.2175379991531372 +as:0.22256383299827576 the:0.09395140409469604 and:0.06977429240942001 that:0.05007311701774597 :0.042350444942712784 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +and:0.09085580706596375 of:0.06920328736305237 was:0.025990761816501617 to:0.0247269906103611 :0.13539153337478638 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +be:0.38142508268356323 not:0.11347908526659012 have:0.07270152121782303 bo:0.02114090882241726 :0.02390010841190815 +of:0.20977482199668884 in:0.08911972492933273 where:0.07734043896198273 for:0.06326809525489807 :0.03897925466299057 +the:0.15857386589050293 from:0.11336233466863632 and:0.0854424312710762 to:0.04153146222233772 :0.0717226043343544 +fere:0.23778723180294037 est:0.06783543527126312 ests:0.02026570402085781 ested:0.017215421423316002 :0.3407634496688843 +friends:0.018490169197320938 wife:0.01206760760396719 father:0.007412082981318235 body:0.007352367043495178 :0.25229305028915405 +and:0.20946700870990753 in:0.03267311304807663 the:0.02834920957684517 at:0.02609659731388092 :0.03562023863196373 +to:0.03660552576184273 husband,:0.020201904699206352 own:0.01511495839804411 husband:0.012702089734375477 :0.20922017097473145 +the:0.05860092490911484 a:0.046608295291662216 confidence:0.011511151678860188 an:0.008118799887597561 :0.20001956820487976 +the:0.11298364400863647 by:0.10107419639825821 through:0.049274854362010956 a:0.04103963077068329 :0.07645298540592194 +to:0.2259088009595871 the:0.09560836106538773 a:0.05134955421090126 he:0.017559317871928215 :0.10327844321727753 +of:0.5981018543243408 which:0.039886049926280975 in:0.020822878926992416 for:0.020121699199080467 :0.019428705796599388 +and:0.07803204655647278 of:0.07456018775701523 The:0.02347014658153057 in:0.023012669757008553 :0.158588707447052 +subject:0.012155482545495033 property:0.011088290251791477 said:0.008938451297581196 ground:0.008280253037810326 :0.16573114693164825 +same:0.05279190465807915 time:0.012526815757155418 middle:0.010734767653048038 first:0.009949818253517151 :0.1596759706735611 +of:0.1753222793340683 the:0.10582320392131805 and:0.04804045706987381 by:0.03717704489827156 :0.10046953707933426 +view:0.023221604526042938 large:0.015091892331838608 few:0.013403327204287052 little:0.011755388230085373 :0.19891507923603058 +the:0.11176823079586029 a:0.07973102480173111 out:0.07350190728902817 on:0.0456385463476181 :0.04545478895306587 +a:0.03389240428805351 the:0.025658976286649704 not:0.020045222714543343 to:0.01770773157477379 :0.12162837386131287 +B.:0.024430084973573685 H.:0.019148383289575577 F,:0.018496964126825333 F.:0.017623385414481163 :0.4493616223335266 +and:0.11742550134658813 with:0.05900726467370987 in:0.034503769129514694 for:0.023560503497719765 :0.06680653244256973 +The:0.1302344650030136 It:0.03592928498983383 A:0.034360118210315704 There:0.023709069937467575 :0.1864091008901596 +amount:0.15472114086151123 number:0.01941697672009468 quantity:0.014177646487951279 part:0.012932650744915009 :0.13601256906986237 +not:0.05534910783171654 now:0.02537568472325802 in:0.02516515739262104 to:0.024204423651099205 :0.12288724631071091 +that:0.14961329102516174 the:0.04554053023457527 and:0.03563650697469711 what:0.030785201117396355 :0.07066372781991959 +the:0.15562139451503754 in:0.0860074982047081 and:0.053826842457056046 that:0.03624079003930092 :0.04737934470176697 +of:0.017893293872475624 and:0.014621792361140251 to:0.013476484455168247 the:0.013282778672873974 :0.17590805888175964 +the:0.37276965379714966 his:0.051420215517282486 a:0.05133013427257538 their:0.027928782626986504 :0.07826399803161621 +and:0.0719929188489914 the:0.031062230467796326 in:0.027982346713542938 of:0.025008462369441986 :0.09878063201904297 +the:0.34031251072883606 a:0.053366199135780334 which:0.027088074013590813 their:0.018910298123955727 :0.0637068897485733 +the:0.08391758054494858 to:0.07554655522108078 a:0.0534578301012516 in:0.045141130685806274 :0.05437193065881729 +been:0.35734960436820984 not:0.03906233608722687 a:0.018249619752168655 to:0.01497159618884325 :0.05273960530757904 +and:0.16649869084358215 but:0.0590641014277935 the:0.052963580936193466 that:0.049881916493177414 :0.045297034084796906 +He:0.1019953042268753 The:0.07462853193283081 It:0.030617866665124893 I:0.02847779355943203 :0.16276034712791443 +the:0.06953327357769012 be:0.056036368012428284 make:0.025372274219989777 do:0.024530697613954544 :0.11144932359457016 +the:0.5411149859428406 these:0.03907497599720955 them:0.03836212679743767 his:0.028240131214261055 :0.04238632321357727 +of:0.1726379692554474 and:0.0639285072684288 in:0.06259637326002121 are:0.051596079021692276 :0.03205247223377228 +and:0.05573238432407379 the:0.03132566064596176 of:0.027884313836693764 ing:0.022799795493483543 :0.21444107592105865 +banks:0.08735708147287369 and:0.06553561985492706 by:0.046728212386369705 from:0.046624116599559784 :0.11167793720960617 +to:0.1389496624469757 and:0.07634761184453964 in:0.03560418635606766 as:0.025633031502366066 :0.07423476129770279 +the:0.10286802053451538 a:0.027624355629086494 that:0.01735316589474678 of:0.008671597577631474 :0.16508829593658447 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.16463258862495422 the:0.09725702553987503 to:0.025090187788009644 in:0.020036805421113968 :0.15638774633407593 +and:0.04649451747536659 of:0.03223863244056702 to:0.019619446247816086 the:0.018215760588645935 :0.23715658485889435 +the:0.31998127698898315 said:0.07809343934059143 a:0.038549985736608505 this:0.020978450775146484 :0.12393716722726822 +a:0.0457274429500103 to:0.03291797265410423 the:0.03169187903404236 made:0.028172392398118973 :0.11446460336446762 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.16452062129974365 he:0.07951133698225021 they:0.06450991332530975 it:0.05735941231250763 :0.043224770575761795 +the:0.06476304680109024 it:0.03987504914402962 that:0.02461124211549759 all:0.019187547266483307 :0.07549566775560379 +and:0.039007775485515594 is:0.03668835386633873 had:0.03316143527626991 has:0.03190639987587929 :0.1425521820783615 +the:0.21126464009284973 any:0.06768257915973663 a:0.04687179997563362 that:0.03563088923692703 :0.0620395801961422 +and:0.04155866056680679 of:0.030868444591760635 the:0.02351291850209236 in:0.010705238208174706 :0.2129344642162323 +and:0.08823025226593018 arm:0.031790465116500854 men:0.008357341401278973 man:0.007495048921555281 :0.1759810894727707 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +and:0.06570009142160416 suffrage,:0.03059600666165352 or:0.02089259773492813 purposes,:0.01457221806049347 :0.2709334194660187 +much:0.04460768774151802 that:0.03984250873327255 far:0.03498571366071701 many:0.03268919512629509 :0.10901442915201187 +been:0.3396535813808441 a:0.04104084521532059 the:0.03334676846861839 not:0.022150805220007896 :0.08238363265991211 +and:0.15817303955554962 the:0.08593880385160446 but:0.03149382025003433 that:0.01765480265021324 :0.05900571122765541 +the:0.27983424067497253 a:0.04379758611321449 Mr.:0.018768826499581337 any:0.016013458371162415 :0.08893707394599915 +of:0.5578888058662415 Council:0.02452266588807106 and:0.022845350205898285 Clerk:0.01972290500998497 :0.07300453633069992 +the:0.09643851220607758 a:0.010951164178550243 New:0.009134288877248764 this:0.008806634694337845 :0.2630041241645813 +course:0.26945462822914124 course,:0.2454679161310196 the:0.16146063804626465 this:0.044605061411857605 :0.05050705000758171 +a:0.1837819665670395 case:0.11613663285970688 cases:0.04714963212609291 an:0.03462531790137291 :0.11099185794591904 +few:0.07875297963619232 short:0.024754704907536507 large:0.013339917175471783 very:0.013314071111381054 :0.16041849553585052 +one:0.037067122757434845 kind:0.026409568265080452 other:0.0175789725035429 man:0.017308348789811134 :0.15390457212924957 +and:0.18392413854599 of:0.11484312266111374 in:0.06680431216955185 on:0.03068930096924305 :0.08193481713533401 +to:0.5774498581886292 in:0.03346836194396019 for:0.03261956945061684 on:0.02472197636961937 :0.02408658154308796 +large:0.06865689903497696 small:0.032595355063676834 good:0.024786466732621193 little:0.021017713472247124 :0.10676520317792892 +and:0.08435028046369553 to:0.026490027084946632 The:0.018797509372234344 of:0.016599323600530624 :0.16484713554382324 +the:0.5027720332145691 tho:0.02561504952609539 a:0.022664370015263557 his:0.022405900061130524 :0.05730617046356201 +first:0.010628498159348965 only:0.00921216793358326 following:0.00835813581943512 other:0.007093007210642099 :0.09993021190166473 +as:0.06354182958602905 in:0.05899535492062569 a:0.01915343664586544 is:0.018775127828121185 :0.09553443640470505 +who:0.07582201808691025 of:0.07495779544115067 are:0.05775751173496246 in:0.04485667869448662 :0.04971805959939957 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +was:0.09814679622650146 had:0.044897109270095825 has:0.039062779396772385 is:0.03568944334983826 :0.07644078135490417 +and:0.04771804437041283 day:0.034256044775247574 of:0.02940378710627556 to:0.024468431249260902 :0.24315160512924194 +and:0.10234281420707703 in:0.026375437155365944 of:0.023418638855218887 the:0.021193351596593857 :0.17330195009708405 +the:0.22426451742649078 he:0.05366899073123932 I:0.04689159244298935 a:0.04635680466890335 :0.08910837024450302 +and:0.041794613003730774 of:0.04023038223385811 the:0.033690180629491806 in:0.01665300875902176 :0.15235668420791626 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +The:0.16753603518009186 It:0.05811509117484093 He:0.034043293446302414 This:0.030073225498199463 :0.053514499217271805 +is:0.2306077778339386 was:0.1955881416797638 would:0.07234462350606918 will:0.05431658402085304 :0.04618776962161064 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.2662731111049652 a:0.03382126986980438 said:0.01682511903345585 tho:0.011942419223487377 :0.1343510001897812 +of:0.4315715432167053 and:0.033424653112888336 to:0.026991214603185654 is:0.017171218991279602 :0.026537122204899788 +to:0.37079736590385437 up:0.05884707719087601 in:0.05368650332093239 into:0.05327233672142029 :0.0392090380191803 +a:0.032693829387426376 not:0.029394324868917465 the:0.023532899096608162 in:0.018830152228474617 :0.19195951521396637 +in:0.12871769070625305 to:0.1039273738861084 and:0.054276321083307266 at:0.031146354973316193 :0.09177141636610031 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +and:0.07032862305641174 the:0.04366597533226013 is:0.03747411072254181 to:0.03330647572875023 :0.0667094886302948 +State:0.011652056127786636 United:0.010773500427603722 most:0.007606432307511568 same:0.007198043167591095 :0.2736029624938965 +to:0.04310380294919014 a:0.03953664004802704 the:0.03494192659854889 at:0.027919957414269447 :0.19643236696720123 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +a:0.07502958923578262 not:0.048816028982400894 the:0.026856260374188423 in:0.02492706850171089 :0.1244148388504982 +result:0.029124382883310318 matter:0.0166524238884449 rule,:0.011289612390100956 man:0.010609658434987068 :0.1965998411178589 +and:0.06259091198444366 of:0.04432102292776108 to:0.025623057037591934 in:0.017337527126073837 :0.2163652926683426 +are:0.09747233241796494 were:0.07985945791006088 have:0.0643911138176918 had:0.03416930511593819 :0.0772809088230133 +the:0.28757789731025696 a:0.058284156024456024 his:0.01692500151693821 tho:0.014043326489627361 :0.13626348972320557 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +to:0.10128016024827957 in:0.06241448223590851 of:0.0596158429980278 was:0.04475114867091179 :0.061429060995578766 +to:0.03767886757850647 and:0.033867403864860535 the:0.031014220789074898 in:0.01802336797118187 :0.15993964672088623 +names:0.05381225422024727 name:0.045134466141462326 duty:0.018030986189842224 only:0.012574386782944202 :0.17737768590450287 +That:0.75922691822052 The:0.019829150289297104 and:0.010816630907356739 It:0.01026881393045187 :0.03185514733195305 +New:0.05426495149731636 the:0.02769509144127369 Morris,:0.01918359100818634 Alexandria,:0.018515700474381447 :0.2699425518512726 +in:0.15256622433662415 on:0.09206472337245941 the:0.08450819551944733 upon:0.06623891741037369 :0.058805499225854874 +made:0.04852103441953659 done:0.02876812405884266 no:0.022989679127931595 seen:0.021722158417105675 :0.13694655895233154 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +large:0.012477227486670017 great:0.011718577705323696 little:0.011015299707651138 man:0.009676409885287285 :0.1300663948059082 +pendence:0.1399361938238144 pendent:0.13219603896141052 the:0.02009776420891285 and:0.006045409943908453 :0.3424074947834015 +requirements:0.02584630623459816 demands:0.018671434372663498 said:0.007264926563948393 same:0.006982733495533466 :0.12580187618732452 +the:0.15515205264091492 a:0.059291139245033264 tho:0.012872918508946896 their:0.010264130309224129 :0.20559461414813995 +more:0.05581860616803169 of:0.017769575119018555 over:0.013774986378848553 less:0.012073946185410023 :0.19259829819202423 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +the:0.056600045412778854 and:0.01565425470471382 was:0.015248616226017475 in:0.014682264998555183 :0.176300048828125 +thence:0.10010375082492828 and:0.030187375843524933 at:0.024960210546851158 the:0.0175374336540699 :0.24098077416419983 +the:0.2534526288509369 a:0.09166371077299118 which:0.015529964119195938 and:0.01303799543529749 :0.10079308599233627 +speak,:0.1833827793598175 do,:0.07256896048784256 be:0.06313101202249527 do:0.04460612311959267 :0.06530091911554337 +of:0.14510777592658997 and:0.055908430367708206 was:0.042405106127262115 is:0.03839650750160217 :0.06542014330625534 +the:0.23799699544906616 a:0.04221582040190697 tho:0.014849789440631866 this:0.014704192988574505 :0.22046831250190735 +much:0.15059462189674377 late.:0.031118180602788925 late:0.027708154171705246 great:0.022010808810591698 :0.11859223246574402 +of:0.11924655735492706 and:0.05374717712402344 in:0.02101479284465313 the:0.020080307498574257 :0.15360356867313385 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +to:0.3155826926231384 the:0.06390903145074844 for:0.060863107442855835 by:0.03982044756412506 :0.0525280125439167 +and:0.1454833596944809 of:0.09083522856235504 in:0.08138322085142136 by:0.053594473749399185 :0.03644333779811859 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +to:0.11000306904315948 the:0.05273549631237984 in:0.04409835487604141 it:0.022991515696048737 :0.06306926161050797 +and:0.17648348212242126 in:0.05374046042561531 to:0.04081656038761139 with:0.03674362599849701 :0.11656150221824646 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +The:0.053695905953645706 In:0.04035089164972305 He:0.022678637877106667 A:0.02221408113837242 :0.213494211435318 +and:0.03622063249349594 men:0.01660512201488018 man:0.01056663691997528 to:0.00968012772500515 :0.14433090388774872 +the:0.18265168368816376 he:0.06570253521203995 they:0.0510074645280838 a:0.037227220833301544 :0.1318807452917099 +am:0.07022329419851303 have:0.06706682592630386 was:0.06310934573411942 had:0.0460653118789196 :0.058661021292209625 +more:0.12542490661144257 in:0.03369380906224251 and:0.02167094312608242 to:0.018048349767923355 :0.14356213808059692 +and:0.048911675810813904 of:0.025523707270622253 the:0.020971816033124924 to:0.019691411405801773 :0.22833746671676636 +of:0.22983457148075104 and:0.14943717420101166 in:0.06646926701068878 with:0.04119958356022835 :0.039504628628492355 +by:0.1857961118221283 the:0.07569420337677002 as:0.0610753670334816 to:0.025321384891867638 :0.043575067073106766 +the:0.4373898506164551 this:0.05721951648592949 a:0.029420794919133186 tho:0.016630684956908226 :0.08591266721487045 +to:0.050494540482759476 and:0.049971237778663635 of:0.04561741650104523 the:0.039045386016368866 :0.1349417269229889 +the:0.15039318799972534 that:0.11815232783555984 how:0.06305117905139923 what:0.047498397529125214 :0.03630729764699936 +and:0.04374485835433006 of:0.03984419256448746 to:0.036196425557136536 or:0.028516091406345367 :0.17317067086696625 +of:0.0498092919588089 and:0.04013589397072792 men:0.01775999180972576 to:0.011444375850260258 :0.15762822329998016 +and:0.02311767265200615 A.:0.01931060291826725 was:0.010593848302960396 E.:0.010257413610816002 :0.570777416229248 +amendment:0.07892166823148727 convention:0.014109618030488491 of:0.010057211853563786 party:0.009189661592245102 :0.1857505738735199 +of:0.6880149841308594 by:0.02861347422003746 and:0.02137792855501175 the:0.01760713942348957 :0.024048415943980217 +to:0.1416626274585724 the:0.13311904668807983 and:0.0701540932059288 a:0.05133521556854248 :0.09419041126966476 +old:0.013764230534434319 officer:0.011958861723542213 act:0.011514069512486458 amendment:0.010071049444377422 :0.24455536901950836 +and:0.13734953105449677 that:0.08061482757329941 to:0.0575728639960289 I:0.03110138513147831 :0.06936018913984299 +amount:0.01225418969988823 same:0.011478816159069538 sum:0.007028067018836737 first:0.006213245913386345 :0.24517127871513367 +own:0.04411210119724274 respective:0.010962705127894878 own.:0.004438356030732393 lives.:0.003734826808795333 :0.23696359992027283 +are:0.08408631384372711 of:0.08067996799945831 were:0.05992636829614639 and:0.04658539965748787 :0.07408273965120316 +and:0.032763849943876266 the:0.01372331753373146 a:0.012865887023508549 of:0.010537337511777878 :0.21669909358024597 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +of:0.7592142224311829 and:0.0177988950163126 were:0.011297201737761497 from:0.010579191148281097 :0.016993196681141853 +of:0.6031705737113953 and:0.03142724558711052 for:0.03042871318757534 in:0.017215006053447723 :0.03894316032528877 +most:0.007167283445596695 man:0.007027958519756794 people:0.006823800038546324 only:0.005610415246337652 :0.19296108186244965 +old:0.01907542534172535 average:0.013968056999146938 article:0.013880990445613861 hour:0.013747253455221653 :0.14493009448051453 +own:0.02958867698907852 hands:0.014839963987469673 heads:0.011794213205575943 way:0.010168138891458511 :0.17465855181217194 +and:0.027257487177848816 The:0.018786687403917313 the:0.01660330966114998 It:0.010601040907204151 :0.2201537936925888 +the:0.09569364041090012 be:0.036804426461458206 make:0.01649157889187336 a:0.013840371742844582 :0.1685388684272766 +is:0.06173233315348625 was:0.05941590294241905 the:0.05267134681344032 he:0.051769837737083435 :0.04765951633453369 +was:0.13022302091121674 is:0.12311878055334091 has:0.0425446555018425 and:0.024043267592787743 :0.06002210080623627 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.04979603365063667 the:0.047755129635334015 to:0.04477871581912041 that:0.025664981454610825 :0.13196347653865814 +whole:0.01631922647356987 day:0.01554133091121912 same:0.011292921379208565 first:0.010372532531619072 :0.2388065904378891 +years:0.11028976738452911 to:0.061363786458969116 miles:0.057757921516895294 and:0.05222274735569954 :0.0930037647485733 +said:0.026125632226467133 United:0.012172249145805836 property:0.006392683368176222 law:0.005320810712873936 :0.1940196454524994 +people:0.03804104030132294 country:0.017359575256705284 government:0.013312110677361488 own:0.012002583593130112 :0.12004205584526062 +posed:0.11232654005289078 vided:0.1019304171204567 duced:0.07059229910373688 ceeded:0.049852967262268066 :0.2401508092880249 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +and:0.07891322672367096 language:0.01383532676845789 or:0.010351764969527721 language,:0.006434696260839701 :0.22920075058937073 +said:0.011935424990952015 same:0.011408445425331593 time:0.007626448292285204 following:0.0056121801026165485 :0.24495409429073334 +and:0.05643288791179657 in:0.05627072602510452 to:0.04608101025223732 of:0.043904390186071396 :0.07202889770269394 +than:0.08668732643127441 or:0.022394482046365738 and:0.01575443521142006 of:0.011953471228480339 :0.26735785603523254 +the:0.2214764654636383 a:0.09631280601024628 which:0.0412992425262928 an:0.017663946375250816 :0.1523464173078537 +the:0.323732852935791 a:0.05671442300081253 this:0.02117493748664856 least:0.015325364656746387 :0.12673358619213104 +the:0.10458792001008987 he:0.03403789922595024 of:0.031461235135793686 they:0.022848723456263542 :0.06642913073301315 +of:0.047681815922260284 and:0.04125753417611122 Mrs.:0.022263536229729652 who:0.01941157877445221 :0.20559580624103546 +of:0.10961373150348663 for:0.08297170698642731 and:0.05545944347977638 in:0.033741772174835205 :0.06683748960494995 +men:0.062119171023368835 man:0.06074584275484085 people:0.03681592270731926 and:0.03395704925060272 :0.3163025379180908 +of:0.031782716512680054 and:0.030291730538010597 to:0.023751508444547653 the:0.022285856306552887 :0.19501912593841553 +be:0.05605710297822952 the:0.04269377514719963 do:0.027036244049668312 make:0.019804252311587334 :0.1442522406578064 +of:0.2137812077999115 and:0.07442916184663773 are:0.04278053715825081 which:0.028637263923883438 :0.08946136385202408 +and:0.01802651397883892 to:0.012783092446625233 in:0.011343773454427719 of:0.008514927700161934 :0.3634411692619324 +a:0.06673143059015274 the:0.03423737734556198 not:0.029429083690047264 to:0.014800267294049263 :0.12381970882415771 +the:0.03704138472676277 was:0.026406165212392807 and:0.02611684799194336 of:0.02325477823615074 :0.17209234833717346 +was:0.16656343638896942 had:0.07493652403354645 has:0.06138351187109947 is:0.05751039460301399 :0.07171215116977692 +of:0.0197587963193655 to:0.015730252489447594 the:0.01570579595863819 and:0.012022235430777073 :0.3252503275871277 +a:0.0726439356803894 the:0.041453536599874496 to:0.022616900503635406 no:0.018998829647898674 :0.15269926190376282 +old:0.016847608610987663 average:0.015229477547109127 order:0.009587923064827919 eye:0.0073887077160179615 :0.24090322852134705 +been:0.03340590000152588 to:0.022219402715563774 and:0.017540087923407555 come:0.015658339485526085 :0.13505563139915466 +and:0.06623473763465881 to:0.042892467230558395 is:0.04148852080106735 in:0.03167124465107918 :0.07178917527198792 +and:0.11083485931158066 in:0.057915098965168 with:0.052750203758478165 of:0.032427188009023666 :0.165969118475914 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.3665037453174591 a:0.0712527185678482 his:0.028506722301244736 tho:0.021135613322257996 :0.0591549277305603 +and:0.041099779307842255 of:0.037495482712984085 was:0.01537031214684248 the:0.014855869114398956 :0.19963248074054718 +of:0.1969595104455948 and:0.061585020273923874 who:0.051860131323337555 in:0.040237635374069214 :0.060773249715566635 +of:0.1078934296965599 and:0.07454020529985428 at:0.03778107836842537 which:0.031172187998890877 :0.07456423342227936 +the:0.1454748958349228 then:0.038301415741443634 that:0.03692243620753288 it:0.029314162209630013 :0.046273164451122284 +and:0.09342803806066513 the:0.056423936039209366 which:0.03936004638671875 in:0.023507384583353996 :0.07245365530252457 +in:0.06990364193916321 up:0.054957836866378784 the:0.05491207167506218 and:0.04485698789358139 :0.047214578837156296 +jority:0.6704164147377014 chine:0.045569419860839844 terial:0.0334126241505146 chinery:0.011958932504057884 :0.1830834150314331 +and:0.14808450639247894 of:0.04137301817536354 in:0.026290856301784515 was:0.02124396152794361 :0.07938753068447113 +the:0.09875110536813736 it:0.0421869158744812 he:0.02537091262638569 a:0.024399852380156517 :0.07307907938957214 +is:0.3323984146118164 was:0.18176475167274475 has:0.043192170560359955 would:0.034068211913108826 :0.029607422649860382 +and:0.05859934538602829 H.:0.03368663042783737 A.:0.019133444875478745 B.:0.018701128661632538 :0.3883287012577057 +one:0.0443536601960659 more:0.03501282259821892 matter:0.034644659608602524 doubt:0.02646072953939438 :0.2214842587709427 +to:0.2403421700000763 in:0.044287797063589096 for:0.03167029097676277 with:0.027470450848340988 :0.039419710636138916 +the:0.22054523229599 a:0.041262175887823105 to:0.020465468987822533 two:0.014732376672327518 :0.08522773534059525 +than:0.2211628258228302 or:0.02781606838107109 and:0.019205398857593536 of:0.017273975536227226 :0.15305471420288086 +to:0.025100072845816612 more:0.013789955526590347 of:0.012997789308428764 or:0.011581433936953545 :0.22118842601776123 +the:0.059996798634529114 in:0.030431773513555527 a:0.023960687220096588 more:0.016223764047026634 :0.13394968211650848 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +said:0.005722559057176113 other:0.0053424593061208725 north:0.0050001852214336395 old:0.004647484980523586 :0.3281911015510559 +and:0.12051069736480713 therefore,:0.0482633113861084 as:0.047540370374917984 or:0.04185118526220322 :0.03640136122703552 +and:0.24355819821357727 of:0.030818745493888855 to:0.02388867549598217 in:0.020750906318426132 :0.12072011083364487 +and:0.05025015026330948 the:0.044088490307331085 to:0.03295962139964104 of:0.019017009064555168 :0.1966855525970459 +the:0.22593800723552704 a:0.03372535482048988 which:0.03019438311457634 their:0.018341880291700363 :0.10934624075889587 +the:0.36707115173339844 a:0.03237615525722504 his:0.02448994480073452 this:0.021497288718819618 :0.0839298814535141 +the:0.11221915483474731 in:0.07882428169250488 is:0.037146419286727905 a:0.03712708130478859 :0.03231114149093628 +the:0.2061217576265335 a:0.04195777326822281 he:0.03092876821756363 it:0.026221508160233498 :0.07090247422456741 +and:0.07930554449558258 the:0.07199041545391083 that:0.022837718948721886 to:0.021609066054224968 :0.12845495343208313 +of:0.052961915731430054 and:0.042259376496076584 to:0.030205469578504562 in:0.014734516851603985 :0.21803930401802063 +the:0.2177533656358719 he:0.06537991762161255 it:0.0438532829284668 they:0.031675953418016434 :0.07096408307552338 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.032557565718889236 of:0.022338613867759705 and:0.012173477560281754 a:0.010442032478749752 :0.34088268876075745 +make:0.04303021356463432 be:0.03665699437260628 see:0.032900214195251465 do:0.024875368922948837 :0.09036160260438919 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +been:0.13396312296390533 a:0.07294942438602448 not:0.04568345844745636 no:0.03326249122619629 :0.07633412629365921 +of:0.3009691834449768 to:0.12910059094429016 and:0.09908228367567062 in:0.03245295584201813 :0.028806302696466446 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +by:0.1975264549255371 to:0.1424473226070404 in:0.11347350478172302 from:0.0626852959394455 :0.03658566623926163 +in:0.034010615199804306 and:0.029196005314588547 at:0.019566688686609268 that:0.01601574383676052 :0.17120887339115143 +and:0.10240854322910309 of:0.07911035418510437 to:0.05657503008842468 in:0.05358360707759857 :0.052912358194589615 +of:0.1529325246810913 and:0.06072031334042549 to:0.051378604024648666 The:0.020706525072455406 :0.13376641273498535 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +mittee:0.11782281845808029 panies:0.07907417416572571 pany:0.0752444937825203 mon:0.04747462272644043 :0.16317637264728546 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +been:0.19447648525238037 a:0.05659855902194977 not:0.054312240332365036 the:0.017912745475769043 :0.10822636634111404 +the:0.21155095100402832 them:0.1317569613456726 him:0.11444634199142456 us:0.10273746401071548 :0.04820205643773079 +people:0.01592393033206463 party:0.013818817213177681 government:0.00892992690205574 own:0.006056973710656166 :0.12977898120880127 +men:0.02125152386724949 two:0.020197074860334396 and:0.011474006809294224 little:0.011276815086603165 :0.2171907275915146 +and:0.0859316736459732 the:0.04757143184542656 to:0.04034280776977539 by:0.03288552910089493 :0.09497664868831635 +and:0.08179552108049393 the:0.07933127135038376 in:0.058562833815813065 a:0.05100780352950096 :0.060149822384119034 +of:0.1961837261915207 and:0.05415765196084976 to:0.03472471609711647 in:0.02740740217268467 :0.06593843549489975 +up:0.07119987159967422 in:0.06550653278827667 down:0.05712311714887619 out:0.0465814433991909 :0.07343106716871262 +a:0.03302224352955818 made:0.031112300232052803 in:0.022469311952590942 the:0.013431263156235218 :0.10073819011449814 +be:0.09013406932353973 do:0.04631004109978676 have:0.04372563585639 make:0.03135271370410919 :0.07859508693218231 +the:0.07649946957826614 and:0.0453377291560173 of:0.032304342836141586 that:0.018791545182466507 :0.18186551332473755 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.11461246013641357 is:0.04123222455382347 in:0.03662794083356857 by:0.030934596434235573 :0.0600459910929203 +the:0.21190743148326874 a:0.034347791224718094 his:0.030602293089032173 this:0.02878153882920742 :0.10618452727794647 +the:0.20979928970336914 a:0.06996910274028778 their:0.050073713064193726 this:0.020085085183382034 :0.08632460236549377 +of:0.07801998406648636 and:0.04891502857208252 to:0.03940988704562187 in:0.030819004401564598 :0.1282099485397339 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +sale:0.021126924082636833 large:0.02051337994635105 vote:0.019326945766806602 majority:0.015249083749949932 :0.1742253452539444 +The:0.08908522129058838 It:0.03565813973546028 I:0.028856633231043816 A:0.023558668792247772 :0.118145652115345 +a:0.15492893755435944 to:0.12465724349021912 the:0.0658675953745842 for:0.030859222635626793 :0.03864084184169769 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.008792849257588387 year:0.008054587058722973 way:0.007703223265707493 meeting:0.006626069080084562 :0.3152288794517517 +a:0.04087464138865471 much:0.03773046284914017 follows::0.034683551639318466 well:0.03175254911184311 :0.1241287812590599 +is:0.2623758614063263 was:0.12217679619789124 will:0.05118650197982788 would:0.045850347727537155 :0.051336877048015594 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.4605608284473419 or:0.08554239571094513 and:0.05741530656814575 in:0.018462633714079857 :0.03384488821029663 +be:0.3144627809524536 have:0.027668088674545288 bo:0.014996018260717392 make:0.012230858206748962 :0.11708195507526398 +and:0.243663489818573 are:0.051148269325494766 to:0.04752442240715027 in:0.03760561719536781 :0.04008204862475395 +of:0.25941410660743713 and:0.052595824003219604 was:0.03093782253563404 before:0.022732805460691452 :0.04293018579483032 +The:0.0707758441567421 I:0.0635385662317276 It:0.061741702258586884 A:0.02684030309319496 :0.08958093076944351 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.07028254866600037 of:0.0695531889796257 was:0.0537426695227623 department:0.047872986644506454 :0.09191262722015381 +the:0.3010237514972687 a:0.07496210187673569 this:0.04172702506184578 his:0.027928238734602928 :0.08245839923620224 +the:0.12459311634302139 a:0.11996901780366898 one:0.01829359494149685 and:0.012503710575401783 :0.16681768000125885 +to:0.15647441148757935 by:0.11746898293495178 in:0.10936354100704193 for:0.046150341629981995 :0.04528269171714783 +are:0.11483923345804214 were:0.09597868472337723 will:0.0752810537815094 have:0.0710834264755249 :0.059421516954898834 +and:0.14599046111106873 of:0.11656884104013443 in:0.03569652512669563 to:0.028343617916107178 :0.0749259814620018 +to:0.10261747241020203 the:0.08043123036623001 of:0.06577667593955994 that:0.05363454297184944 :0.04809025675058365 +was:0.09734330326318741 had:0.06592544168233871 have:0.05676344037055969 am:0.041203077882528305 :0.058241184800863266 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.14574308693408966 us:0.11291265487670898 me:0.05627695843577385 him:0.050036005675792694 :0.08907968550920486 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.05081205442547798 a:0.04120640456676483 to:0.014415700919926167 able:0.01318307500332594 :0.1829890012741089 +of:0.052961915731430054 and:0.042259376496076584 to:0.030205469578504562 in:0.014734516851603985 :0.21803930401802063 +the:0.2944237291812897 he:0.04733764007687569 they:0.041960787028074265 it:0.03725811839103699 :0.057990629225969315 +of:0.3128141760826111 for:0.07479012757539749 and:0.06006123498082161 to:0.040640413761138916 :0.05144455283880234 +and:0.06809037923812866 of:0.02346523106098175 The:0.022157734259963036 the:0.019991476088762283 :0.1659383922815323 +ficient:0.7873309254646301 fered:0.052293941378593445 fering:0.04770134761929512 the:0.003190112067386508 :0.07459789514541626 +and:0.07232222706079483 as:0.03826350346207619 to:0.028765909373760223 of:0.025885503739118576 :0.1920897662639618 +the:0.285072922706604 into:0.08089824765920639 a:0.07176478952169418 and:0.03489763289690018 :0.12396130710840225 +May,:0.0833473950624466 April,:0.04520514979958534 the:0.04390218108892441 March,:0.04221765697002411 :0.09877561777830124 +and:0.043764084577560425 the:0.042823322117328644 of:0.03121180832386017 The:0.017381852492690086 :0.2079831212759018 +mysteries:0.05952434241771698 and:0.05129973590373993 in:0.02191714011132717 part:0.011172001250088215 :0.1630929708480835 +the:0.17482291162014008 in:0.08714374899864197 a:0.05872346833348274 to:0.04526764899492264 :0.05354228988289833 +The:0.12627480924129486 We:0.06322161108255386 It:0.05286349728703499 I:0.027818992733955383 :0.09817514568567276 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.04761480540037155 of:0.03591400012373924 are:0.023212479427456856 was:0.0231462474912405 :0.20002491772174835 +and:0.10182058811187744 to:0.015082510188221931 in:0.01445110235363245 of:0.013703678734600544 :0.30981695652008057 +and:0.13231128454208374 of:0.07051245123147964 to:0.025118619203567505 that:0.022028815001249313 :0.09843538701534271 +of:0.26382148265838623 the:0.10358820110559464 was:0.06473945081233978 to:0.028963463380932808 :0.05036185309290886 +of:0.23454172909259796 in:0.14431147277355194 on:0.05512808635830879 and:0.045981355011463165 :0.05270976945757866 +.:0.01744440756738186 d:0.01676357351243496 e:0.01572350412607193 y:0.01567300595343113 :0.288582980632782 +point:0.08650990575551987 time:0.0400233268737793 distance:0.03240429610013962 cost:0.027112331241369247 :0.13993725180625916 +the:0.45511677861213684 a:0.028396256268024445 tho:0.016921399161219597 be:0.013310974463820457 :0.06169427931308746 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +a:0.06447240710258484 the:0.06198032200336456 now:0.05009854584932327 not:0.041749678552150726 :0.08815642446279526 +to:0.6742824912071228 by:0.051291149109601974 the:0.03231605514883995 for:0.012320293113589287 :0.018184933811426163 +tem:0.6520005464553833 and:0.02137841284275055 tem.:0.004371217451989651 condition:0.004036789759993553 :0.1282273679971695 +only:0.09263844043016434 to:0.039800744503736496 less:0.038628458976745605 a:0.03270646184682846 :0.10843927413225174 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +course:0.009455808438360691 business:0.006596812978386879 man:0.005750762298703194 men:0.004248690791428089 :0.2147442251443863 +the:0.15644395351409912 be:0.023951679468154907 make:0.01680717058479786 a:0.013820555061101913 :0.11410041898488998 +the:0.30620184540748596 a:0.02791530080139637 this:0.020483925938606262 their:0.02018303982913494 :0.11632847040891647 +the:0.1714889258146286 he:0.08647818863391876 they:0.055346064269542694 I:0.03868737816810608 :0.09309859573841095 +and:0.029260650277137756 of:0.013504792004823685 other:0.007818464189767838 men:0.007657427340745926 :0.19566042721271515 +the:0.30907896161079407 a:0.058800164610147476 this:0.026613352820277214 his:0.021214382722973824 :0.08189243078231812 +been:0.37725523114204407 had:0.029504738748073578 not:0.02677948586642742 the:0.018127506598830223 :0.05087440460920334 +the:0.24784770607948303 a:0.027375929057598114 them:0.025499792769551277 his:0.022500816732645035 :0.14584113657474518 +and:0.04181015491485596 of:0.029166456311941147 is:0.02103433385491371 a:0.019178537651896477 :0.15434905886650085 +own:0.04081447422504425 home:0.013125790283083916 wife:0.008947865106165409 friends:0.006803629919886589 :0.15939073264598846 +and:0.10201898217201233 of:0.09321020543575287 that:0.08304940164089203 to:0.0560629703104496 :0.04249732941389084 +is:0.18500252068042755 was:0.13358420133590698 would:0.07273481041193008 has:0.07148969918489456 :0.04941997677087784 +same:0.010815607383847237 first:0.0077217500656843185 whole:0.006170840468257666 way:0.0058444952592253685 :0.13427278399467468 +have:0.15657615661621094 are:0.11812344193458557 were:0.06235668435692787 had:0.031704165041446686 :0.049045637249946594 +to:0.399929404258728 that:0.18341192603111267 by:0.06334059685468674 the:0.0462564192712307 :0.03026110678911209 +and:0.05301212891936302 in:0.0486450158059597 the:0.04743446037173271 to:0.02692401222884655 :0.07072824984788895 +the:0.15155571699142456 a:0.07355951517820358 he:0.018134916201233864 which:0.014887033961713314 :0.07387139648199081 +and:0.09276016056537628 the:0.042307157069444656 for:0.036497268825769424 to:0.031129203736782074 :0.09827923029661179 +the:0.3821508288383484 a:0.07595913112163544 his:0.04646096006035805 their:0.02822876162827015 :0.027276882901787758 +of:0.3081595003604889 to:0.14689141511917114 in:0.05578158050775528 and:0.051838792860507965 :0.0367325022816658 +the:0.2990802526473999 a:0.03626471012830734 this:0.021225037053227425 tho:0.015297246165573597 :0.07444959133863449 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +The:0.10813736170530319 It:0.09959645569324493 He:0.04859339818358421 If:0.03537729009985924 :0.07425042986869812 +the:0.10668212175369263 a:0.03172438219189644 that:0.015613292343914509 as:0.014868003316223621 :0.08959446102380753 +and:0.14147403836250305 the:0.053457506000995636 but:0.04809762164950371 that:0.043675828725099564 :0.060618806630373 +was:0.07266438752412796 had:0.03409114480018616 said:0.022599155083298683 has:0.02118760719895363 :0.11210428178310394 +the:0.20318657159805298 a:0.06769853085279465 which:0.03166176751255989 all,:0.02885386534035206 :0.08100182563066483 +the:0.12398839741945267 a:0.07428586483001709 to:0.05741998180747032 well:0.05155126005411148 :0.12439262866973877 +and:0.2116212248802185 the:0.06640201061964035 that:0.04742987081408501 which:0.04019521549344063 :0.05174880847334862 +the:0.12461529672145844 a:0.021217716857790947 that:0.01413439866155386 to:0.011396205052733421 :0.15846684575080872 +the:0.08786900341510773 to:0.05248625949025154 a:0.030529841780662537 and:0.029249493032693863 :0.09446462988853455 +are:0.09685977548360825 were:0.06286848336458206 will:0.06260637193918228 have:0.05200133100152016 :0.12228066474199295 +ing:0.4681161642074585 ed:0.21025584638118744 der:0.02029387280344963 and:0.010699965059757233 :0.1036260575056076 +and:0.06699647009372711 of:0.057095348834991455 was:0.03649498149752617 is:0.030011404305696487 :0.09005186706781387 +the:0.11829672008752823 of:0.0660921111702919 is:0.06350572407245636 a:0.04702288657426834 :0.07193496078252792 +great:0.01744912751019001 large:0.01465519331395626 few:0.014239659532904625 man:0.013621133752167225 :0.17274712026119232 +were:0.12966187298297882 are:0.0852864608168602 had:0.0575626865029335 have:0.05039018392562866 :0.05117782577872276 +people:0.00838162936270237 most:0.007312420289963484 whole:0.005040068179368973 right:0.0046590277925133705 :0.17587876319885254 +to:0.08639967441558838 and:0.07890940457582474 of:0.03809065371751785 in:0.027725087478756905 :0.15037979185581207 +been:0.2651047706604004 the:0.02580641396343708 not:0.025459913536906242 a:0.022140808403491974 :0.10855196416378021 +and:0.14966541528701782 the:0.08356794714927673 but:0.07240121066570282 that:0.014693689532577991 :0.10136785358190536 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.016273999586701393 condition:0.007417041342705488 laxative:0.006058108992874622 work:0.005678416229784489 :0.11178270727396011 +the:0.28629034757614136 a:0.04508298262953758 his:0.025445591658353806 tho:0.014206508174538612 :0.23548221588134766 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.1709955483675003 a:0.0439554899930954 tho:0.015773406252264977 this:0.013036337681114674 :0.24321319162845612 +The:0.05067688971757889 A:0.01875634677708149 I:0.017722193151712418 and:0.017680125311017036 :0.34325727820396423 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +and:0.23464731872081757 of:0.09163162857294083 to:0.08283241838216782 in:0.05179029330611229 :0.03926379978656769 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +and:0.16760364174842834 dated:0.12172812968492508 to:0.05692046508193016 of:0.039906930178403854 :0.08148765563964844 +every:0.17687822878360748 the:0.09833885729312897 all:0.04271712526679039 a:0.038379766047000885 :0.10422173142433167 +the:0.23600436747074127 his:0.026392249390482903 a:0.021009070798754692 their:0.01872868277132511 :0.09871289134025574 +up:0.1443505436182022 out:0.06602559238672256 into:0.048335447907447815 to:0.036839939653873444 :0.07341089844703674 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.15160666406154633 or:0.07294681668281555 in:0.059147268533706665 of:0.041588444262742996 :0.10277941823005676 +not:0.05587657168507576 to:0.03034619241952896 the:0.02603321336209774 in:0.020103780552744865 :0.17117416858673096 +the:0.034360818564891815 a:0.01605234295129776 most:0.012241235002875328 more:0.007906105369329453 :0.22587135434150696 +ceived:0.051136936992406845 mained:0.03599686920642853 mains:0.03090163692831993 cently:0.028409166261553764 :0.3161565959453583 +in:0.15282677114009857 and:0.07426103949546814 at:0.05934513360261917 with:0.05501684546470642 :0.05125723034143448 +and:0.08064266294240952 to:0.03201528638601303 The:0.029231559485197067 in:0.019574876874685287 :0.1676018238067627 +of:0.07347409427165985 in:0.018918059766292572 hour:0.009409500285983086 the:0.009304162114858627 :0.2893669903278351 +the:0.2532741129398346 a:0.11363459378480911 ten:0.03463544696569443 three:0.02503877878189087 :0.04534564167261124 +United:0.007973569445312023 State:0.005044505000114441 most:0.004458304960280657 city:0.004016027320176363 :0.3615207076072693 +the:0.10554519295692444 a:0.015875330194830894 which:0.01188410259783268 their:0.010096128098666668 :0.1481761336326599 +the:0.20443828403949738 it:0.039741188287734985 they:0.03897245228290558 he:0.02880713902413845 :0.05650011822581291 +and:0.17398013174533844 but:0.05133504793047905 to:0.03433673828840256 as:0.032752424478530884 :0.05406343936920166 +the:0.11730216443538666 to:0.020653706043958664 of:0.01516858022660017 a:0.014614786021411419 :0.13700132071971893 +wife,:0.03618200495839119 own:0.019316434860229492 wife:0.016476640477776527 head:0.009530908428132534 :0.19299203157424927 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +was:0.11229594051837921 had:0.073313869535923 is:0.0379495844244957 would:0.03559785336256027 :0.10190669447183609 +the:0.05794978141784668 other:0.011419861577451229 a:0.01110027451068163 that:0.008889637887477875 :0.19806858897209167 +man:0.1159023568034172 men:0.060544975101947784 lady:0.042252253741025925 people:0.03486284613609314 :0.17542682588100433 +and:0.1047777310013771 the:0.062270332127809525 that:0.04385147988796234 to:0.039563730359077454 :0.06245452165603638 +been:0.734262228012085 no:0.02985103242099285 a:0.0189043078571558 not:0.017738791182637215 :0.020473334938287735 +course:0.11231754720211029 course,:0.07850883156061172 the:0.06784307956695557 that:0.03131652995944023 :0.13189682364463806 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +to:0.21822942793369293 on:0.06705276668071747 out:0.04639759287238121 into:0.03192255645990372 :0.15790118277072906 +and:0.07596233487129211 to:0.04751791059970856 the:0.04525486007332802 of:0.027657877653837204 :0.19659948348999023 +be:0.0750151053071022 the:0.06370319426059723 make:0.01905113272368908 have:0.01854013279080391 :0.12936817109584808 +the:0.16308525204658508 he:0.1056610494852066 they:0.09463673084974289 it:0.0558382123708725 :0.04611997306346893 +the:0.24253425002098083 be:0.03314215689897537 whether:0.028364010155200958 make:0.020574694499373436 :0.07394088059663773 +in:0.04615180194377899 and:0.023660309612751007 on:0.022472411394119263 the:0.019231677055358887 :0.1406148076057434 +street:0.20306186378002167 street,:0.09397188574075699 avenue,:0.07573015242815018 avenue:0.06219105422496796 :0.14734449982643127 +was:0.08456920832395554 he:0.06053321808576584 is:0.05214608460664749 the:0.04115590080618858 :0.0704854354262352 +the:0.2020290195941925 in:0.17354334890842438 them:0.04508998245000839 him:0.04050218686461449 :0.03758654370903969 +was:0.07443024963140488 has:0.037241555750370026 had:0.030577635392546654 is:0.02654433436691761 :0.16569767892360687 +and:0.23586148023605347 but:0.08866918832063675 the:0.04065525159239769 he:0.039643317461013794 :0.09454146027565002 +to:0.05822913348674774 the:0.05183146148920059 and:0.032778624445199966 a:0.02047363854944706 :0.14508557319641113 +the:0.12561067938804626 he:0.08920741826295853 they:0.0636695995926857 it:0.05227671563625336 :0.06601455807685852 +wife,:0.07312441617250443 wife:0.04824110120534897 wife.:0.037514202296733856 own:0.021422045305371284 :0.12954352796077728 +the:0.48294466733932495 this:0.03445257246494293 our:0.028491685166954994 tho:0.02099672332406044 :0.05795913562178612 +to:0.41301727294921875 that:0.13610392808914185 by:0.03585725277662277 for:0.02433493547141552 :0.022007040679454803 +is:0.11332624405622482 was:0.1124475970864296 to:0.06859197467565536 that:0.061665959656238556 :0.06769746541976929 +and:0.055381037294864655 the:0.03162497282028198 of:0.02811524271965027 to:0.02208566665649414 :0.2562679946422577 +the:0.3303773105144501 a:0.05327875167131424 this:0.025862133130431175 his:0.016915198415517807 :0.17002859711647034 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +and:0.20673725008964539 but:0.06745760887861252 the:0.05326680466532707 which:0.02952243760228157 :0.09237810969352722 +not:0.056718721985816956 to:0.05092709884047508 now:0.02576258033514023 in:0.021164564415812492 :0.13482853770256042 +be:0.3376522362232208 have:0.13266101479530334 the:0.021275922656059265 bo:0.015440438874065876 :0.06727791577577591 +to:0.4479978382587433 that:0.18474312126636505 the:0.0195199865847826 a:0.019015826284885406 :0.049682069569826126 +and:0.04807933792471886 the:0.037793099880218506 in:0.022707851603627205 to:0.019628914073109627 :0.1694888025522232 +man:0.05737428739666939 and:0.03177926689386368 fellow:0.023305397480726242 people:0.017591483891010284 :0.18606793880462646 +the:0.1906031221151352 cases:0.04164822772145271 its:0.03307751938700676 parts:0.030590612441301346 :0.09822328388690948 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +scribed:0.1848522275686264 and:0.13248953223228455 the:0.01780848763883114 which:0.01705879718065262 :0.11822760105133057 +The:0.1358317881822586 It:0.042447615414857864 He:0.042221345007419586 A:0.032683100551366806 :0.09467848390340805 +the:0.019978759810328484 of:0.019893933087587357 and:0.017358707264065742 to:0.012353255413472652 :0.31927353143692017 +is:0.1706904172897339 was:0.1290082484483719 are:0.11152967810630798 were:0.06314719468355179 :0.04887554422020912 +of:0.05568132549524307 and:0.04552701115608215 The:0.024792779237031937 the:0.024754012003540993 :0.13328634202480316 +ning:0.7991055250167847 the:0.014261404052376747 ning.:0.013366688042879105 In:0.00920544471591711 :0.05157396197319031 +the:0.11000915616750717 a:0.09820807725191116 to:0.07022039592266083 they:0.043087661266326904 :0.062489382922649384 +most:0.034457284957170486 only:0.022706162184476852 best:0.022034166380763054 same:0.01625859923660755 :0.2168864905834198 +the:0.44468358159065247 a:0.03224970027804375 his:0.02544260025024414 tho:0.016656767576932907 :0.07428791373968124 +the:0.2177291065454483 a:0.026220198720693588 his:0.025604652240872383 this:0.022015197202563286 :0.12458641827106476 +and:0.04093339666724205 of:0.036822300404310226 Mrs.:0.013941916637122631 the:0.013454572297632694 :0.23129989206790924 +the:0.06293340027332306 be:0.04612468555569649 make:0.02177277021110058 do:0.020907076075673103 :0.11144357919692993 +and:0.06181712821125984 of:0.028551995754241943 the:0.024418797343969345 The:0.012518285773694515 :0.208424910902977 +of:0.8022950291633606 to:0.01712675206363201 or:0.011633663438260555 in:0.011225547641515732 :0.02846936322748661 +part:0.026960840448737144 member:0.018744265660643578 good:0.01739789918065071 great:0.015684787184000015 :0.19460447132587433 +a:0.2201695740222931 the:0.17491362988948822 an:0.02755620703101158 his:0.019441545009613037 :0.08377031236886978 +is:0.08137311041355133 the:0.03425050526857376 was:0.03264591097831726 he:0.02259412780404091 :0.0907772034406662 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +to:0.07734658569097519 from:0.07365883141756058 up:0.06985750049352646 in:0.06595277041196823 :0.04804180562496185 +and:0.0591670386493206 to:0.018708061426877975 of:0.01654420793056488 in:0.014913132414221764 :0.2961850166320801 +most:0.012713697738945484 same:0.008999637328088284 fact:0.007838762365281582 best:0.006586431059986353 :0.20620959997177124 +E.:0.024008946493268013 A:0.01698598638176918 W.:0.015499832108616829 and:0.014453013427555561 :0.5391045808792114 +to:0.5163059830665588 as:0.0214461088180542 a:0.021331757307052612 in:0.01685870811343193 :0.07725405693054199 +the:0.10298802703619003 that:0.09754979610443115 to:0.04305648431181908 upon:0.04166959971189499 :0.03953882306814194 +The:0.08597639203071594 A:0.028138868510723114 It:0.02528035268187523 He:0.02512839064002037 :0.08308780193328857 +the:0.35541778802871704 a:0.04863546043634415 this:0.02556232176721096 his:0.021963022649288177 :0.0875583365559578 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.21080102026462555 he:0.08444344997406006 it:0.074442058801651 they:0.04224138706922531 :0.04134426638484001 +the:0.46904081106185913 a:0.04720764234662056 tho:0.021363215520977974 his:0.021234283223748207 :0.0632658526301384 +of:0.574495792388916 and:0.013484721072018147 ot:0.012213408015668392 was:0.009433741681277752 :0.10472307354211807 +the:0.13296902179718018 to:0.051413048058748245 a:0.02671264111995697 on:0.02584480680525303 :0.1418336182832718 +the:0.2376471310853958 a:0.021880149841308594 this:0.015277193859219551 tho:0.011889616027474403 :0.16373731195926666 +is:0.0791245549917221 was:0.04493801295757294 Is:0.010854186490178108 will:0.010594840161502361 :0.10161653906106949 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +to:0.7211775779724121 a:0.016067923977971077 in:0.013337378390133381 as:0.013328077271580696 :0.031016018241643906 +said:0.02630019746720791 necessary:0.024182887747883797 the:0.023610929027199745 a:0.023093437775969505 :0.15968811511993408 +the:0.2045014351606369 a:0.047520656138658524 this:0.024327941238880157 his:0.014315816573798656 :0.1468905359506607 +than:0.1443965584039688 and:0.11568702757358551 of:0.11227880418300629 to:0.11165414750576019 :0.08015156537294388 +out:0.09534095972776413 over:0.08727031201124191 to:0.07509999722242355 into:0.0653037503361702 :0.045815255492925644 +be:0.05170304700732231 make:0.029261566698551178 get:0.026941539719700813 the:0.024317177012562752 :0.0973522737622261 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +been:0.4275861382484436 to:0.035537444055080414 not:0.032879870384931564 the:0.01732173003256321 :0.04837389662861824 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +the:0.10551781207323074 to:0.054662689566612244 a:0.053442295640707016 it:0.035923488438129425 :0.04745025560259819 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.1284211277961731 to:0.06443784385919571 of:0.05624856799840927 are:0.046296704560518265 :0.050502896308898926 +o'clock:0.5237705111503601 o’clock:0.10032451897859573 per:0.03872619941830635 cents:0.026957737281918526 :0.04274717718362808 +of:0.10555044561624527 to:0.0809331014752388 who:0.08023250102996826 and:0.05504622310400009 :0.03931808099150658 +the:0.2811163663864136 a:0.03357113525271416 his:0.014395970851182938 tho:0.013317537494003773 :0.1191907599568367 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +was:0.20007500052452087 is:0.19532577693462372 would:0.06084086000919342 has:0.053127024322748184 :0.03828766196966171 +and:0.07615960389375687 the:0.062168728560209274 in:0.052061330527067184 a:0.04812634363770485 :0.09063811600208282 +have:0.12150314450263977 had:0.0699765682220459 was:0.05710187181830406 am:0.05171869322657585 :0.08304376900196075 +that:0.28210514783859253 the:0.12409511208534241 it:0.057180896401405334 they:0.024380143731832504 :0.01998814195394516 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +first:0.007979793474078178 line:0.007653406821191311 man:0.006306698080152273 old:0.0059783547185361385 :0.21754400432109833 +be:0.236748605966568 have:0.11768870055675507 not:0.03325231745839119 make:0.013744497671723366 :0.0889148935675621 +of:0.3056270182132721 and:0.14164966344833374 to:0.05118240788578987 for:0.028601672500371933 :0.0406365804374218 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +creased:0.04320569708943367 terest:0.0326513834297657 terested:0.017790356650948524 creasing:0.0172695592045784 :0.42601490020751953 +the:0.10919053852558136 a:0.04102252051234245 that:0.013160462491214275 of:0.01219667587429285 :0.1315191239118576 +the:0.2289166897535324 a:0.09068746119737625 in:0.03586689755320549 to:0.027236388996243477 :0.049247901886701584 +of:0.23573490977287292 the:0.08342135697603226 and:0.05356774106621742 to:0.04718330129981041 :0.04087024927139282 +the:0.1026201993227005 we:0.04575992003083229 that:0.040650974959135056 it:0.03165556862950325 :0.036537863314151764 +and:0.04835011065006256 of:0.034921057522296906 to:0.024651603773236275 the:0.019077282398939133 :0.24211899936199188 +after:0.14823105931282043 from:0.07109241187572479 (exclusive:0.061426881700754166 before:0.06089070066809654 :0.055154360830783844 +the:0.06794090569019318 be:0.04956771805882454 make:0.034095149487257004 do:0.024947691708803177 :0.07319609075784683 +the:0.21149638295173645 that:0.06468120962381363 of:0.0414494164288044 over:0.014991275034844875 :0.09045678377151489 +was:0.16145579516887665 is:0.13999398052692413 has:0.041723549365997314 would:0.01982005499303341 :0.10288958996534348 +and:0.04747970402240753 the:0.0339445136487484 in:0.03201426938176155 cabin:0.026017166674137115 :0.1491878777742386 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.2980075180530548 which:0.04590220004320145 this:0.04575026035308838 a:0.029531557112932205 :0.06929808109998703 +point:0.04157324507832527 stake:0.019657595083117485 large:0.017763804644346237 great:0.014630108140408993 :0.1461859792470932 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.2655717730522156 be:0.03437120467424393 a:0.03103632479906082 his:0.015521959401667118 :0.07327192276716232 +and:0.09431181848049164 or:0.07369646430015564 in:0.06312508881092072 of:0.0369039922952652 :0.09022494405508041 +of:0.04270418360829353 and:0.033242907375097275 people:0.018052347004413605 roads:0.016154279932379723 :0.15349727869033813 +to:0.020961100235581398 is:0.01696203276515007 year:0.010392769239842892 and:0.010319766588509083 :0.12606669962406158 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +and:0.20909717679023743 the:0.04691730812191963 which:0.04515482485294342 in:0.03597724437713623 :0.05195774510502815 +the:0.038925062865018845 unlimited:0.03745999187231064 a:0.013877551071345806 other:0.011661799624562263 :0.2610764503479004 +are:0.05141835659742355 were:0.029869819059967995 men:0.02393305115401745 two:0.020237671211361885 :0.1280510276556015 +C:0.025365715846419334 S.:0.023573437705636024 D.:0.01782066747546196 C.:0.01567007601261139 :0.29681432247161865 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +same:0.006870324723422527 whole:0.006322384811937809 first:0.00627827737480402 old:0.004453200381249189 :0.2348664551973343 +same:0.01872333697974682 first:0.01203897874802351 whole:0.00930108968168497 next:0.006069493014365435 :0.12471657991409302 +the:0.06087964028120041 not:0.05216219276189804 all:0.017830759286880493 to:0.016705621033906937 :0.12455939501523972 +the:0.42600125074386597 a:0.05645448714494705 tho:0.018787704408168793 said:0.01659742183983326 :0.05181972682476044 +and:0.02308577485382557 river:0.013299224898219109 of:0.005386725999414921 I:0.005128767807036638 :0.24013523757457733 +for:0.24429276585578918 of:0.11825830489397049 and:0.04566866531968117 to:0.03345842659473419 :0.030907992273569107 +are:0.0932055190205574 will:0.06830812990665436 were:0.0655166357755661 have:0.06289663910865784 :0.10870962589979172 +of:0.15071938931941986 that:0.061890166252851486 and:0.054455552250146866 in:0.05124622955918312 :0.03401745855808258 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +of:0.6968683004379272 and:0.025525884702801704 ot:0.01981297694146633 in:0.01075262762606144 :0.024742886424064636 +to:0.8410831689834595 and:0.0182084571570158 for:0.017466021701693535 or:0.011047936044633389 :0.01039667334407568 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.04589007794857025 and:0.01627027615904808 r:0.015389468520879745 a:0.013140859082341194 :0.34132009744644165 +ceive:0.06768820434808731 main:0.051970161497592926 turn:0.042511191219091415 quire:0.028474746271967888 :0.25440120697021484 +the:0.3052365779876709 a:0.054222386330366135 this:0.03887850418686867 his:0.024687936529517174 :0.08016286045312881 +the:0.05919298529624939 of:0.023609712719917297 I:0.018720166757702827 it:0.01866157539188862 :0.21977411210536957 +been:0.22281159460544586 a:0.05023995414376259 not:0.02663886733353138 the:0.02092059515416622 :0.09591406583786011 +of:0.26166126132011414 who:0.0577114038169384 to:0.04644044488668442 in:0.0401947945356369 :0.036791641265153885 +the:0.03490433469414711 to:0.030834581702947617 and:0.027459897100925446 of:0.022100787609815598 :0.20628975331783295 +be:0.19166840612888336 not:0.072444386780262 he:0.01877846196293831 have:0.018294507637619972 :0.07782091945409775 +of:0.49650683999061584 for:0.09443343430757523 on:0.03811304643750191 in:0.03067948669195175 :0.029690664261579514 +people:0.0069239516742527485 most:0.005949033889919519 said:0.005041284952312708 law:0.004965309519320726 :0.1468951553106308 +of:0.12000703066587448 was:0.030397627502679825 is:0.026802878826856613 and:0.019365746527910233 :0.16274411976337433 +and:0.08064266294240952 to:0.03201528638601303 The:0.029231559485197067 in:0.019574876874685287 :0.1676018238067627 +to:0.06671927124261856 and:0.0474373921751976 a:0.042975906282663345 the:0.025714891031384468 :0.07400640100240707 +who:0.06519576162099838 of:0.06180739030241966 to:0.028783679008483887 and:0.022234441712498665 :0.08094105124473572 +was:0.07726441323757172 had:0.06851661205291748 has:0.05525830760598183 is:0.05169340595602989 :0.07759829610586166 +.:0.03474664315581322 few:0.0328044593334198 man:0.02145596779882908 large:0.019863255321979523 :0.1226610392332077 +to:0.09159005433320999 different:0.037743035703897476 new:0.0302275437861681 the:0.022860802710056305 :0.2654948830604553 +be:0.18929994106292725 have:0.061133988201618195 deem:0.04819725081324577 not:0.03606323525309563 :0.08580651134252548 +the:0.0707097128033638 see:0.04027945548295975 be:0.02408752031624317 do:0.022421086207032204 :0.12594787776470184 +the:0.10208729654550552 be:0.021146751940250397 make:0.017223723232746124 a:0.013198059052228928 :0.0961756482720375 +the:0.5189464688301086 said:0.06183953210711479 this:0.03072184883058071 a:0.023905126377940178 :0.05384758859872818 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +and:0.17684456706047058 of:0.11890187859535217 in:0.05479316785931587 to:0.053355623036623 :0.057108886539936066 +a:0.09256401658058167 to:0.057883989065885544 not:0.04877404496073723 the:0.035795461386442184 :0.09561236202716827 +of:0.25727781653404236 and:0.06631147861480713 to:0.052523624151945114 at:0.05116245895624161 :0.11116590350866318 +are:0.09821541607379913 have:0.09738810360431671 do:0.028411975130438805 were:0.02603326365351677 :0.04929809644818306 +to:0.13555411994457245 a:0.11952577531337738 the:0.08575693517923355 them:0.04254387319087982 :0.0467994399368763 +of:0.41839399933815 that:0.052532315254211426 to:0.040708813816308975 and:0.03941812366247177 :0.030713096261024475 +be:0.5106467008590698 have:0.04965582862496376 he:0.03142016381025314 bo:0.0275767482817173 :0.03655325621366501 +that:0.07036437839269638 the:0.046612635254859924 he:0.04136972874403 to:0.0266824122518301 :0.16936831176280975 +to:0.06216103956103325 that:0.05761728808283806 how:0.028315266594290733 the:0.026386160403490067 :0.11269911378622055 +that:0.14262755215168 the:0.0794239416718483 and:0.07821742445230484 as:0.030148113146424294 :0.05302157998085022 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +result:0.029124382883310318 matter:0.0166524238884449 rule,:0.011289612390100956 man:0.010609658434987068 :0.1965998411178589 +to:0.08832626044750214 in:0.06987465918064117 and:0.05549182742834091 was:0.05167572200298309 :0.03963611647486687 +same:0.012395639903843403 people:0.00872820895165205 fact:0.008219708688557148 most:0.008185602724552155 :0.1641366332769394 +a:0.09054484963417053 not:0.05907275155186653 the:0.05140354856848717 to:0.020944934338331223 :0.08050735294818878 +the:0.1777314841747284 be:0.02521245740354061 make:0.02043488807976246 do:0.01233776193112135 :0.09994065761566162 +be:0.06622748076915741 see:0.051006462424993515 know:0.04430639371275902 make:0.025337766855955124 :0.09863627701997757 +the:0.0814024955034256 and:0.07257955521345139 to:0.023256773129105568 The:0.02125728689134121 :0.1309465765953064 +of:0.05087713524699211 year:0.03771151974797249 and:0.03695235773921013 other:0.03224719315767288 :0.12639030814170837 +the:0.286844938993454 a:0.07005143165588379 his:0.02150934375822544 this:0.0181443952023983 :0.08749031275510788 +a:0.10892137885093689 the:0.07961830496788025 not:0.036237068474292755 to:0.02532261423766613 :0.14692692458629608 +to:0.6224998235702515 for:0.052206628024578094 of:0.023351842537522316 in:0.01586906984448433 :0.038020648062229156 +The:0.16224408149719238 He:0.07042159885168076 It:0.04437075927853584 This:0.03270147368311882 :0.10293981432914734 +not:0.4903988540172577 the:0.024457033723592758 you:0.014414231292903423 so:0.014402676373720169 :0.0900321751832962 +the:0.06254741549491882 a:0.011542216874659061 that:0.010879721492528915 he:0.009061897173523903 :0.3084714114665985 +the:0.06119423732161522 a:0.021816985681653023 tho:0.008016902022063732 be:0.007471887394785881 :0.23440560698509216 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.48323673009872437 in:0.05125615745782852 and:0.02691149152815342 thereof,:0.016898682340979576 :0.016127903014421463 +wife:0.02598981186747551 name:0.020720254629850388 father:0.014609984122216702 own:0.011758034117519855 :0.135678231716156 +been:0.4571687579154968 to:0.07580912858247757 the:0.022472664713859558 a:0.022018760442733765 :0.060762450098991394 +the:0.05947042629122734 a:0.018953654915094376 and:0.017695967108011246 I:0.011936508119106293 :0.17824378609657288 +of:0.11650015413761139 and:0.054498132318258286 to:0.018676673993468285 The:0.01814979873597622 :0.1825660616159439 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +the:0.3279881179332733 a:0.06819194555282593 this:0.036330655217170715 tho:0.015458665788173676 :0.08211226016283035 +to:0.06667505204677582 that:0.04830426722764969 in:0.01999722421169281 of:0.017019065096974373 :0.11358873546123505 +the:0.3472929000854492 a:0.05082886666059494 this:0.024308985099196434 all:0.01670008897781372 :0.16762422025203705 +guaranteed:0.08165110647678375 that:0.061510853469371796 to:0.04080798104405403 the:0.023806603625416756 :0.16641217470169067 +far:0.17381399869918823 he:0.050394926220178604 the:0.05009938403964043 it:0.046966295689344406 :0.05747547373175621 +of:0.061475854367017746 or:0.05256274715065956 and:0.029551422223448753 to:0.026661254465579987 :0.169186070561409 +the:0.3426002860069275 a:0.03727903217077255 his:0.025884944945573807 tho:0.02356105111539364 :0.04846375435590744 +the:0.22360636293888092 a:0.06302021443843842 one:0.02086390182375908 his:0.016500024124979973 :0.1111883595585823 +of:0.21406997740268707 hundred:0.03235819935798645 and:0.014862236566841602 or:0.014561207965016365 :0.13866087794303894 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +seem:0.030491279438138008 know:0.028958924114704132 appear:0.020239373669028282 have:0.016891207545995712 :0.09509699791669846 +and:0.16557683050632477 or:0.028046127408742905 is:0.025806693360209465 has:0.01964271441102028 :0.13198140263557434 +of:0.10768181085586548 and:0.08808301389217377 to:0.057422250509262085 for:0.03992616757750511 :0.05206894129514694 +years:0.1072583869099617 miles:0.035076674073934555 days:0.023242752999067307 feet:0.018764100968837738 :0.22810617089271545 +the:0.13792301714420319 a:0.05637272447347641 to:0.031021032482385635 it:0.024064229801297188 :0.09665798395872116 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +same:0.01575041003525257 first:0.00765940360724926 following:0.0075914291664958 whole:0.007337056566029787 :0.1820496767759323 +have:0.12046751379966736 are:0.09362601488828659 to:0.03669394552707672 will:0.03509141132235527 :0.043096233159303665 +neck:0.014659594744443893 house:0.008001371286809444 neck,:0.005475328303873539 world:0.004466727375984192 :0.1974511295557022 +to:0.8601229786872864 the:0.014460965991020203 with:0.01003104355186224 a:0.008288995362818241 :0.011838115751743317 +said:0.014038375578820705 people:0.012619299814105034 United:0.008266115561127663 same:0.008011269383132458 :0.16576042771339417 +same:0.013585232198238373 first:0.012981027364730835 city:0.012977709993720055 case:0.009776578284800053 :0.1773841828107834 +turn:0.030977323651313782 port:0.022987112402915955 spective:0.02070457674562931 quest:0.016729669645428658 :0.3996888995170593 +the:0.44941097497940063 a:0.042595695704221725 tho:0.022237423807382584 this:0.019286859780550003 :0.06084192544221878 +and:0.04141689091920853 W.:0.013275413773953915 Mrs.:0.012930878438055515 who:0.009330564178526402 :0.24656076729297638 +the:0.09364205598831177 a:0.030856618657708168 to:0.024686725810170174 that:0.018309682607650757 :0.1265273541212082 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +the:0.07870379835367203 a:0.01725791022181511 and:0.013512936420738697 to:0.01230001263320446 :0.27434685826301575 +The:0.15794777870178223 He:0.04360693320631981 A:0.04218102991580963 It:0.04054021090269089 :0.14637549221515656 +be:0.2239324003458023 not:0.08992911130189896 have:0.034259162843227386 probably:0.02359933592379093 :0.05380513519048691 +a:0.09719618409872055 the:0.04701770469546318 one:0.04265094920992851 in:0.023990612477064133 :0.12282519042491913 +to:0.6235367655754089 for:0.05471842363476753 evidence:0.028099315240979195 and:0.014798948541283607 :0.03302907571196556 +said:0.008219444192945957 most:0.007830330170691013 first:0.007484378293156624 following:0.006378201302140951 :0.1231231838464737 +than:0.08509264141321182 and:0.07594901323318481 to:0.03119552880525589 in:0.028119169175624847 :0.1350720375776291 +and:0.2789521813392639 but:0.0463285893201828 the:0.03015453740954399 as:0.018639136105775833 :0.04325269162654877 +of:0.24754108488559723 and:0.05814329534769058 to:0.03140442445874214 in:0.025550898164510727 :0.10735511779785156 +and:0.06724995374679565 are:0.050088852643966675 of:0.03891615942120552 to:0.038634199649095535 :0.07188782095909119 +to:0.23929831385612488 the:0.12484337389469147 a:0.04879027605056763 and:0.020998068153858185 :0.08601522445678711 +and:0.06382612138986588 to:0.03182850405573845 the:0.019439561292529106 in:0.017196958884596825 :0.2241901308298111 +been:0.28247249126434326 not:0.05942413955926895 to:0.05347534641623497 a:0.05147644504904747 :0.0740777999162674 +of:0.023274794220924377 was:0.020824220031499863 day:0.019977299496531487 and:0.019500339403748512 :0.09953523427248001 +of:0.5220802426338196 the:0.09086549282073975 that:0.02149866335093975 such:0.016545910388231277 :0.022026129066944122 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +a:0.03684420883655548 the:0.0364057794213295 made:0.02793208695948124 sold:0.016866616904735565 :0.12324710190296173 +the:0.49400803446769714 a:0.03772075101733208 this:0.02435373142361641 tho:0.017563438042998314 :0.09227320551872253 +a:0.10892137885093689 the:0.07961830496788025 not:0.036237068474292755 to:0.02532261423766613 :0.14692692458629608 +and:0.007514211814850569 State:0.005127908196300268 the:0.004676846321672201 of:0.004191496409475803 :0.32291942834854126 +the:0.14334037899971008 a:0.063121497631073 place:0.04395667463541031 them:0.022692067548632622 :0.06730109453201294 +and:0.11536366492509842 of:0.07381370663642883 are:0.05763787031173706 were:0.03500235453248024 :0.06849145889282227 +been:0.11607832461595535 a:0.04536693915724754 not:0.0391191728413105 no:0.028789788484573364 :0.07648544013500214 +and:0.1625393033027649 which:0.04563503339886665 the:0.042597558349370956 but:0.026704097166657448 :0.06812743842601776 +the:0.06634961068630219 have:0.03688894212245941 be:0.027554497122764587 come:0.02363155037164688 :0.1603013128042221 +and:0.08833307027816772 the:0.0427490696310997 to:0.03832051530480385 which:0.02936035953462124 :0.07943353056907654 +of:0.559461236000061 to:0.03251277282834053 who:0.028496328741312027 and:0.026065409183502197 :0.022502778097987175 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +is:0.17913112044334412 was:0.12934282422065735 has:0.0601361058652401 would:0.0545496828854084 :0.06665569543838501 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +been:0.24856016039848328 a:0.044521596282720566 not:0.03981006518006325 the:0.027450833469629288 :0.09850013256072998 +ceive:0.03999751806259155 main:0.0311888474971056 turn:0.02909824624657631 quire:0.02325407788157463 :0.22532956302165985 +the:0.1290641874074936 a:0.08801647275686264 it:0.03705257177352905 such:0.021147314459085464 :0.1307145357131958 +the:0.442650705575943 a:0.047472622245550156 their:0.01716112345457077 his:0.01630651019513607 :0.10664954036474228 +and:0.2156742513179779 but:0.03708707541227341 of:0.030660178512334824 the:0.028413811698555946 :0.08753422647714615 +are:0.19233031570911407 is:0.18192031979560852 were:0.07319383323192596 was:0.06528549641370773 :0.04536087438464165 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +of:0.5238093137741089 the:0.056607432663440704 in:0.032762426882982254 and:0.02226686291396618 :0.032754868268966675 +the:0.10896288603544235 in:0.0372113399207592 a:0.03638733923435211 and:0.02946328930556774 :0.03956139460206032 +to:0.7111071348190308 a:0.03540650010108948 the:0.019558414816856384 they:0.010448063723742962 :0.019231224432587624 +days:0.034889232367277145 cases:0.020784415304660797 days,:0.014639617875218391 two:0.011251619085669518 :0.15591660141944885 +and:0.11718767136335373 to:0.0727582797408104 by:0.029926419258117676 in:0.027064034715294838 :0.12229113280773163 +and:0.22817310690879822 of:0.12973527610301971 to:0.0617859922349453 in:0.05292920768260956 :0.041477907449007034 +said:0.024337582290172577 same:0.011119408532977104 most:0.008700457401573658 following:0.007785618305206299 :0.19771896302700043 +the:0.15881586074829102 it:0.06963151693344116 they:0.04807277396321297 or:0.04729701578617096 :0.0889081358909607 +the:0.24683888256549835 a:0.03323088213801384 course:0.022028295323252678 this:0.017603134736418724 :0.15841278433799744 +of:0.2567737400531769 who:0.08430291712284088 are:0.04698580503463745 and:0.04387211054563522 :0.043790534138679504 +the:0.053341638296842575 a:0.014095456339418888 to:0.010730295442044735 other:0.010564165189862251 :0.16601184010505676 +and:0.06993778795003891 Lincoln:0.009050034917891026 J:0.005895617883652449 John:0.005733808968216181 :0.5360503792762756 +the:0.4914044439792633 this:0.05979088321328163 his:0.018711918964982033 tho:0.016569657251238823 :0.06764942407608032 +to:0.2135164737701416 the:0.0674491599202156 leave:0.06267675757408142 of:0.02369631826877594 :0.14709998667240143 +the:0.07171165943145752 is:0.051816727966070175 has:0.03704509884119034 he:0.03174663335084915 :0.08724764734506607 +to:0.22974053025245667 as:0.0875391736626625 only:0.04969480261206627 a:0.04227100685238838 :0.0677744597196579 +The:0.184848815202713 It:0.059204697608947754 This:0.035356901586055756 A:0.028164124116301537 :0.0970190092921257 +to:0.1253141313791275 of:0.09575999528169632 and:0.06381628662347794 by:0.05589894577860832 :0.04786621034145355 +trict:0.11309438198804855 tance:0.07385046780109406 cussion:0.05769205093383789 charge:0.047780841588974 :0.23874373733997345 +the:0.21701890230178833 a:0.023509247228503227 his:0.01439733523875475 this:0.013028099201619625 :0.14657650887966156 +has:0.07788945734500885 of:0.07006365060806274 was:0.0692395567893982 is:0.05963926389813423 :0.08543765544891357 +and:0.05196107551455498 in:0.04856755584478378 of:0.04181308299303055 to:0.03643973916769028 :0.15329724550247192 +have:0.06959136575460434 are:0.05612264201045036 shall:0.03284507617354393 must:0.03224588558077812 :0.09104054421186447 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +the:0.4027508497238159 a:0.04770102724432945 this:0.02267424203455448 tho:0.01895577274262905 :0.0758025273680687 +J:0.013415224850177765 John:0.011117401532828808 W:0.010353237390518188 J.:0.009271369315683842 :0.5103534460067749 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.10095525532960892 he:0.0994708314538002 they:0.08630356937646866 it:0.0544084757566452 :0.056791290640830994 +The:0.1596589833498001 It:0.04866847023367882 If:0.04602864384651184 In:0.03802650421857834 :0.15550482273101807 +the:0.06314484030008316 a:0.05317504703998566 not:0.040632013231515884 to:0.04043073579668999 :0.12095783650875092 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +are:0.02746962010860443 two:0.023787932470440865 men:0.016116484999656677 were:0.012190092355012894 :0.18946510553359985 +the:0.44346410036087036 motion:0.05082957074046135 a:0.02957017347216606 this:0.02796703204512596 :0.055806808173656464 +the:0.13107292354106903 a:0.029214806854724884 do:0.01116832997649908 be:0.00988241657614708 :0.14283530414104462 +see:0.062335822731256485 say:0.05237462744116783 tell:0.04916803911328316 get:0.041820477694272995 :0.06795312464237213 +and:0.13515013456344604 the:0.02537442371249199 with:0.012756196781992912 to:0.012727201916277409 :0.1825512945652008 +United:0.015556160360574722 most:0.007520648185163736 State:0.006463862955570221 said:0.00635764142498374 :0.2803380787372589 +by:0.5138095021247864 and:0.09627623856067657 in:0.03466281667351723 of:0.03179684653878212 :0.02924066036939621 +is:0.06156757101416588 was:0.0462641566991806 of:0.04025577753782272 the:0.03598728030920029 :0.12181159108877182 +of:0.19711771607398987 and:0.12882114946842194 in:0.03946802765130997 that:0.033113401383161545 :0.042165644466876984 +amount:0.07291113585233688 of:0.05390322208404541 name:0.02313896082341671 and:0.021873069927096367 :0.10090520977973938 +and:0.23230142891407013 but:0.060139112174510956 the:0.0468757338821888 or:0.040359724313020706 :0.04535414278507233 +and:0.6008179187774658 or:0.03000130131840706 to:0.013792401179671288 in:0.009712868370115757 :0.12658652663230896 +of:0.08633282780647278 and:0.07186351716518402 to:0.035141024738550186 the:0.03411225229501724 :0.10169374197721481 +resort,:0.1042763963341713 year:0.03170957416296005 night:0.027226751670241356 resort:0.023810967803001404 :0.13448554277420044 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +Railroad:0.16455623507499695 Railroad,:0.12911726534366608 railroad,:0.03931966423988342 railroad:0.03822490945458412 :0.10830272734165192 +chase:0.08683063834905624 pose:0.043212831020355225 porting:0.041337836533784866 suing:0.04049098119139671 :0.3469880223274231 +of:0.058120373636484146 and:0.05763712897896767 ,:0.03139069303870201 to:0.02066420391201973 :0.1865842491388321 +the:0.2558342516422272 a:0.04730384051799774 this:0.020989352837204933 his:0.015902874991297722 :0.12185312807559967 +of:0.6098989248275757 is:0.014587558805942535 ot:0.014447428286075592 in:0.013868577778339386 :0.043124403804540634 +described:0.14053335785865784 the:0.013045265339314938 is:0.01092260330915451 named:0.01027007307857275 :0.20978911221027374 +in:0.11436937749385834 the:0.05804808437824249 by:0.05506626144051552 on:0.04846072569489479 :0.09593874216079712 +to:0.1717507243156433 the:0.10715360939502716 upon:0.09369437396526337 by:0.0794367641210556 :0.04739512875676155 +the:0.08252706378698349 that:0.017999285832047462 a:0.016978951171040535 to:0.014784975908696651 :0.12454824149608612 +and:0.03416458144783974 of:0.03039761260151863 the:0.0301223024725914 to:0.02368323691189289 :0.2474776655435562 +a:0.22876666486263275 been:0.07530497759580612 any:0.07323682308197021 the:0.06512575596570969 :0.08003775775432587 +the:0.19496770203113556 which:0.04262189194560051 a:0.0383412130177021 their:0.022044392302632332 :0.11026471108198166 +the:0.10744848102331161 a:0.025003304705023766 to:0.022843822836875916 it:0.01717466488480568 :0.10382139682769775 +the:0.02434798888862133 a:0.010903121903538704 and:0.009572574868798256 United:0.004605687223374844 :0.2757602334022522 +the:0.3477429151535034 a:0.03504408523440361 this:0.02638932131230831 said:0.02521815150976181 :0.07944861054420471 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.11751923710107803 the:0.05432499572634697 but:0.04474301263689995 with:0.039361484348773956 :0.04437621682882309 +and:0.04430321976542473 to:0.021284565329551697 in:0.02019464783370495 or:0.013528520241379738 :0.21318097412586212 +the:0.2545055150985718 a:0.04556570202112198 this:0.04539451003074646 his:0.01636667549610138 :0.06063390150666237 +and:0.19258810579776764 with:0.04324754700064659 the:0.029939908534288406 in:0.0226361732929945 :0.14277973771095276 +the:0.11054151505231857 be:0.04849066212773323 any:0.0297610592097044 make:0.017184264957904816 :0.14885011315345764 +The:0.10642264783382416 It:0.05003630369901657 He:0.046938054263591766 I:0.023145094513893127 :0.1002313494682312 +is:0.17756497859954834 was:0.05830176919698715 will:0.05339633300900459 would:0.041533492505550385 :0.0662417933344841 +and:0.08841506391763687 of:0.022390011698007584 to:0.019702032208442688 the:0.018124939873814583 :0.23805148899555206 +and:0.10831743478775024 but:0.0414213128387928 the:0.04024415835738182 that:0.022689927369356155 :0.18454352021217346 +of:0.13149355351924896 the:0.040110230445861816 and:0.03450877219438553 to:0.03034234791994095 :0.11238747835159302 +and:0.19697314500808716 but:0.04650001972913742 the:0.03580185025930405 with:0.022783031687140465 :0.08450111001729965 +is:0.32903409004211426 was:0.17458711564540863 Is:0.06952480971813202 has:0.06919533014297485 :0.05488968640565872 +to:0.2658971846103668 and:0.08502134680747986 the:0.07948783785104752 that:0.06821586191654205 :0.065330371260643 +to:0.2328137755393982 from:0.08065280318260193 and:0.061492741107940674 of:0.05478820204734802 :0.04102975130081177 +the:0.1837615817785263 they:0.1148410215973854 he:0.07266736775636673 it:0.04618139937520027 :0.04229258745908737 +been:0.32618969678878784 not:0.03681854158639908 a:0.03322231024503708 become:0.020487891510128975 :0.06419975310564041 +not:0.34391120076179504 be:0.26074475049972534 have:0.02399805560708046 bo:0.015809668228030205 :0.04025239124894142 +as:0.06312887370586395 ill:0.0622364804148674 ith:0.04575330391526222 hich:0.02437927946448326 :0.264058917760849 +first:0.018938178196549416 father:0.0170406773686409 wife:0.012978888116776943 friends:0.008274293504655361 :0.16328422725200653 +The:0.10445716232061386 Sec.:0.043254103511571884 Dated:0.03008008934557438 It:0.026507966220378876 :0.13701385259628296 +and:0.038052257150411606 was:0.0359300933778286 of:0.03152962028980255 is:0.0234164297580719 :0.15070807933807373 +own:0.04098968580365181 care,:0.02694559097290039 name:0.02086951956152916 hand:0.020460734143853188 :0.13268862664699554 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +the:0.0374748669564724 a:0.0153905488550663 and:0.014902322553098202 said:0.011062427423894405 :0.202693372964859 +and:0.03840062394738197 day:0.03603418171405792 time:0.0215898584574461 floor:0.019770028069615364 :0.09427203238010406 +the:0.37451326847076416 a:0.037996239960193634 said:0.031248264014720917 this:0.017274295911192894 :0.08815979957580566 +as:0.11312500387430191 in:0.04103369638323784 on:0.03260047361254692 with:0.029849037528038025 :0.03622902184724808 +is:0.1642162948846817 was:0.06359162926673889 will:0.04264603182673454 would:0.04047434404492378 :0.1046234667301178 +and:0.07288419455289841 of:0.05860834941267967 to:0.024933507665991783 in:0.02338322624564171 :0.20867902040481567 +the:0.17498871684074402 a:0.03543176129460335 tho:0.015250968746840954 all:0.011777962557971478 :0.15894247591495514 +the:0.10962650179862976 a:0.02967195026576519 this:0.009261003695428371 tho:0.008390850387513638 :0.33326849341392517 +a:0.1991451382637024 the:0.08493734896183014 an:0.02223014645278454 to:0.02212826907634735 :0.10177150368690491 +in:0.04552805796265602 with:0.02937711589038372 and:0.024988725781440735 as:0.01780431903898716 :0.1810983121395111 +same:0.027142854407429695 best:0.013243492692708969 most:0.009836627170443535 work:0.00840205978602171 :0.17410589754581451 +and:0.10087734460830688 in:0.03976871073246002 of:0.031805820763111115 is:0.030857935547828674 :0.0877171978354454 +the:0.24056054651737213 a:0.03724829852581024 for:0.030851973220705986 and:0.029913270846009254 :0.05261962488293648 +to:0.49968674778938293 the:0.0511348694562912 by:0.04267619922757149 in:0.03472162038087845 :0.038377732038497925 +and:0.12325368076562881 that:0.05691371113061905 the:0.05114741250872612 of:0.035342685878276825 :0.08390174061059952 +of:0.3941246569156647 to:0.06934002786874771 and:0.06510362029075623 in:0.030109897255897522 :0.044963862746953964 +the:0.2065030038356781 a:0.04680321365594864 this:0.014521220698952675 Mr.:0.014101347886025906 :0.09562984853982925 +and:0.07990672439336777 to:0.039779216051101685 the:0.02949795313179493 with:0.026807963848114014 :0.20431382954120636 +been:0.10780531913042068 no:0.037964046001434326 a:0.03697216883301735 not:0.03608803078532219 :0.07476082444190979 +and:0.089817114174366 the:0.06015317887067795 in:0.02247970551252365 of:0.013637940399348736 :0.17349986732006073 +the:0.150140643119812 a:0.04318705201148987 one:0.021984348073601723 100:0.018830634653568268 :0.2050795555114746 +a:0.10892137885093689 the:0.07961830496788025 not:0.036237068474292755 to:0.02532261423766613 :0.14692692458629608 +the:0.12902651727199554 Congress:0.06632569432258606 Congress,:0.02007911540567875 congress:0.01609109900891781 :0.20346854627132416 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +be:0.44316723942756653 have:0.09143295139074326 not:0.03612854704260826 bo:0.017265545204281807 :0.03327354043722153 +of:0.3698994517326355 and:0.048449933528900146 council:0.020818352699279785 is:0.01532029639929533 :0.0482129231095314 +the:0.06301502138376236 water:0.03711904585361481 a:0.014920116402208805 water,:0.012395148165524006 :0.20254525542259216 +the:0.32809317111968994 a:0.052934903651475906 which:0.05183699354529381 this:0.024975333362817764 :0.0839415192604065 +to:0.06257208436727524 the:0.04159628227353096 a:0.02075711265206337 of:0.02072755992412567 :0.19075247645378113 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +and:0.1236574649810791 who:0.06622251123189926 in:0.05306508019566536 that:0.029468540102243423 :0.038783419877290726 +time:0.16751357913017273 time,:0.08968226611614227 time.:0.0709434524178505 of:0.05242009833455086 :0.08130629360675812 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.241311177611351 this:0.024481089785695076 tho:0.016082651913166046 a:0.014537220820784569 :0.19735805690288544 +the:0.1173504889011383 to:0.05271978676319122 a:0.03239233046770096 of:0.029996361583471298 :0.08342522382736206 +the:0.2045731097459793 a:0.04723981022834778 this:0.031287167221307755 tho:0.021378561854362488 :0.1520950198173523 +good:0.025313090533018112 very:0.023942340165376663 great:0.01810312829911709 right:0.016045689582824707 :0.13344401121139526 +the:0.1285228580236435 be:0.035636723041534424 a:0.023662373423576355 which:0.013250014744699001 :0.12244921922683716 +is:0.09961608052253723 was:0.09481698274612427 the:0.040407124906778336 it:0.03652770817279816 :0.047365762293338776 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +by:0.149618461728096 to:0.1111912950873375 in:0.10504685342311859 and:0.05774363875389099 :0.04590629041194916 +of:0.5575858354568481 to:0.13257868587970734 and:0.023578258231282234 in:0.01893862709403038 :0.018983371555805206 +people:0.01951904408633709 own:0.011282043531537056 men:0.009008130058646202 great:0.008609946817159653 :0.11346379667520523 +who:0.12820760905742645 of:0.061884135007858276 in:0.051788248121738434 to:0.03378133848309517 :0.08398393541574478 +you,:0.1951175332069397 the:0.17135505378246307 you:0.08702973276376724 him:0.031876273453235626 :0.0617213249206543 +and:0.1967228800058365 the:0.06102549284696579 but:0.05953533574938774 a:0.028989071026444435 :0.052200909703969955 +of:0.056986939162015915 and:0.03303864225745201 Harbor:0.016023794189095497 the:0.008531625382602215 :0.44528454542160034 +same:0.026622451841831207 law:0.012288122437894344 people:0.012169569730758667 most:0.010146115906536579 :0.20157867670059204 +the:0.18441209197044373 a:0.030407169833779335 make:0.013215774670243263 be:0.012804392725229263 :0.08863893896341324 +for:0.0916915014386177 on:0.09100263565778732 in:0.07515379041433334 and:0.060958895832300186 :0.0594872422516346 +the:0.4688272476196289 a:0.03566916286945343 tho:0.021543020382523537 this:0.016445782035589218 :0.05475171282887459 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +not:0.4848330020904541 the:0.020939286798238754 it:0.012716760858893394 so:0.01116247195750475 :0.042283277958631516 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +of:0.1001589447259903 and:0.08154087513685226 to:0.027848320081830025 in:0.027216145768761635 :0.09188894927501678 +the:0.17215122282505035 a:0.026113951578736305 his:0.014508497901260853 tho:0.009526213631033897 :0.208902046084404 +in:0.2658578157424927 on:0.14566801488399506 at:0.06931426376104355 upon:0.06835802644491196 :0.043973151594400406 +view:0.023221604526042938 large:0.015091892331838608 few:0.013403327204287052 little:0.011755388230085373 :0.19891507923603058 +the:0.09785904735326767 a:0.028260333463549614 this:0.00977255217730999 his:0.009688159450888634 :0.15666887164115906 +not:0.13147230446338654 have:0.0807521641254425 be:0.07969620078802109 see:0.018048906698822975 :0.05105557292699814 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +the:0.4919354319572449 a:0.05327988788485527 this:0.02485014498233795 his:0.02387382835149765 :0.04555218294262886 +great:0.019194988533854485 little:0.016697535291314125 man:0.016077930107712746 good:0.015641845762729645 :0.1554315984249115 +the:0.04558127373456955 a:0.042109761387109756 not:0.03848002478480339 given:0.03534144535660744 :0.11579515784978867 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.37581557035446167 a:0.045980699360370636 this:0.019747942686080933 their:0.01882087253034115 :0.06595233827829361 +and:0.0826091393828392 of:0.046743184328079224 to:0.0286275465041399 The:0.021954836323857307 :0.2024763822555542 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.06631539016962051 of:0.02702311985194683 the:0.02484278939664364 in:0.015289904549717903 :0.17802725732326508 +year:0.029221590608358383 one:0.02890416979789734 day:0.024878939613699913 man:0.023670414462685585 :0.08374354243278503 +and:0.07635435461997986 of:0.05258097127079964 to:0.022257203236222267 the:0.02170962654054165 :0.24442128837108612 +in:0.08491704612970352 and:0.02993215061724186 the:0.02362457476556301 settlers:0.019784094765782356 :0.17093342542648315 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +to:0.15369395911693573 of:0.08804038912057877 and:0.061367519199848175 for:0.04188525304198265 :0.07041451334953308 +aforesaid:0.06333997845649719 a:0.04497728869318962 follows::0.04336285963654518 the:0.041515909135341644 :0.1435360461473465 +been:0.224571093916893 to:0.0753721371293068 a:0.06457921862602234 the:0.029713725671172142 :0.05858950689435005 +and:0.10178852081298828 or:0.0665690079331398 of:0.06087380647659302 after:0.05701175332069397 :0.03970756381750107 +of:0.8643385767936707 ot:0.013587473891675472 and:0.007496576756238937 ol:0.004960336722433567 :0.015607982873916626 +of:0.10876651853322983 and:0.04071618616580963 The:0.014856060966849327 to:0.012776825577020645 :0.2341328114271164 +of:0.09602271765470505 to:0.08898990601301193 and:0.07859029620885849 with:0.02852860651910305 :0.1336265653371811 +of:0.3124632239341736 in:0.08092400431632996 to:0.05583620443940163 that:0.03369174525141716 :0.03225311264395714 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.21224531531333923 a:0.025194359943270683 his:0.022198732942342758 tho:0.01733323559165001 :0.15741616487503052 +the:0.4018164575099945 said:0.057862553745508194 this:0.04104676470160484 their:0.020384175702929497 :0.044372424483299255 +are:0.12217803299427032 were:0.07861416786909103 will:0.07099581509828568 have:0.06905921548604965 :0.08099502325057983 +the:0.17499041557312012 of:0.10352201759815216 that:0.03148278594017029 who:0.024748679250478745 :0.14855659008026123 +was:0.018346181139349937 man:0.016418645158410072 is:0.014285887591540813 of:0.012461252510547638 :0.21839040517807007 +and:0.042588815093040466 was:0.0418924018740654 of:0.03348160162568092 is:0.024259153753519058 :0.15120083093643188 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.05156591534614563 and:0.047147005796432495 to:0.030612913891673088 The:0.024974996224045753 :0.15426382422447205 +and:0.12050037831068039 of:0.06405118852853775 in:0.029205456376075745 the:0.02637808956205845 :0.11601434648036957 +of:0.4784606695175171 and:0.04505588486790657 that:0.023614175617694855 was:0.02137439139187336 :0.021020596846938133 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.08373710513114929 in:0.08152160048484802 on:0.06981828808784485 for:0.06317680329084396 :0.05316467955708504 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +The:0.15948660671710968 It:0.04583657905459404 In:0.03703733906149864 A:0.027801206335425377 :0.15728700160980225 +one:0.06684798002243042 doubt,:0.06031137332320213 such:0.037344418466091156 more:0.027122238650918007 :0.11716946214437485 +the:0.3737852871417999 this:0.03286651521921158 our:0.017778130248188972 tho:0.015545782633125782 :0.11841727793216705 +the:0.33245792984962463 a:0.07275853306055069 this:0.022570660337805748 tho:0.01992228627204895 :0.06179124489426613 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +is:0.13626925647258759 was:0.07188057154417038 to:0.051960013806819916 in:0.036326419562101364 :0.0434001162648201 +the:0.45044517517089844 a:0.033939018845558167 this:0.030457157641649246 tho:0.02189124934375286 :0.07969871163368225 +and:0.05556150898337364 the:0.04397653788328171 to:0.01853318139910698 The:0.015017903409898281 :0.17851847410202026 +and:0.1322605460882187 of:0.07715469598770142 are:0.05105596408247948 in:0.04346168413758278 :0.03827337548136711 +and:0.12674544751644135 were:0.08121996372938156 are:0.0655389055609703 to:0.033656809478998184 :0.06521370261907578 +of:0.9029918313026428 ot:0.010923211462795734 and:0.005785822402685881 the:0.005400192458182573 :0.0072433738969266415 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.11662817001342773 to:0.05381149426102638 a:0.04867798089981079 their:0.025093436241149902 :0.06433158367872238 +of:0.3607841432094574 and:0.05872180312871933 to:0.0467333048582077 in:0.04630472883582115 :0.043425798416137695 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.7793258428573608 thereof:0.015783650800585747 ot:0.013018123805522919 in:0.012726112268865108 :0.017134560272097588 +and:0.25712209939956665 of:0.1356855183839798 to:0.0624128095805645 for:0.04020526260137558 :0.11434484273195267 +the:0.04864095151424408 a:0.03308636695146561 two:0.020998626947402954 other:0.013095242902636528 :0.25386664271354675 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +parcel:0.4827765226364136 the:0.022959532216191292 a:0.009490988217294216 in:0.009258639998733997 :0.0932689756155014 +that:0.09493456780910492 of:0.07306092232465744 more:0.06660324335098267 to:0.06314603984355927 :0.08376336097717285 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +the:0.06005319580435753 not:0.045483674854040146 to:0.019564952701330185 all:0.019229084253311157 :0.1708802580833435 +the:0.14492498338222504 to:0.046354394406080246 that:0.03670177608728409 over:0.029446007683873177 :0.06889719516038895 +and:0.05560930073261261 weather:0.04950890317559242 water:0.02666296623647213 as:0.023455914109945297 :0.10351540148258209 +be:0.6400468945503235 not:0.046051762998104095 bo:0.0320218950510025 have:0.019944682717323303 :0.021200696006417274 +stated:0.022403232753276825 had:0.021603254601359367 a:0.02143218368291855 the:0.020116131752729416 :0.07010140269994736 +south:0.015008678659796715 west:0.01370332296937704 north:0.013405977748334408 east:0.008008216507732868 :0.1860828846693039 +thing:0.021237416192889214 time:0.016100123524665833 doubt:0.015958819538354874 effort:0.011911405250430107 :0.148124098777771 +to:0.38239720463752747 and:0.047853585332632065 from:0.04563378170132637 for:0.02710619941353798 :0.04911929368972778 +of:0.22899079322814941 people:0.027198411524295807 a:0.02320372313261032 persons:0.021007655188441277 :0.13549980521202087 +life:0.014085155911743641 father:0.012299248948693275 name:0.011559541337192059 first:0.01113349199295044 :0.21053116023540497 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +to:0.12258078157901764 in:0.07236327975988388 and:0.057204943150281906 for:0.047323357313871384 :0.04439817741513252 +.:0.03576090186834335 e:0.022529859095811844 H:0.022095896303653717 W:0.017393073067069054 :0.3468254804611206 +Assembly:0.15717102587223053 Land:0.01841532625257969 of:0.0182509608566761 Assembly.:0.016114413738250732 :0.3700450658798218 +fluence:0.10946688055992126 terest:0.05786013975739479 habitants:0.028728049248456955 terests:0.0274957288056612 :0.29611653089523315 +and:0.08067202568054199 on:0.07456927746534348 in:0.06468500941991806 by:0.057898227125406265 :0.04706421494483948 +in:0.3408636450767517 on:0.148136168718338 In:0.05982845276594162 at:0.05069393292069435 :0.04135861247777939 +a:0.03611425310373306 been:0.021514784544706345 the:0.015608417801558971 much:0.01509258896112442 :0.20901964604854584 +own:0.030070509761571884 duty:0.011109348386526108 names:0.008721087127923965 best:0.007814446464180946 :0.22026130557060242 +to:0.7974146008491516 in:0.045426368713378906 at:0.02271319553256035 with:0.010510364547371864 :0.02402835711836815 +half:0.05227982625365257 few:0.027100946754217148 large:0.02216946892440319 great:0.012649431824684143 :0.1533392369747162 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +who:0.13961882889270782 of:0.11651280522346497 to:0.038644105195999146 in:0.035913627594709396 :0.06037742272019386 +the:0.08518090844154358 to:0.018080908805131912 a:0.01756705902516842 of:0.008151320740580559 :0.1300688236951828 +the:0.07080327719449997 a:0.020819563418626785 it:0.013556518591940403 that:0.008092940784990788 :0.0857107862830162 +be:0.32698971033096313 have:0.08643455058336258 the:0.0384673997759819 bo:0.015370811335742474 :0.0728367269039154 +and:0.06180856004357338 to:0.0491296648979187 valley:0.025483209639787674 for:0.021787261590361595 :0.19478487968444824 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.08841506391763687 of:0.022390011698007584 to:0.019702032208442688 the:0.018124939873814583 :0.23805148899555206 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +the:0.29250314831733704 a:0.029574815183877945 his:0.013355312868952751 tho:0.012590179219841957 :0.1012166440486908 +and:0.016711590811610222 of:0.011074084788560867 law:0.0088749248534441 or:0.007149714510887861 :0.23199492692947388 +The:0.20438970625400543 It:0.08341138809919357 He:0.03075314313173294 I:0.029984133318066597 :0.1061871200799942 +-:0.018962174654006958 the:0.018646875396370888 .:0.011669574305415154 and:0.011063850484788418 :0.3972183167934418 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +the:0.1785244196653366 he:0.046304646879434586 it:0.03554587811231613 they:0.03167947381734848 :0.06478307396173477 +and:0.08999594300985336 to:0.03587965667247772 of:0.022132230922579765 or:0.016851991415023804 :0.15874354541301727 +own:0.03486088663339615 people:0.012812440283596516 present:0.010318414308130741 country:0.010079994797706604 :0.18235304951667786 +and:0.0741073414683342 train:0.05715981125831604 rates:0.04926992207765579 at:0.032493818551301956 :0.0878993421792984 +right:0.03725174069404602 large:0.02673342637717724 good:0.02585841901600361 great:0.022245677188038826 :0.13484002649784088 +the:0.23354144394397736 all:0.05202074348926544 all,:0.048306532204151154 described:0.04382887855172157 :0.07659760117530823 +and:0.044948309659957886 of:0.02321287803351879 to:0.01697520911693573 chs.:0.015183290466666222 :0.21244008839130402 +is:0.28193461894989014 was:0.2055601179599762 Is:0.051967162638902664 has:0.03686084970831871 :0.038499072194099426 +of:0.17963600158691406 and:0.071292944252491 to:0.049059007316827774 is:0.032592542469501495 :0.05366639047861099 +of:0.042137883603572845 to:0.019669216126203537 in:0.015693921595811844 Assembly:0.013925175182521343 :0.31520339846611023 +and:0.15327799320220947 of:0.10202991217374802 to:0.09374982863664627 at:0.03380587697029114 :0.03775010257959366 +the:0.17178159952163696 a:0.15280726552009583 an:0.020859746262431145 his:0.017909293994307518 :0.12354603409767151 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +and:0.20093810558319092 of:0.06142324581742287 or:0.0493883453309536 to:0.04707168787717819 :0.07082918286323547 +and:0.058378469198942184 of:0.02043011412024498 the:0.02039424143731594 The:0.016904465854167938 :0.18161919713020325 +the:0.05898452177643776 in:0.0488414391875267 up:0.031163720414042473 and:0.026056209579110146 :0.1196347251534462 +the:0.13962332904338837 a:0.1280500441789627 it:0.04030614718794823 them:0.032290901988744736 :0.07533564418554306 +to:0.03303658962249756 and:0.017547450959682465 source:0.015097403898835182 sources:0.012647466734051704 :0.3153725266456604 +the:0.09433416277170181 fact,:0.044713374227285385 fact:0.02798169106245041 a:0.027649059891700745 :0.15998756885528564 +be:0.3466690182685852 have:0.08001253008842468 not:0.07962602376937866 bo:0.02376946061849594 :0.03385517746210098 +and:0.06259091198444366 of:0.04432102292776108 to:0.025623057037591934 in:0.017337527126073837 :0.2163652926683426 +though:0.11870018392801285 ready:0.11488491296768188 ways:0.10574355721473694 most:0.09290216863155365 :0.21047966182231903 +same:0.010173763148486614 said:0.009125551208853722 whole:0.006321299821138382 following:0.006065648514777422 :0.16847120225429535 +have:0.08178607374429703 am:0.045325763523578644 had:0.04170764610171318 was:0.040961723774671555 :0.054832395166158676 +a:0.14769259095191956 the:0.12726269662380219 place:0.041139356791973114 up:0.03780246898531914 :0.07264091074466705 +the:0.08224113285541534 a:0.02065357193350792 water:0.01993468403816223 milk:0.011419928632676601 :0.1796789914369583 +the:0.08246870338916779 Mrs.:0.022243589162826538 a:0.018723487854003906 other:0.011273776181042194 :0.20739638805389404 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.04226868599653244 paid:0.027922919020056725 made:0.02305094711482525 a:0.02211936004459858 :0.12796582281589508 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.21941015124320984 they:0.06539849191904068 it:0.0539931021630764 he:0.04002302885055542 :0.03638684004545212 +of:0.065903440117836 and:0.047993775457143784 the:0.047504179179668427 to:0.026083484292030334 :0.13913211226463318 +and:0.16297225654125214 but:0.03951726108789444 the:0.03779365494847298 that:0.023039255291223526 :0.0697493776679039 +and:0.13874226808547974 of:0.0270179845392704 the:0.026564620435237885 but:0.019925802946090698 :0.14136451482772827 +and:0.0645044595003128 of:0.03667387738823891 were:0.032848723232746124 the:0.03276843950152397 :0.04924584552645683 +peated:0.03346635401248932 gard:0.02109023556113243 ceiving:0.020729992538690567 spect:0.01403214130550623 :0.4261445999145508 +and:0.05994211882352829 in:0.04416322335600853 the:0.03976500779390335 to:0.01685519516468048 :0.1478644460439682 +the:0.1449301689863205 a:0.07998067140579224 tho:0.01398034580051899 his:0.013109500519931316 :0.23477403819561005 +Discovery:0.47340601682662964 Dis­:0.03306715935468674 Association,:0.009223133325576782 Society,:0.00675909873098135 :0.3480704426765442 +man:0.19636958837509155 lady:0.05884050577878952 man,:0.057203859090805054 woman:0.04979968070983887 :0.13517288863658905 +wit::0.5223119258880615 wit;:0.09418025612831116 the:0.05013449862599373 wit:0.015811540186405182 :0.09100142121315002 +of:0.2880968749523163 and:0.08481893688440323 that:0.048582691699266434 was:0.02619442529976368 :0.0719166249036789 +visions:0.21980763971805573 ceedings:0.06547021120786667 ceeds:0.04303139075636864 posed:0.04206354543566704 :0.19636251032352448 +and:0.13744835555553436 to:0.051910486072301865 as:0.03951941058039665 the:0.0370267853140831 :0.07179755717515945 +the:0.07988549023866653 that:0.020242489874362946 all:0.015664195641875267 then:0.015096468850970268 :0.14018788933753967 +people:0.011369584128260612 same:0.007759371306747198 first:0.007082328200340271 men:0.005958670750260353 :0.14345216751098633 +have:0.08634985983371735 had:0.05963439866900444 was:0.05647619813680649 am:0.050337523221969604 :0.09523466974496841 +the:0.40002816915512085 a:0.07575489580631256 his:0.01871459372341633 tho:0.018469421193003654 :0.08772657811641693 +E.:0.03438342735171318 A.:0.01745685748755932 Ann:0.015052965842187405 and:0.014026524499058723 :0.46067455410957336 +to:0.057541314512491226 in:0.04832736775279045 for:0.03897283598780632 and:0.03826485574245453 :0.0868230015039444 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.08223170787096024 a:0.04085804894566536 money:0.022237304598093033 for:0.015179093927145004 :0.12026126682758331 +is:0.3572590947151184 was:0.18280012905597687 Is:0.06315681338310242 has:0.05595609173178673 :0.03370118886232376 +the:0.31261497735977173 a:0.06402131170034409 his:0.01865973137319088 this:0.017736103385686874 :0.10979757457971573 +the:0.23799699544906616 a:0.04221582040190697 tho:0.014849789440631866 this:0.014704192988574505 :0.22046831250190735 +way:0.16450229287147522 other:0.07219991832971573 of:0.041196439415216446 manner:0.026460304856300354 :0.09639552980661392 +the:0.24253425002098083 be:0.03314215689897537 whether:0.028364010155200958 make:0.020574694499373436 :0.07394088059663773 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +and:0.167768657207489 but:0.04494127631187439 the:0.043488018214702606 that:0.033837784081697464 :0.03237465023994446 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +The:0.07877401262521744 It:0.04524756595492363 A:0.03549797087907791 He:0.018255745992064476 :0.21119065582752228 +the:0.5027720332145691 tho:0.02561504952609539 a:0.022664370015263557 his:0.022405900061130524 :0.05730617046356201 +and:0.08836989104747772 of:0.07228761166334152 The:0.02899274416267872 in:0.028713002800941467 :0.1470627337694168 +years:0.07191413640975952 of:0.030602965503931046 days:0.030058814212679863 five:0.028115149587392807 :0.21844106912612915 +a:0.10795970261096954 the:0.09112780541181564 by:0.058372899889945984 to:0.05460255593061447 :0.08120691776275635 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +to:0.2116001397371292 out:0.12269406765699387 on:0.06795287877321243 into:0.05085241422057152 :0.039747454226017 +the:0.1435222625732422 it:0.09490698575973511 that:0.03014328144490719 not:0.023695344105362892 :0.09088341146707535 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.0779777392745018 the:0.06541042774915695 that:0.058043573051691055 of:0.026814155280590057 :0.07536552846431732 +a:0.10892137885093689 the:0.07961830496788025 not:0.036237068474292755 to:0.02532261423766613 :0.14692692458629608 +a:0.03721143677830696 able:0.02707509696483612 in:0.021022256463766098 the:0.01893334463238716 :0.16589820384979248 +United:0.017510605975985527 State:0.008825848810374737 most:0.007986839860677719 said:0.006802160758525133 :0.23868246376514435 +and:0.14030583202838898 the:0.06399618089199066 for:0.048856720328330994 in:0.0450727753341198 :0.08270150423049927 +in:0.11196853220462799 and:0.08945794403553009 to:0.0797801986336708 are:0.04611494764685631 :0.03238007798790932 +own:0.038647376000881195 respective:0.010841643437743187 friends:0.007641215808689594 names:0.006788698490709066 :0.1904131919145584 +of:0.10806345194578171 is:0.10668430477380753 was:0.09189318120479584 that:0.05064597725868225 :0.04382012039422989 +the:0.24469587206840515 a:0.07356148213148117 his:0.017045168206095695 whom:0.016787752509117126 :0.12728889286518097 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +to:0.05125154182314873 the:0.04827206954360008 and:0.038923755288124084 in:0.018520846962928772 :0.13497978448867798 +a:0.036827683448791504 the:0.021103739738464355 able:0.020132923498749733 made:0.016692593693733215 :0.1817682385444641 +and:0.10234281420707703 in:0.026375437155365944 of:0.023418638855218887 the:0.021193351596593857 :0.17330195009708405 +in:0.11120801419019699 by:0.10685839504003525 that:0.07869066298007965 and:0.07761887460947037 :0.05128585174679756 +of:0.8705178499221802 ot:0.019040627405047417 and:0.009565970860421658 ol:0.008462191559374332 :0.0054912269115448 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +the:0.2843868136405945 a:0.04272990673780441 any:0.026943575590848923 them:0.022316493093967438 :0.052375372499227524 +same:0.021758301183581352 first:0.008005638606846333 last:0.005374627653509378 old:0.0042039137333631516 :0.1814218908548355 +to:0.05183082073926926 and:0.0401911661028862 the:0.023401295766234398 in:0.022545823827385902 :0.14512866735458374 +and:0.05617542937397957 the:0.031775619834661484 of:0.028597595170140266 is:0.017605168744921684 :0.1372944414615631 +the:0.2743988335132599 a:0.061269715428352356 his:0.030405275523662567 that:0.02472754567861557 :0.031036976724863052 +and:0.09727194160223007 of:0.08070404082536697 that:0.05204223841428757 is:0.03021857514977455 :0.03176475316286087 +been:0.08150141686201096 a:0.05446353182196617 no:0.05112561210989952 not:0.04758520796895027 :0.06906598061323166 +the:0.1779927760362625 a:0.03479612246155739 and:0.02762301079928875 him:0.02279682084918022 :0.13327763974666595 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +and:0.055054549127817154 of:0.05288022756576538 The:0.022785047069191933 to:0.022273167967796326 :0.18208739161491394 +and:0.07771940529346466 of:0.06859324127435684 in:0.02986098825931549 on:0.024197185412049294 :0.2707614302635193 +large:0.026192188262939453 good:0.015363537706434727 great:0.012871617451310158 little:0.010774335823953152 :0.13421979546546936 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +O.:0.04279894009232521 .:0.012519723735749722 J.:0.0124446926638484 W.:0.012067218311131 :0.3437197804450989 +Department,:0.08559869229793549 Department:0.08458664268255234 of:0.07053405791521072 to:0.06831353902816772 :0.10410681366920471 +and:0.041138097643852234 of:0.03451906517148018 the:0.020979583263397217 in:0.013321662321686745 :0.18662872910499573 +the:0.06991323828697205 and:0.05266699194908142 to:0.025711119174957275 in:0.016650917008519173 :0.15947000682353973 +of:0.16428224742412567 ago:0.07480215281248093 ago.:0.05808774009346962 old,:0.03754612058401108 :0.05137643590569496 +and:0.06283856183290482 is:0.046238794922828674 was:0.04050298407673836 has:0.028355613350868225 :0.06205703318119049 +survey:0.07284433394670486 map:0.024531995877623558 statement:0.021703552454710007 report:0.01546833012253046 :0.14953716099262238 +of:0.4691264033317566 which:0.05492502450942993 that:0.0486627072095871 and:0.0475982204079628 :0.02157958783209324 +be:0.32744139432907104 find:0.023960042744874954 become:0.0221306961029768 have:0.020659733563661575 :0.03916679322719574 +for:0.17322178184986115 and:0.06413175910711288 to:0.05186772346496582 why:0.04932212457060814 :0.03900953382253647 +the:0.03490433469414711 to:0.030834581702947617 and:0.027459897100925446 of:0.022100787609815598 :0.20628975331783295 +wife,:0.03618200495839119 own:0.019316434860229492 wife:0.016476640477776527 head:0.009530908428132534 :0.19299203157424927 +of:0.12310469150543213 to:0.04768550395965576 and:0.040242381393909454 in:0.029975740239024162 :0.18438683450222015 +to:0.231454998254776 by:0.07823386043310165 at:0.06246946379542351 in:0.061269111931324005 :0.05937027186155319 +The:0.14561936259269714 It:0.051366254687309265 This:0.04192075878381729 He:0.031781647354364395 :0.08777658641338348 +Territory:0.030528629198670387 and:0.02247525192797184 tribes:0.016648391261696815 Territory.:0.009337645024061203 :0.22635827958583832 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.1564299464225769 a:0.05685112997889519 one:0.015577721409499645 two:0.014943319372832775 :0.1982084959745407 +had:0.0666632279753685 are:0.06241011992096901 was:0.05735666677355766 is:0.04273994639515877 :0.05682073533535004 +to:0.05822913348674774 the:0.05183146148920059 and:0.032778624445199966 a:0.02047363854944706 :0.14508557319641113 +the:0.051173578947782516 and:0.0494292750954628 to:0.03280171751976013 ed:0.01672523096203804 :0.17812734842300415 +a:0.09245814383029938 the:0.05348087474703789 much:0.04464174062013626 well:0.027591293677687645 :0.07125198096036911 +be:0.1925257295370102 not:0.12263412028551102 have:0.0696747675538063 make:0.014970400370657444 :0.05757932364940643 +that:0.11302174627780914 which:0.05789142847061157 in:0.057576507329940796 and:0.04107987880706787 :0.058627642691135406 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.08336134254932404 or:0.04739998281002045 to:0.028791606426239014 who:0.026442138478159904 :0.10609498620033264 +was:0.14430353045463562 is:0.08518017828464508 of:0.07597947865724564 has:0.032056428492069244 :0.10841520130634308 +and:0.047799162566661835 to:0.04687296599149704 is:0.026887988671660423 from:0.02549385465681553 :0.08962539583444595 +with:0.39096561074256897 with.:0.060107361525297165 in:0.051880061626434326 with,:0.03680442273616791 :0.03257360681891441 +Y.:0.05279463157057762 Y:0.05115562677383423 C:0.02261057309806347 J:0.02088276296854019 :0.3178032636642456 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +A:0.03506386652588844 The:0.028194230049848557 It:0.014853985980153084 I:0.013225042261183262 :0.37761256098747253 +and:0.05737970024347305 the:0.0446702241897583 to:0.029323972761631012 in:0.028354497626423836 :0.13792607188224792 +by:0.13134221732616425 the:0.07232610881328583 in:0.057559315115213394 that:0.0524127222597599 :0.046738818287849426 +to:0.1857859194278717 the:0.09918320178985596 by:0.054723359644412994 for:0.04865778610110283 :0.032636962831020355 +the:0.10058794915676117 a:0.030650673434138298 in:0.0164086502045393 that:0.014279745519161224 :0.14303644001483917 +time:0.07913380116224289 time,:0.046022191643714905 the:0.03800661116838455 be:0.02761344239115715 :0.09670387953519821 +of:0.1226053237915039 and:0.07907294481992722 in:0.05050179734826088 is:0.038346532732248306 :0.053547926247119904 +the:0.2177291065454483 a:0.026220198720693588 his:0.025604652240872383 this:0.022015197202563286 :0.12458641827106476 +and:0.07990632206201553 the:0.07126332074403763 in:0.03565362095832825 to:0.02772820182144642 :0.12931780517101288 +the:0.0880192443728447 to:0.015334906987845898 a:0.015319625847041607 in:0.012612286023795605 :0.12246815115213394 +north:0.09639673680067062 south:0.08512929826974869 with:0.05764589458703995 N.:0.04080481454730034 :0.1361347734928131 +the:0.16842766106128693 he:0.04986672103404999 it:0.04214220494031906 they:0.03228890895843506 :0.07972025871276855 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +described:0.0493241585791111 in:0.03636039048433304 to:0.02729756385087967 noticeable:0.024051953107118607 :0.1623404324054718 +and:0.21365101635456085 but:0.05708390101790428 the:0.02395707182586193 they:0.021161368116736412 :0.10181741416454315 +and:0.11354877054691315 from:0.08050097525119781 up:0.04919394478201866 in:0.044917698949575424 :0.04474138468503952 +the:0.18974699079990387 be:0.09381458163261414 a:0.03362100571393967 have:0.014802350662648678 :0.09816716611385345 +that:0.3444438874721527 the:0.09870880842208862 a:0.0844806581735611 an:0.0208904966711998 :0.04213176295161247 +not:0.060829125344753265 the:0.03244975954294205 hereby:0.030018966645002365 in:0.02350585162639618 :0.10824325680732727 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +upon:0.35372206568717957 by:0.0739479660987854 and:0.07120586186647415 for:0.06978484988212585 :0.06732489913702011 +a:0.029354669153690338 made:0.021220248192548752 in:0.017908724024891853 the:0.015689436346292496 :0.1536957174539566 +the:0.2662731111049652 a:0.03382126986980438 said:0.01682511903345585 tho:0.011942419223487377 :0.1343510001897812 +and:0.07859406620264053 in:0.07457590103149414 for:0.06438658386468887 to:0.05947330966591835 :0.04454601928591728 +to:0.1416626274585724 the:0.13311904668807983 and:0.0701540932059288 a:0.05133521556854248 :0.09419041126966476 +was:0.12556611001491547 had:0.043611571192741394 is:0.039936721324920654 has:0.027463024482131004 :0.20432858169078827 +the:0.3764622211456299 a:0.03925943374633789 said:0.023018674924969673 this:0.018250996246933937 :0.10121724754571915 +M:0.12301737815141678 M.:0.08113063871860504 H.:0.016690505668520927 B.:0.012955591082572937 :0.3638184070587158 +.:0.033427413552999496 The:0.02720237895846367 and:0.01984318159520626 -:0.010369718074798584 :0.28873077034950256 +mediately:0.05369196832180023 mense:0.05179191380739212 provements:0.04898586869239807 provement:0.02334345504641533 :0.370531290769577 +The:0.12240195274353027 It:0.09037929773330688 He:0.044398218393325806 A:0.028851443901658058 :0.12894584238529205 +the:0.3649662435054779 said:0.028527062386274338 tho:0.02335449494421482 this:0.0175755824893713 :0.11544158309698105 +and:0.18733875453472137 but:0.04920876398682594 the:0.046887531876564026 who:0.03722580522298813 :0.0438777357339859 +the:0.1856844425201416 he:0.050938040018081665 it:0.04644451662898064 they:0.0337260477244854 :0.044042862951755524 +be:0.20706695318222046 the:0.029398992657661438 have:0.02863440476357937 make:0.01697002537548542 :0.09833359718322754 +the:0.032557565718889236 of:0.022338613867759705 and:0.012173477560281754 a:0.010442032478749752 :0.34088268876075745 +the:0.1442648321390152 it:0.03542281314730644 I:0.0315731018781662 if:0.027808722108602524 :0.06093636155128479 +have:0.08308612555265427 am:0.06353450566530228 was:0.04855894297361374 had:0.03317488357424736 :0.08633183687925339 +pay:0.04346969351172447 do:0.03658616542816162 make:0.02874264121055603 be:0.02677132561802864 :0.09829472005367279 +mortgage:0.03486073762178421 County:0.014469009824097157 John:0.012604025192558765 James:0.009327806532382965 :0.15688163042068481 +and:0.0655905157327652 in:0.05704245716333389 of:0.026837240904569626 the:0.025792868807911873 :0.14582766592502594 +and:0.154082253575325 the:0.060824815183877945 in:0.03308168053627014 to:0.031567446887493134 :0.10809611529111862 +The:0.05880937725305557 In:0.050993118435144424 It:0.037619736045598984 of:0.02895497903227806 :0.09870409220457077 +no:0.0735819861292839 many:0.052887093275785446 a:0.039895787835121155 some:0.03479844331741333 :0.0944497138261795 +not:0.06121707707643509 the:0.023241432383656502 to:0.019047008827328682 now:0.018075542524456978 :0.12385860085487366 +stitution:0.1058056652545929 gress:0.09234385192394257 vention:0.04843069612979889 federate:0.04333961009979248 :0.3056882619857788 +is:0.13228364288806915 was:0.056724533438682556 Is:0.022567566484212875 has:0.021011853590607643 :0.05107254162430763 +been:0.49362632632255554 not:0.04676074534654617 become:0.02044515125453472 a:0.020122533664107323 :0.03714603930711746 +age:0.23364822566509247 ages:0.06408793479204178 and:0.050688259303569794 to:0.034354448318481445 :0.2187388837337494 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +date:0.008520219475030899 United:0.008137640543282032 time:0.00669322581961751 day:0.006416283547878265 :0.18612447381019592 +way:0.02021726407110691 manner:0.008581200614571571 and:0.008494636043906212 position:0.006205352954566479 :0.31263867020606995 +and:0.07047337293624878 in:0.05206958204507828 as:0.045016851276159286 after:0.04322126880288124 :0.0742141380906105 +and:0.07630667835474014 the:0.07177933305501938 by:0.06021285802125931 in:0.01818062737584114 :0.12690380215644836 +a:0.25246745347976685 an:0.040857311338186264 changes:0.009785505943000317 as:0.009762519970536232 :0.1397731751203537 +the:0.05674300342798233 and:0.03816640004515648 to:0.028459249064326286 in:0.019976070150732994 :0.18523631989955902 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +the:0.31177619099617004 a:0.04996158927679062 any:0.04891219362616539 his:0.018476378172636032 :0.0974431186914444 +the:0.2250121533870697 it:0.09473146498203278 they:0.048622339963912964 he:0.03823293000459671 :0.06063017249107361 +and:0.06295080482959747 faculties:0.006799551658332348 prostration:0.006493829656392336 stock:0.006234355736523867 :0.3593061566352844 +land:0.15185871720314026 the:0.10629679262638092 land,:0.017567235976457596 a:0.0134573457762599 :0.20521098375320435 +and:0.04987282305955887 to:0.043343208730220795 the:0.03829891234636307 of:0.03477984294295311 :0.2330438643693924 +the:0.34568023681640625 a:0.03021955117583275 tho:0.01656479202210903 this:0.014324645511806011 :0.05888870730996132 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +few:0.043048661202192307 very:0.01854846253991127 short:0.016552865505218506 great:0.012824597768485546 :0.16029050946235657 +and:0.07108121365308762 to:0.060932647436857224 the:0.029924316331744194 in:0.028816495090723038 :0.11830724030733109 +a:0.20917129516601562 the:0.19585171341896057 their:0.030878493562340736 an:0.026874829083681107 :0.07895233482122421 +I:0.058070771396160126 It:0.050930704921483994 the:0.04268916696310043 The:0.0287275779992342 :0.1322697252035141 +time:0.16751357913017273 time,:0.08968226611614227 time.:0.0709434524178505 of:0.05242009833455086 :0.08130629360675812 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +other:0.009195031598210335 same:0.007823395542800426 man:0.006038188934326172 first:0.005933116655796766 :0.22680328786373138 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.15155571699142456 a:0.07355951517820358 he:0.018134916201233864 which:0.014887033961713314 :0.07387139648199081 +The:0.17660532891750336 They:0.04025595262646675 He:0.035504769533872604 It:0.029908819124102592 :0.0894712284207344 +to:0.10946384817361832 that:0.08784633874893188 the:0.06347378343343735 in:0.034534525126218796 :0.1137240007519722 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +.:0.14332179725170135 ,000:0.04794176295399666 ,:0.04194721207022667 and:0.03804759308695793 :0.10399460792541504 +and:0.061252743005752563 ranges:0.024847034364938736 to:0.023719970136880875 in:0.02086879499256611 :0.24812176823616028 +the:0.07795204222202301 a:0.02941208705306053 been:0.016719510778784752 he:0.01505045872181654 :0.20356270670890808 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +The:0.06581134349107742 the:0.04846181720495224 and:0.03823764994740486 I:0.03692995384335518 :0.16978704929351807 +the:0.09090594947338104 to:0.08700627833604813 a:0.02648165449500084 one:0.017717240378260612 :0.1905638575553894 +a:0.11307432502508163 the:0.07565367221832275 an:0.016312161460518837 great:0.008807231672108173 :0.18392989039421082 +to:0.44676199555397034 the:0.06281384080648422 at:0.045374490320682526 a:0.023987634107470512 :0.043139051645994186 +of:0.11909583956003189 and:0.10910603404045105 in:0.020102640613913536 to:0.00965211633592844 :0.1577930450439453 +the:0.04080371931195259 two:0.03970799967646599 three:0.03500708192586899 a:0.03450670838356018 :0.21203404664993286 +the:0.058420579880476 to:0.051956430077552795 and:0.03430130332708359 a:0.02446211874485016 :0.13615016639232635 +of:0.26166126132011414 who:0.0577114038169384 to:0.04644044488668442 in:0.0401947945356369 :0.036791641265153885 +and:0.1285737305879593 to:0.07038264721632004 in:0.043942954391241074 on:0.03902646154165268 :0.12232198566198349 +and:0.05617542937397957 the:0.031775619834661484 of:0.028597595170140266 is:0.017605168744921684 :0.1372944414615631 +to:0.3063926100730896 the:0.05881550908088684 a:0.038470558822155 one:0.01230696216225624 :0.1196359395980835 +of:0.15129487216472626 in:0.11457459628582001 on:0.0468272790312767 to:0.03243632614612579 :0.03884558752179146 +the:0.24308836460113525 a:0.024883873760700226 tho:0.01588580757379532 and:0.011778569780290127 :0.20618268847465515 +the:0.03704138472676277 was:0.026406165212392807 and:0.02611684799194336 of:0.02325477823615074 :0.17209234833717346 +sends:0.08280952274799347 and:0.07442621886730194 to:0.03268750384449959 City:0.019090795889496803 :0.1388908177614212 +the:0.3092960715293884 said:0.02831929363310337 any:0.026491647586226463 him:0.020780429244041443 :0.10170282423496246 +a:0.05407969281077385 the:0.041131094098091125 in:0.03513817489147186 not:0.033309370279312134 :0.10234405845403671 +good:0.021160084754228592 few:0.020261019468307495 man:0.01857689395546913 great:0.013137735426425934 :0.24695543944835663 +doubt:0.09309294819831848 right:0.03080589883029461 hesitation:0.023100700229406357 more:0.018643278628587723 :0.12668423354625702 +the:0.08978994190692902 that:0.08700380474328995 a:0.041389863938093185 no:0.02978004515171051 :0.06640177220106125 +at:0.1794731318950653 by:0.11703949421644211 to:0.07373782247304916 the:0.05389195308089256 :0.04293634369969368 +a:0.10892137885093689 the:0.07961830496788025 not:0.036237068474292755 to:0.02532261423766613 :0.14692692458629608 +of:0.1245526373386383 who:0.04161098226904869 that:0.0254634041339159 to:0.023831114172935486 :0.08561710268259048 +count:0.1062486544251442 cept:0.08480694890022278 cepted:0.03717740997672081 complish:0.03504457324743271 :0.37058722972869873 +and:0.08965779095888138 of:0.0393800288438797 to:0.02384691685438156 the:0.02218296378850937 :0.16386432945728302 +a:0.13031025230884552 the:0.08208809792995453 it:0.02775593288242817 well:0.025082020089030266 :0.08388496935367584 +the:0.038803473114967346 and:0.03655556961894035 of:0.022645922377705574 to:0.019182531163096428 :0.14648652076721191 +in:0.09889226406812668 of:0.08115222305059433 and:0.047720540314912796 to:0.04193664342164993 :0.1411353200674057 +Jury:0.14090444147586823 Army:0.09114716947078705 Lodge:0.06955115497112274 Trunk:0.06297773122787476 :0.21459344029426575 +the:0.41183263063430786 a:0.051199816167354584 their:0.019242458045482635 tho:0.015602944418787956 :0.13462889194488525 +and:0.04924726113677025 or:0.04309200122952461 of:0.027237320318818092 the:0.022281041368842125 :0.2600581645965576 +and:0.09882065653800964 the:0.04934369772672653 who:0.036755889654159546 but:0.03473002091050148 :0.056590620428323746 +the:0.1863688975572586 a:0.10246710479259491 up:0.03848433867096901 his:0.03735729306936264 :0.046272192150354385 +be:0.17345429956912994 have:0.05872456729412079 see:0.026525968685746193 get:0.023200541734695435 :0.09837786108255386 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +of:0.15118326246738434 to:0.06849794834852219 that:0.06657461076974869 the:0.04560627043247223 :0.10656207799911499 +of:0.1083630695939064 and:0.05596766620874405 or:0.031133662909269333 in:0.023358020931482315 :0.14391715824604034 +the:0.03844756260514259 to:0.03836702182888985 by:0.031208736822009087 and:0.01843097247183323 :0.20511753857135773 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +and:0.22370344400405884 but:0.09246302396059036 the:0.07576499134302139 as:0.03508685529232025 :0.051174815744161606 +the:0.19994883239269257 a:0.08698789030313492 out:0.049364786595106125 to:0.03616638854146004 :0.056593868881464005 +in:0.04779674485325813 to:0.02645610086619854 that:0.025632550939917564 on:0.020822836086153984 :0.08842183649539948 +and:0.05158272758126259 the:0.04826118052005768 to:0.015364577993750572 a:0.014186899177730083 :0.20404914021492004 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +the:0.399926096200943 this:0.028754189610481262 a:0.025123680010437965 said:0.021874520927667618 :0.11051878333091736 +the:0.06797333061695099 by:0.05715059116482735 a:0.044184714555740356 at:0.04347798228263855 :0.10487651079893112 +and:0.04701525345444679 that:0.026262635365128517 a:0.02555789053440094 the:0.022107543423771858 :0.1557077020406723 +the:0.2534816861152649 a:0.02831011638045311 this:0.020913437008857727 said:0.019746340811252594 :0.12233825027942657 +the:0.030638113617897034 of:0.027353331446647644 a:0.026768548414111137 and:0.025218503549695015 :0.19684311747550964 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +and:0.18519525229930878 the:0.07337971776723862 but:0.0666307583451271 in:0.035604145377874374 :0.0757007747888565 +that:0.13141530752182007 far:0.059943512082099915 long:0.04191404581069946 much:0.0377906858921051 :0.09898900985717773 +a:0.06630861759185791 not:0.061363451182842255 the:0.05364001542329788 to:0.017353583127260208 :0.10260779410600662 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +and:0.3463154435157776 the:0.04898463562130928 but:0.0399923138320446 by:0.0229801032692194 :0.05874782055616379 +result:0.008068674243986607 first:0.006575636100023985 only:0.00599072128534317 man:0.005853445269167423 :0.1700238585472107 +the:0.2391393929719925 this:0.04878006502985954 a:0.038884688168764114 which:0.03781159967184067 :0.07403469830751419 +that:0.057555221021175385 to:0.050965823233127594 and:0.047705426812171936 the:0.04320148751139641 :0.09895268082618713 +own:0.040838684886693954 home:0.011371856555342674 pocket:0.010775255039334297 pocket,:0.006623922847211361 :0.18341730535030365 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +and:0.11898697167634964 the:0.0894446074962616 for:0.05638507753610611 of:0.030098220333456993 :0.034731607884168625 +two:0.07748211175203323 United:0.02045506425201893 hours:0.014665200375020504 ages:0.011310427449643612 :0.18714135885238647 +of:0.5784095525741577 to:0.019050994887948036 ot:0.01875062845647335 and:0.017407061532139778 :0.01862141489982605 +as:0.2447536438703537 shall:0.0729214996099472 and:0.06051839888095856 or:0.051511622965335846 :0.049238964915275574 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +the:0.38825225830078125 a:0.12112704664468765 which:0.022161444649100304 his:0.020998850464820862 :0.055023979395627975 +great:0.02518831379711628 good:0.02231769450008869 large:0.01634083315730095 very:0.012824904173612595 :0.18167844414710999 +first:0.01656775362789631 said:0.014147539623081684 people:0.013477622531354427 time:0.011680027469992638 :0.1652756780385971 +is:0.1873551458120346 was:0.12117424607276917 Is:0.09395289421081543 would:0.04222673922777176 :0.1135723665356636 +The:0.16359564661979675 It:0.047190502285957336 He:0.03372811898589134 A:0.02300485037267208 :0.12653303146362305 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +against:0.3594663143157959 and:0.08167988806962967 to:0.05026961490511894 for:0.030462931841611862 :0.04359639063477516 +and:0.060574859380722046 sums:0.025566890835762024 number:0.02263481356203556 numbers:0.01636774092912674 :0.19210907816886902 +of:0.4488339126110077 and:0.09892023354768753 was:0.0531638078391552 in:0.035810668021440506 :0.030166994780302048 +the:0.06588563323020935 and:0.04492420703172684 ready:0.018644580617547035 with:0.014360453933477402 :0.30364152789115906 +the:0.15583078563213348 to:0.09653963893651962 in:0.042108193039894104 with:0.03810010850429535 :0.04202522337436676 +devisees,:0.16947413980960846 and:0.022235002368688583 the:0.02190312370657921 devisees:0.018931817263364792 :0.2568846046924591 +the:0.27315741777420044 a:0.04854360967874527 by:0.04697059467434883 his:0.02272859402000904 :0.1340618133544922 +of:0.6652324199676514 to:0.02169281244277954 in:0.01989498920738697 and:0.01185639202594757 :0.03706180304288864 +be:0.17345429956912994 have:0.05872456729412079 see:0.026525968685746193 get:0.023200541734695435 :0.09837786108255386 +the:0.27318379282951355 it:0.06389813870191574 this:0.03950105980038643 them:0.03299741446971893 :0.02588074468076229 +said:0.030943598598241806 attention:0.025556374341249466 sum:0.020811619237065315 taxes:0.01556932833045721 :0.16008442640304565 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +of:0.19483645260334015 and:0.09144257009029388 is:0.028158415108919144 in:0.026030756533145905 :0.10825049132108688 +of:0.08385924249887466 and:0.08226530253887177 in:0.06202369183301926 at:0.034906163811683655 :0.04972218722105026 +of:0.18285080790519714 the:0.03716065734624863 in:0.03252808004617691 and:0.030033551156520844 :0.08222631365060806 +of:0.2659936845302582 day:0.06423614919185638 day,:0.036062415689229965 hour:0.02127080038189888 :0.07641063630580902 +of:0.027573097497224808 the:0.021578235551714897 to:0.01600021868944168 and:0.013573014177381992 :0.2760419547557831 +port:0.060392141342163086 spect:0.04973159357905388 lation:0.03199860826134682 sult:0.02130674570798874 :0.32792314887046814 +that:0.2200470268726349 the:0.11199760437011719 a:0.05159246549010277 how:0.028318852186203003 :0.03338175266981125 +and:0.04987909272313118 of:0.03221399337053299 feet:0.02909581921994686 Mrs.:0.018099257722496986 :0.2216290980577469 +not:0.03948759660124779 the:0.032794322818517685 to:0.01854604296386242 in:0.01853678561747074 :0.19783002138137817 +and:0.11079980432987213 in:0.08495242893695831 with:0.03205098956823349 to:0.03068467229604721 :0.06396600604057312 +following:0.0059953248128294945 same:0.005684756673872471 amount:0.004411777947098017 most:0.003351720282807946 :0.22780157625675201 +of:0.04427681118249893 the:0.021033359691500664 is:0.020358458161354065 and:0.01840328425168991 :0.23808816075325012 +not:0.05334893986582756 to:0.027877675369381905 the:0.026064179837703705 hereby:0.019919928163290024 :0.1393398493528366 +and:0.06932716071605682 of:0.06107903644442558 the:0.01733601838350296 The:0.016735685989260674 :0.21330517530441284 +the:0.14565417170524597 it:0.0893009826540947 they:0.07601169496774673 he:0.07055934518575668 :0.05173138901591301 +the:0.08356063812971115 a:0.020975351333618164 which:0.011152397841215134 this:0.010362356901168823 :0.23469702899456024 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +of:0.24069783091545105 the:0.06462282687425613 and:0.059833988547325134 in:0.03461741656064987 :0.05285648629069328 +and:0.19770923256874084 for:0.035087019205093384 to:0.02572239376604557 as:0.01981811597943306 :0.15746594965457916 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +and:0.05627907067537308 The:0.024337491020560265 of:0.022960636764764786 the:0.021822934970259666 :0.16629843413829803 +and:0.07018999755382538 of:0.04536697641015053 in:0.023346904665231705 the:0.021560946479439735 :0.16602112352848053 +the:0.14938411116600037 at:0.08792439848184586 by:0.06112736091017723 to:0.05838882550597191 :0.051703933626413345 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +the:0.361209899187088 a:0.038596462458372116 this:0.02755575440824032 their:0.01968531310558319 :0.0900569036602974 +people:0.018279286101460457 readers:0.018009057268500328 friends:0.013591954484581947 own:0.013409474864602089 :0.13752339780330658 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +large:0.026192188262939453 good:0.015363537706434727 great:0.012871617451310158 little:0.010774335823953152 :0.13421979546546936 +of:0.11893971264362335 in:0.03810855746269226 and:0.03484271466732025 at:0.023850955069065094 :0.13810168206691742 +the:0.11186155676841736 to:0.10215122997760773 and:0.03668970614671707 up:0.029855571687221527 :0.02764204703271389 +the:0.07135992497205734 a:0.04169273003935814 not:0.038365717977285385 to:0.023755615577101707 :0.12455014884471893 +in:0.0589924193918705 if:0.058395061641931534 by:0.04880429059267044 and:0.046930354088544846 :0.06608625501394272 +the:0.056600045412778854 and:0.01565425470471382 was:0.015248616226017475 in:0.014682264998555183 :0.176300048828125 +the:0.08566224575042725 make:0.017380908131599426 a:0.014501594007015228 pay:0.014303764328360558 :0.1276216059923172 +do:0.0419977568089962 the:0.04162042587995529 meet:0.032018810510635376 make:0.030696170404553413 :0.08756440132856369 +point:0.014926834031939507 place:0.011917389929294586 door:0.010053468868136406 top:0.009104383178055286 :0.11505665630102158 +to:0.2912561595439911 on:0.059645842760801315 out:0.04102117940783501 into:0.036272063851356506 :0.07494767010211945 +the:0.4318901598453522 this:0.038732267916202545 tho:0.025574732571840286 a:0.019391676411032677 :0.07791686058044434 +the:0.08243945986032486 a:0.027523718774318695 that:0.009611316956579685 State:0.009448529221117496 :0.1508277952671051 +of:0.30875352025032043 to:0.09592990577220917 in:0.0647820383310318 the:0.026135757565498352 :0.0348367765545845 +the:0.11265002936124802 a:0.07846695929765701 well:0.057057175785303116 they:0.03634936362504959 :0.0858154147863388 +and:0.1007002592086792 of:0.058272894471883774 to:0.04146169498562813 the:0.03733792528510094 :0.03507903218269348 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +is:0.4050156772136688 was:0.1601266860961914 would:0.035999469459056854 has:0.03295836225152016 :0.029504533857107162 +the:0.33938631415367126 a:0.02211703173816204 this:0.02164258249104023 that:0.017686547711491585 :0.09374025464057922 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +been:0.2661200761795044 a:0.05612945556640625 not:0.0357494093477726 to:0.02877272665500641 :0.05535801872611046 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +and:0.08680576086044312 rails:0.08203107118606567 rails,:0.02860957570374012 or:0.01986624486744404 :0.1963539570569992 +one:0.035209376364946365 a:0.03133643791079521 the:0.028376752510666847 and:0.027344847097992897 :0.15480147302150726 +the:0.0210970900952816 other:0.015889057889580727 a:0.014761721715331078 to:0.0117202652618289 :0.21589712798595428 +country:0.023979390040040016 city,:0.018591221421957016 city:0.018282363191246986 act,:0.015703648328781128 :0.14142222702503204 +he:0.19138307869434357 that:0.16559500992298126 to:0.07303448766469955 the:0.060600053519010544 :0.06558080017566681 +the:0.3058377802371979 a:0.0397799089550972 this:0.03629510477185249 which:0.034557148814201355 :0.08531363308429718 +was:0.11550935357809067 is:0.06043621152639389 had:0.052795663475990295 has:0.03665871545672417 :0.0778137743473053 +It:0.13258346915245056 The:0.09916761517524719 I:0.055770453065633774 He:0.03035159595310688 :0.13110005855560303 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.29033032059669495 a:0.03911900892853737 which:0.037035178393125534 their:0.012667348608374596 :0.12661276757717133 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +been:0.40598616003990173 a:0.028044886887073517 the:0.014875369146466255 made:0.012895592488348484 :0.044676274061203 +the:0.2756897211074829 a:0.08426330983638763 this:0.017868416383862495 him:0.014962839893996716 :0.056130290031433105 +sale:0.021126924082636833 large:0.02051337994635105 vote:0.019326945766806602 majority:0.015249083749949932 :0.1742253452539444 +the:0.38973212242126465 a:0.050135426223278046 tho:0.016039909794926643 his:0.015820378437638283 :0.08160366863012314 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +time:0.23399284482002258 of:0.06341899186372757 time.:0.06252511590719223 and:0.03711056709289551 :0.06318526715040207 +things:0.06955555081367493 people:0.042071301490068436 men:0.036613620817661285 and:0.03240633010864258 :0.11841517686843872 +The:0.18824757635593414 It:0.07139241695404053 He:0.04341857135295868 This:0.034167587757110596 :0.08335725218057632 +in:0.019645223394036293 a:0.019028767943382263 made:0.013081473298370838 the:0.01220979169011116 :0.1507980227470398 +and:0.0795002207159996 as:0.03978153318166733 to:0.032919228076934814 known:0.024664299562573433 :0.1391444057226181 +of:0.35221707820892334 and:0.11183995753526688 to:0.02456207200884819 as:0.019969651475548744 :0.07592543214559555 +the:0.4576059579849243 in:0.07386235892772675 their:0.038797520101070404 a:0.021642211824655533 :0.03749711066484451 +of:0.3768698275089264 and:0.07833018898963928 in:0.05790001153945923 for:0.050825901329517365 :0.028150007128715515 +to:0.19507838785648346 that:0.17570172250270844 by:0.07211261242628098 in:0.06510043144226074 :0.039165932685136795 +the:0.23799699544906616 a:0.04221582040190697 tho:0.014849789440631866 this:0.014704192988574505 :0.22046831250190735 +claiming:0.13204477727413177 who:0.12152200192213058 interested:0.1138480082154274 having:0.027591006830334663 :0.06320054829120636 +the:0.04872077703475952 is:0.04067006707191467 was:0.02664429508149624 he:0.022963011637330055 :0.09353325515985489 +hour:0.04968416318297386 acre,:0.02673390321433544 old:0.01987556368112564 amount:0.017994610592722893 :0.4313632547855377 +a:0.09439774602651596 the:0.09092465043067932 to:0.07646086066961288 out:0.04085206985473633 :0.052951399236917496 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.07348621636629105 a:0.02283467724919319 to:0.014628666453063488 in:0.008749833330512047 :0.15419642627239227 +of:0.35016918182373047 is:0.041890282183885574 and:0.0416911318898201 was:0.03706781193614006 :0.03797260671854019 +of:0.5164813995361328 the:0.06179649755358696 and:0.038667552173137665 to:0.029635895043611526 :0.03942463546991348 +were:0.09133239090442657 could:0.06283291429281235 had:0.059205684810876846 are:0.054667580872774124 :0.07453445345163345 +for:0.11534729599952698 and:0.0926748737692833 of:0.08085231482982635 in:0.048297517001628876 :0.04234626889228821 +the:0.3849053382873535 his:0.03798183798789978 a:0.03280485421419144 her:0.019017508253455162 :0.06966540217399597 +and:0.2049228549003601 the:0.033055394887924194 but:0.031245389953255653 he:0.02171824499964714 :0.1101028248667717 +have:0.13027869164943695 be:0.1289425641298294 not:0.07632516324520111 make:0.018075279891490936 :0.05512462928891182 +the:0.24485480785369873 a:0.06162808835506439 which:0.027615217491984367 their:0.02311027981340885 :0.09098070859909058 +own:0.01134571060538292 people:0.006141149904578924 life:0.005902167875319719 business:0.004911879543215036 :0.22616362571716309 +The:0.10769229382276535 In:0.04504474997520447 This:0.023722315207123756 It:0.022017519921064377 :0.2325461357831955 +and:0.08841506391763687 of:0.022390011698007584 to:0.019702032208442688 the:0.018124939873814583 :0.23805148899555206 +the:0.09829285740852356 a:0.018063774332404137 and:0.015988629311323166 .:0.015332981944084167 :0.17963838577270508 +to:0.05237603932619095 and:0.05028571933507919 the:0.03412202373147011 The:0.017208673059940338 :0.18579931557178497 +in:0.550573468208313 In:0.08358347415924072 as:0.07322394847869873 real:0.02802129089832306 :0.034203168004751205 +is:0.08047374337911606 was:0.05969255417585373 are:0.03944889083504677 the:0.03935001790523529 :0.07503548264503479 +make:0.039315659552812576 do:0.03914528340101242 get:0.025797532871365547 have:0.022533265873789787 :0.07337696105241776 +to:0.44711431860923767 of:0.054942019283771515 for:0.03467181324958801 a:0.02803478017449379 :0.026193691417574883 +the:0.20910748839378357 a:0.022309035062789917 tho:0.012287775985896587 this:0.011411941610276699 :0.19035564363002777 +The:0.10401551425457001 and:0.02863267995417118 It:0.0273769311606884 A:0.026924924924969673 :0.26271089911460876 +Lodge:0.35787856578826904 Lodge,:0.024952420964837074 the:0.004600129555910826 and:0.004188773222267628 :0.3901384472846985 +the:0.15915538370609283 said:0.046267081052064896 a:0.023935886099934578 this:0.010821388103067875 :0.16620637476444244 +be:0.31654104590415955 not:0.09372391551733017 have:0.07921663671731949 seem:0.031046586111187935 :0.04805479943752289 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.2416950911283493 a:0.0699688270688057 tho:0.016421543434262276 his:0.013771031983196735 :0.15599216520786285 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.12798403203487396 a:0.03136574849486351 said:0.02691267430782318 tne:0.016223402693867683 :0.2874186933040619 +the:0.1444588452577591 that:0.06369027495384216 by:0.05592074245214462 a:0.05469982326030731 :0.1273474395275116 +and:0.08435028046369553 to:0.026490027084946632 The:0.018797509372234344 of:0.016599323600530624 :0.16484713554382324 +the:0.16708950698375702 them:0.08360866457223892 him:0.07297681272029877 a:0.04918937757611275 :0.04112270846962929 +not:0.04377563297748566 the:0.02597997710108757 made:0.019876858219504356 in:0.01985153742134571 :0.13650178909301758 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +and:0.14893987774848938 in:0.02279171533882618 was:0.018095241859555244 of:0.01706678792834282 :0.15407578647136688 +the:0.10464645177125931 a:0.03824347257614136 his:0.01336537767201662 this:0.008749748580157757 :0.16956646740436554 +be:0.36510169506073 say:0.024524779990315437 bo:0.016364915296435356 the:0.015505283139646053 :0.0599825493991375 +and:0.06829795241355896 the:0.038543738424777985 to:0.025904998183250427 of:0.025352736935019493 :0.18588609993457794 +A:0.007479423191398382 .:0.006489868275821209 W.:0.006057605147361755 Smith,:0.005506592337042093 :0.6205921769142151 +the:0.20515604317188263 a:0.06169132888317108 any:0.01653888076543808 an:0.012634053826332092 :0.09217493236064911 +to:0.09026160836219788 in:0.026301978155970573 and:0.02459906041622162 that:0.0244526918977499 :0.18586039543151855 +of:0.34805744886398315 are:0.1068478375673294 were:0.0680297389626503 for:0.04781816154718399 :0.03539922460913658 +the:0.1602036952972412 a:0.04167105257511139 which:0.03620364889502525 this:0.02440907619893551 :0.1164778396487236 +the:0.6269051432609558 said:0.021296191960573196 with:0.019553037360310555 tho:0.01917055808007717 :0.02790176495909691 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +of:0.4542296528816223 is:0.04441051557660103 and:0.03541659191250801 in:0.03199199587106705 :0.03335051238536835 +and:0.055589091032743454 the:0.025035634636878967 of:0.022987987846136093 to:0.016727518290281296 :0.16412106156349182 +the:0.05321905389428139 and:0.04897884279489517 to:0.04312391206622124 a:0.01368653867393732 :0.19546088576316833 +the:0.10340016335248947 a:0.06644854694604874 described:0.02147100679576397 in:0.02061343565583229 :0.12909550964832306 +of:0.5873005986213684 than:0.026520531624555588 and:0.026447448879480362 in:0.02486754022538662 :0.02013588137924671 +to:0.10137822479009628 with:0.052319612354040146 a:0.03590179234743118 the:0.03518899530172348 :0.13094274699687958 +a:0.0861847996711731 the:0.06955105811357498 up:0.05879027768969536 out:0.05275776982307434 :0.050739265978336334 +and:0.06903478503227234 of:0.0555778369307518 to:0.055329859256744385 in:0.018395492807030678 :0.20501013100147247 +much:0.09133490920066833 far:0.07446461170911789 that:0.047412414103746414 long:0.03169303387403488 :0.13083483278751373 +of:0.7117681503295898 and:0.02420293167233467 to:0.022988174110651016 that:0.020050175487995148 :0.014490458182990551 +the:0.2577815651893616 a:0.029981782659888268 this:0.026111377403140068 his:0.015260180458426476 :0.2119809240102768 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.1873430460691452 a:0.10888999700546265 this:0.028176212683320045 and:0.017753489315509796 :0.0826980248093605 +was:0.22059257328510284 is:0.12723757326602936 has:0.04115662723779678 would:0.039155103266239166 :0.06399250775575638 +of:0.13290606439113617 in:0.0478518083691597 the:0.03984580934047699 to:0.017216959968209267 :0.14263468980789185 +been:0.29057466983795166 yet:0.030762234702706337 a:0.023921797052025795 only:0.02157551608979702 :0.0699056088924408 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +is:0.0940026119351387 and:0.055592235177755356 are:0.054424721747636795 was:0.05288108438253403 :0.09696770459413528 +The:0.16062481701374054 It:0.058740757405757904 We:0.03200876712799072 They:0.03125925362110138 :0.07966769486665726 +the:0.15069125592708588 their:0.03383023664355278 a:0.025691693648695946 and:0.024089030921459198 :0.04705058038234711 +the:0.4343813359737396 a:0.03785323724150658 tho:0.019962579011917114 his:0.017363861203193665 :0.06272001564502716 +City:0.2820797562599182 and:0.04456770047545433 City,:0.03590669855475426 City.:0.03156726434826851 :0.12054803222417831 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +own:0.02038581110537052 people:0.010827554389834404 country:0.008136152289807796 readers:0.0059156399220228195 :0.22298669815063477 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.12485738098621368 as:0.07118042558431625 the:0.04549002647399902 which:0.0360988974571228 :0.1041681319475174 +the:0.35883134603500366 a:0.029190843924880028 his:0.02092733234167099 their:0.02005072310566902 :0.11197669804096222 +a:0.1323946863412857 the:0.07133578509092331 not:0.05409318581223488 only:0.015604213811457157 :0.07645665854215622 +the:0.2825472056865692 sale:0.06435444205999374 this:0.023464631289243698 a:0.017319563776254654 :0.1516546756029129 +to:0.04577220603823662 are:0.04530993849039078 have:0.037053413689136505 were:0.03324819728732109 :0.11273811757564545 +be:0.31433919072151184 exceed:0.07623589038848877 have:0.030880695208907127 apply:0.029393207281827927 :0.045586396008729935 +and:0.10730867087841034 of:0.02650042250752449 the:0.021894918754696846 The:0.020721672102808952 :0.15219253301620483 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.06338217109441757 a:0.03386172652244568 the:0.03296179696917534 to:0.03051353432238102 :0.1692720651626587 +the:0.05362660810351372 to:0.02428639680147171 in:0.022706694900989532 that:0.02169562131166458 :0.08164426684379578 +people:0.01184986811131239 other:0.008582078851759434 time:0.007927880622446537 members:0.007269573863595724 :0.18682827055454254 +of:0.8201913833618164 to:0.01657416857779026 which:0.011610093526542187 ot:0.010775069706141949 :0.011541489511728287 +the:0.24227869510650635 a:0.09107017517089844 their:0.013781544752418995 an:0.01164807379245758 :0.10561911016702652 +the:0.23799699544906616 a:0.04221582040190697 tho:0.014849789440631866 this:0.014704192988574505 :0.22046831250190735 +be:0.22600293159484863 not:0.049146972596645355 have:0.022906847298145294 sell:0.015517503023147583 :0.05853931978344917 +a:0.1301877200603485 not:0.08030035346746445 the:0.04077612981200218 an:0.023393811658024788 :0.11680546402931213 +time:0.04156280681490898 condition:0.01823098585009575 time,:0.016372399404644966 time.:0.014106830582022667 :0.1091386079788208 +other:0.008112485520541668 same:0.007408756297081709 first:0.007333735469728708 said:0.00729701342061162 :0.13970208168029785 +and:0.06259091198444366 of:0.04432102292776108 to:0.025623057037591934 in:0.017337527126073837 :0.2163652926683426 +and:0.059463515877723694 are:0.02456372044980526 to:0.021299319341778755 the:0.02093273587524891 :0.1690751165151596 +to:0.04687239229679108 not:0.04199523106217384 the:0.028121301904320717 in:0.02676336281001568 :0.14870882034301758 +and:0.08255451172590256 the:0.04598712548613548 it:0.024441320449113846 of:0.02134491316974163 :0.1226118728518486 +is:0.028881173580884933 was:0.019226819276809692 morning:0.010803691111505032 and:0.01052143145352602 :0.13440215587615967 +and:0.10388803482055664 to:0.05942796915769577 are:0.05480460822582245 in:0.03600523993372917 :0.03317437320947647 +the:0.20654474198818207 a:0.14962972700595856 all:0.026383882388472557 his:0.02198585867881775 :0.08537514507770538 +point:0.04157324507832527 stake:0.019657595083117485 large:0.017763804644346237 great:0.014630108140408993 :0.1461859792470932 +the:0.1280508041381836 a:0.026591332629323006 be:0.012548326514661312 make:0.012051432393491268 :0.11497309803962708 +the:0.2247854769229889 a:0.10383927077054977 that:0.0525476299226284 it:0.032258447259664536 :0.06982820481061935 +in:0.14726386964321136 and:0.09046757221221924 on:0.06548666208982468 the:0.06340482085943222 :0.06939363479614258 +dozen:0.1751856654882431 mile:0.1647605299949646 million:0.07155447453260422 century:0.06902987509965897 :0.08449491858482361 +and:0.08852656185626984 the:0.035111863166093826 a:0.013970529660582542 of:0.013502247631549835 :0.2284352332353592 diff --git a/dev-0/out.tsv b/dev-0/out.tsv deleted file mode 100644 index e7b3481..0000000 --- a/dev-0/out.tsv +++ /dev/null @@ -1,10519 +0,0 @@ -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -the:0.23979175090789795 a:0.031034329906105995 tho:0.022321950644254684 this:0.019696947187185287 :0.22795014083385468 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -pany:0.2729794979095459 pany,:0.06539160758256912 merce:0.03087875060737133 pany.:0.030182912945747375 :0.41000106930732727 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.09924327582120895 of:0.06808178871870041 trees:0.05657179653644562 is:0.03603813052177429 :0.15767167508602142 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.190326526761055 the:0.0808967873454094 a:0.05292752757668495 as:0.03393283113837242 :0.08723070472478867 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -much:0.14333897829055786 many:0.03466739505529404 late.:0.025848792865872383 far:0.025535600259900093 :0.14510856568813324 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.13821139931678772 that:0.05628193914890289 and:0.03477304428815842 a:0.02936231903731823 :0.1333797723054886 -The:0.16058467328548431 It:0.0697007104754448 He:0.030725644901394844 In:0.029674258083105087 :0.10079798847436905 -for:0.21171319484710693 that:0.17492736876010895 to:0.058432336896657944 and:0.03540796414017677 :0.07446585595607758 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.05294022709131241 is:0.052457235753536224 in:0.04192956164479256 for:0.03480939194560051 :0.07146003842353821 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.06228470429778099 Tribune.:0.03580726683139801 City:0.03080337680876255 to:0.02098824642598629 :0.14723525941371918 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.11522706598043442 the:0.0878361165523529 and:0.04959215968847275 at:0.019357386976480484 :0.09695179015398026 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -rived:0.09665023535490036 ranged:0.053592585027217865 rested:0.0272881630808115 rival:0.023855481296777725 :0.6429988741874695 -of:0.25309476256370544 to:0.13319285213947296 and:0.04436085745692253 in:0.036113373935222626 :0.04830257594585419 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -day:0.0426633283495903 in:0.023209689185023308 year:0.022660257294774055 occasion:0.019294999539852142 :0.16694721579551697 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -the:0.062415413558483124 in:0.03560206666588783 It:0.031089091673493385 In:0.02656053565442562 :0.25085654854774475 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -4,:0.049925707280635834 and:0.034817252308130264 the:0.03397192433476448 block:0.016841692849993706 :0.40576523542404175 -by:0.18173396587371826 to:0.06544460356235504 the:0.0649515688419342 with:0.06261199712753296 :0.06100773438811302 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.4222341477870941 in:0.10378652065992355 the:0.05089433118700981 for:0.02276655100286007 :0.026874924078583717 -the:0.050468217581510544 a:0.016576260328292847 to:0.015248732641339302 and:0.01004817895591259 :0.20260289311408997 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -was:0.08393397927284241 had:0.06523281335830688 has:0.034160416573286057 would:0.027467429637908936 :0.17044216394424438 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -described:0.09433851391077042 in:0.05134836956858635 to:0.04004037007689476 the:0.0325586311519146 :0.15963615477085114 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2753489017486572 a:0.03558743745088577 his:0.03200562670826912 its:0.02772480435669422 :0.08640509843826294 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -and:0.12459772080183029 throat,:0.10227750986814499 to:0.06750090420246124 of:0.041737478226423264 :0.19188274443149567 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.5924087762832642 ot:0.02590806782245636 and:0.02343267947435379 is:0.01271352730691433 :0.04480525478720665 -to:0.09467166662216187 the:0.09194901585578918 up:0.07476664334535599 them:0.04756578803062439 :0.04318514093756676 -to:0.15192344784736633 that:0.09547695517539978 of:0.07342205941677094 is:0.047994427382946014 :0.04809493571519852 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -election:0.08162205666303635 election.:0.061317071318626404 campaign:0.0489572174847126 chair,:0.028551345691084862 :0.2678467333316803 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -and:0.03397063538432121 condition:0.03251904249191284 policy:0.02038480155169964 interests:0.009792270138859749 :0.2953716218471527 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -dian:0.10279708355665207 stead:0.0316418893635273 deed,:0.03158245608210564 terest:0.0272503774613142 :0.510423481464386 -more:0.022853391245007515 of:0.018158670514822006 girl,:0.01250563096255064 to:0.010435924865305424 :0.29975685477256775 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.18825624883174896 them:0.05159854143857956 of:0.04454661160707474 him:0.043542150408029556 :0.051871929317712784 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -mand:0.05641615390777588 grees:0.03593277931213379 scribed:0.02867727540433407 partment:0.025207728147506714 :0.5335603356361389 -the:0.11130336672067642 of:0.10416311770677567 in:0.056701306253671646 into:0.046968940645456314 :0.06495925039052963 -a:0.21331514418125153 the:0.1239723339676857 to:0.0550079308450222 that:0.02439114637672901 :0.146322101354599 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -and:0.1707596331834793 the:0.062182702124118805 but:0.04308827221393585 to:0.0361010804772377 :0.062450286000967026 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.13879473507404327 a:0.13107214868068695 it:0.06926743686199188 no:0.03314053267240524 :0.0525323860347271 -to:0.23597010970115662 at:0.10817725956439972 by:0.10205630958080292 with:0.05843575298786163 :0.05779619887471199 -the:0.21097929775714874 for:0.07584209740161896 a:0.045886725187301636 said:0.028614511713385582 :0.07246754318475723 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3530235290527344 which:0.04567929729819298 connected:0.03507114574313164 and:0.03116157092154026 :0.024283427745103836 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -who:0.06533411890268326 in:0.05005401372909546 was:0.04897436127066612 else:0.04171770438551903 :0.11809131503105164 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -to:0.22607474029064178 in:0.048345621675252914 from:0.04227367788553238 out:0.04218066856265068 :0.05084111541509628 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -to:0.06533034145832062 in:0.027037452906370163 as:0.026012971997261047 a:0.022624488919973373 :0.3976202607154846 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -the:0.10532162338495255 to:0.05758138746023178 of:0.033170487731695175 a:0.03080001473426819 :0.10229098796844482 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -ticular:0.10916582494974136 ty:0.10538570582866669 ticularly:0.08698463439941406 ties:0.08080209791660309 :0.3937215507030487 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -in:0.21584269404411316 among:0.07624868303537369 In:0.03375381603837013 that:0.02350405976176262 :0.1022314801812172 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -vanced:0.11167402565479279 vantage:0.05773797631263733 ministration:0.05194300040602684 dress:0.03363421559333801 :0.47107765078544617 -parts:0.04925866425037384 kinds:0.020171547308564186 other:0.018170258030295372 forms,:0.015546479262411594 :0.31474295258522034 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.11466783285140991 that:0.0579153336584568 the:0.05246267467737198 but:0.038196153938770294 :0.07364285737276077 -ure:0.6200695037841797 ant:0.08061722666025162 ing:0.05574396997690201 ures:0.009787285700440407 :0.10627377778291702 -and:0.11930377036333084 was:0.0679856687784195 of:0.055837687104940414 to:0.02880166471004486 :0.0967436134815216 -of:0.2537630796432495 in:0.06272618472576141 which:0.0607469268143177 that:0.043510399758815765 :0.054687198251485825 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -years:0.0784083902835846 or:0.044089969247579575 hundred:0.028000427410006523 successive:0.024910900741815567 :0.16574934124946594 -the:0.052077047526836395 a:0.017742393538355827 to:0.00982049759477377 with:0.00976747740060091 :0.3192233145236969 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.13411486148834229 of:0.10529240220785141 that:0.07330978661775589 and:0.046745460480451584 :0.09483521431684494 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.17477525770664215 we:0.05017627030611038 you:0.049188416451215744 he:0.048380784690380096 :0.07771619409322739 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.0960155799984932 to:0.06035367399454117 Block:0.03833146020770073 car:0.023061910644173622 :0.18898244202136993 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -World:0.012006915174424648 and:0.010564529336988926 Guard:0.007037812378257513 men:0.006180332973599434 :0.6590755581855774 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.07911846041679382 air:0.026273485273122787 the:0.015429748222231865 to:0.011074860580265522 :0.5035979151725769 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -The:0.17239531874656677 In:0.03427594155073166 He:0.02732333354651928 There:0.02717151679098606 :0.19979314506053925 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.06175997853279114 in:0.04626323655247688 is:0.04238457605242729 of:0.03972432762384415 :0.19739703834056854 -in:0.06318594515323639 the:0.05822047218680382 by:0.05599835515022278 on:0.05452446639537811 :0.09716390073299408 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -to:0.5476500988006592 as:0.0329522080719471 a:0.022960808128118515 that:0.020755542442202568 :0.09905503690242767 -own:0.020776847377419472 way:0.009151962585747242 wife:0.0085839182138443 wife,:0.008361587300896645 :0.32487738132476807 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -in:0.23331034183502197 In:0.08087410032749176 and:0.05445342883467674 on:0.05252991244196892 :0.05203840136528015 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -A.:0.29969194531440735 1910,:0.03919914364814758 and:0.03360757231712341 1898,:0.023078616708517075 :0.25721678137779236 -that:0.39021947979927063 the:0.08295987546443939 in:0.05408840253949165 it:0.04457901790738106 :0.035529933869838715 -of:0.2537390887737274 and:0.04797760769724846 that:0.03903402388095856 in:0.02849040925502777 :0.07568418234586716 -United:0.009320983663201332 most:0.006956055760383606 the:0.006800773087888956 right:0.004576783161610365 :0.3920999765396118 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.2533312737941742 the:0.05761967599391937 or:0.04316586256027222 but:0.04264429584145546 :0.10170569270849228 -the:0.22975094616413116 a:0.051747262477874756 this:0.027041709050536156 tho:0.025178782641887665 :0.1836472600698471 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.11250021308660507 his:0.07544908672571182 a:0.05166749656200409 their:0.050503335893154144 :0.04758545756340027 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2779161334037781 then:0.12192845344543457 that:0.1077466756105423 I:0.023397237062454224 :0.06417247653007507 -of:0.2257155179977417 contained:0.10083913803100586 and:0.053287945687770844 will:0.04347766935825348 :0.04216460511088371 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3561081886291504 and:0.05981532484292984 in:0.05048516392707825 is:0.02684333361685276 :0.03178543597459793 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.05358007550239563 man:0.05287296324968338 men:0.03441380709409714 oak:0.019308483228087425 :0.3487381637096405 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -by:0.09029407799243927 to:0.08670508861541748 the:0.06397102028131485 in:0.05847260355949402 :0.08452489227056503 -B:0.020638056099414825 J:0.02010377123951912 L:0.012144862674176693 H:0.012122518382966518 :0.5127801299095154 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -who:0.308531790971756 of:0.0703386664390564 in:0.021768072620034218 that:0.01657738909125328 :0.1333772838115692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.10736123472452164 and:0.021062888205051422 a:0.014210815541446209 that:0.012637329287827015 :0.2830527722835541 -.:0.09002413600683212 o'clock:0.026822134852409363 per:0.02597840502858162 to:0.024143584072589874 :0.2341027408838272 -him:0.11965429037809372 me:0.11262659728527069 the:0.1017884686589241 that:0.08461704850196838 :0.07026275247335434 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -tory:0.12252809852361679 tory,:0.05685020983219147 and:0.004823004361242056 I:0.004639014136046171 :0.6716217994689941 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -per:0.0677386224269867 feet:0.0625029057264328 miles:0.049870625138282776 acres:0.03478767350316048 :0.19059747457504272 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -B.:0.02028615213930607 E:0.020282939076423645 H.:0.01811414211988449 B:0.015139817260205746 :0.42620640993118286 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.16117560863494873 but:0.06297670304775238 the:0.037301238626241684 to:0.029338378459215164 :0.07634317874908447 -Beginning:0.1280158907175064 The:0.12246109545230865 Lot:0.08793731033802032 Commencing:0.05209711194038391 :0.13011868298053741 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.036139342933893204 of:0.028361549600958824 and:0.015468917787075043 to:0.012508893385529518 :0.3782777190208435 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -and:0.17934061586856842 to:0.056034162640571594 was:0.021130310371518135 at:0.01965739205479622 :0.18036536872386932 -and:0.033074695616960526 The:0.02662740834057331 ":0.019467024132609367 the:0.017410865053534508 :0.19666464626789093 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.2037186473608017 This:0.04894411936402321 In:0.04815801978111267 It:0.04113289341330528 :0.11120019108057022 -who:0.12407079339027405 of:0.08138538151979446 and:0.06571182608604431 in:0.05156034603714943 :0.07582911103963852 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.11247552186250687 and:0.0755307525396347 for:0.055010247975587845 that:0.04219399392604828 :0.06026317551732063 -and:0.1403883397579193 was:0.05086997523903847 in:0.04626902565360069 to:0.037584684789180756 :0.14227141439914703 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -in:0.15995056927204132 by:0.14099065959453583 a:0.10377851873636246 the:0.0519193559885025 :0.03540809080004692 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -own:0.04195336252450943 answer:0.009210593067109585 friends:0.0059311119839549065 money:0.005459604784846306 :0.21357011795043945 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -as:0.06843478232622147 in:0.06034527346491814 if:0.030532246455550194 after:0.02788349986076355 :0.1054292619228363 -of:0.1648188829421997 to:0.06801620125770569 in:0.05368642881512642 for:0.04261425882577896 :0.054143913090229034 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -estate:0.22713787853717804 estate,:0.06741316616535187 and:0.0445021316409111 property:0.03543020039796829 :0.22407925128936768 -health.:0.040147922933101654 and:0.02903975360095501 safety.:0.020022252574563026 the:0.0172054935246706 :0.3528153598308563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -was:0.17297698557376862 had:0.06520053744316101 is:0.04912802204489708 has:0.03723181039094925 :0.10190985351800919 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.034368086606264114 and:0.019949300214648247 of:0.01668313331902027 to:0.01350040640681982 :0.2720033526420593 -most:0.005381092429161072 time:0.004378912970423698 last:0.003792106406763196 same:0.003791905241087079 :0.34003472328186035 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -life:0.021779602393507957 head:0.014232821762561798 hand:0.012320330366492271 face:0.010363494977355003 :0.23562823235988617 -and:0.08757952600717545 is:0.0367564782500267 to:0.03182883560657501 at:0.030454890802502632 :0.09513651579618454 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.1129763126373291 that:0.10810033231973648 the:0.0824112817645073 a:0.06360829621553421 :0.07629287987947464 -of:0.16978515684604645 line:0.07059624791145325 quarter:0.05792009457945824 side:0.050644174218177795 :0.12782599031925201 -that:0.2797698378562927 to:0.05269865319132805 the:0.04633016884326935 nothing:0.029549751430749893 :0.09693089127540588 -the:0.24416321516036987 they:0.054389484226703644 he:0.036025237292051315 it:0.03010527975857258 :0.10381904989480972 -the:0.12522009015083313 a:0.09405265003442764 us:0.04124800115823746 them:0.03790251165628433 :0.09145655483007431 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -of:0.23812846839427948 and:0.07253087311983109 are:0.03848201408982277 to:0.028527017682790756 :0.046481020748615265 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.0951557531952858 of:0.08614209294319153 who:0.07657575607299805 to:0.07182856649160385 :0.0478733591735363 -and:0.1366429179906845 but:0.050133928656578064 the:0.04747152701020241 as:0.04171803593635559 :0.05636985972523689 -of:0.13836263120174408 the:0.10568778216838837 a:0.0743558257818222 to:0.06792748719453812 :0.05345762148499489 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.33098939061164856 the:0.11905372142791748 and:0.03918624296784401 to:0.03491877391934395 :0.033052220940589905 -assembly:0.17097823321819305 committee:0.028697941452264786 and:0.027663731947541237 power:0.02140861004590988 :0.18717297911643982 -and:0.1408681869506836 many:0.06598607450723648 but:0.051309991627931595 as:0.033415235579013824 :0.08840330690145493 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -first:0.013571608811616898 only:0.008618655614554882 most:0.006200225558131933 man:0.005464227870106697 :0.318105548620224 -of:0.13710583746433258 and:0.10403311252593994 in:0.039289459586143494 to:0.03817376866936684 :0.0460091307759285 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.06657370179891586 be:0.024658503010869026 a:0.016966503113508224 of:0.006665152497589588 :0.33746519684791565 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -day:0.07575492560863495 to:0.04521100968122482 morning:0.025476647540926933 year:0.02421719767153263 :0.17939630150794983 -to:0.49074307084083557 for:0.20824125409126282 and:0.02918723225593567 in:0.012629343196749687 :0.058654237538576126 -the:0.15963879227638245 tho:0.04397793486714363 a:0.04221108928322792 of:0.017866576090455055 :0.23700855672359467 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -with:0.24829818308353424 to:0.22852082550525665 that:0.14915595948696136 upon:0.05486712232232094 :0.043737463653087616 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -wife:0.01490917056798935 own:0.014642157591879368 name:0.011216885410249233 friends:0.009581650607287884 :0.17186039686203003 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.15476280450820923 was:0.07918627560138702 Is:0.02305437996983528 will:0.019818386062979698 :0.11869658529758453 -mand:0.05641615390777588 grees:0.03593277931213379 scribed:0.02867727540433407 partment:0.025207728147506714 :0.5335603356361389 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -that:0.08247436583042145 and:0.07118497788906097 the:0.0431472584605217 as:0.036803267896175385 :0.07595372945070267 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -by:0.11275631189346313 a:0.09938418865203857 in:0.09030421078205109 the:0.07793939113616943 :0.07281289249658585 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2233676314353943 a:0.061357393860816956 said:0.02985110692679882 tho:0.01608910970389843 :0.20515407621860504 -of:0.23116785287857056 that:0.20145003497600555 is:0.038032785058021545 was:0.030388308688998222 :0.040380146354436874 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.06971042603254318 a:0.02481820248067379 tho:0.006571889854967594 to:0.006007849704474211 :0.6955822110176086 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.08949651569128036 body:0.02655317820608616 man:0.023062333464622498 to:0.02147637866437435 :0.2521202564239502 -cent:0.2230542153120041 cent,:0.1211099848151207 cent.:0.07385829836130142 annum,:0.02711872011423111 :0.157860666513443 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2991231679916382 and:0.030752498656511307 to:0.01848740316927433 for:0.012610308825969696 :0.3882879912853241 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -of:0.1627461165189743 and:0.06622453778982162 in:0.056804973632097244 that:0.0485234409570694 :0.04851073771715164 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -a:0.1265190690755844 the:0.08619852364063263 by:0.07827580720186234 in:0.06267426162958145 :0.06210097670555115 -that:0.3697066903114319 by:0.08475998044013977 the:0.07736949622631073 as:0.033618129789829254 :0.042440515011548996 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -to:0.13821139931678772 that:0.05628193914890289 and:0.03477304428815842 a:0.02936231903731823 :0.1333797723054886 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4233867824077606 the:0.0451551154255867 out:0.026293734088540077 in:0.02618340775370598 :0.03570849448442459 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.027679985389113426 at:0.026796821504831314 the:0.02464049868285656 to:0.02345702238380909 :0.1609565168619156 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -side:0.14971736073493958 standing:0.06474708020687103 side.:0.027177628129720688 ward:0.018350321799516678 :0.35983791947364807 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -thing:0.42571887373924255 times:0.1541312038898468 what:0.07299726456403732 where:0.02968512289226055 :0.029025180265307426 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -end:0.11947781592607498 part:0.07401784509420395 portion:0.05410230904817581 and:0.02388077974319458 :0.24937082827091217 -a:0.0784643292427063 the:0.03780370578169823 not:0.030542446300387383 in:0.016117047518491745 :0.2586352825164795 -the:0.3093086779117584 a:0.027670975774526596 said:0.02062113769352436 him:0.018643314018845558 :0.13683170080184937 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -lions:0.26981186866760254 lion:0.16293656826019287 .:0.013972648419439793 and:0.005589061416685581 :0.335060179233551 -of:0.37800681591033936 and:0.18078218400478363 to:0.04225180670619011 in:0.036386843770742416 :0.02629750594496727 -and:0.19531765580177307 but:0.05311884731054306 the:0.03232952207326889 a:0.019922180101275444 :0.0733863040804863 -the:0.06034154072403908 a:0.043448708951473236 in:0.027066903188824654 made:0.023584788665175438 :0.18853774666786194 -ing:0.13273988664150238 fore:0.09931561350822449 tween:0.08537130802869797 cause:0.08139321953058243 :0.19399063289165497 -more:0.022853391245007515 of:0.018158670514822006 girl,:0.01250563096255064 to:0.010435924865305424 :0.29975685477256775 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -ing:0.13273988664150238 fore:0.09931561350822449 tween:0.08537130802869797 cause:0.08139321953058243 :0.19399063289165497 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -.:0.42294660210609436 M:0.021664150059223175 .,:0.01445629820227623 A:0.011291403323411942 :0.3120397627353668 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -R:0.024136358872056007 B.:0.018924305215477943 H.:0.01673431135714054 E:0.01617094688117504 :0.39447206258773804 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -night:0.04171675071120262 year:0.037758007645606995 year.:0.029282230883836746 year,:0.026110395789146423 :0.11887776851654053 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -Union:0.09353037178516388 Canada:0.0827714204788208 and:0.04969519004225731 Railroad:0.023345060646533966 :0.2470775544643402 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.1774410903453827 but:0.06373215466737747 the:0.04601883515715599 as:0.02299869805574417 :0.06876694411039352 -of:0.09209580719470978 in:0.05051566660404205 to:0.04314110055565834 and:0.032860010862350464 :0.09662479907274246 -of:0.2404428869485855 the:0.13449975848197937 a:0.04086599126458168 and:0.033349841833114624 :0.05913932994008064 -in:0.11451148986816406 of:0.05927199125289917 by:0.021412095054984093 and:0.016934089362621307 :0.2710919976234436 -years:0.053588785231113434 or:0.049720849841833115 hundred:0.032202597707509995 of:0.03051123209297657 :0.21560759842395782 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -.:0.017224440351128578 -:0.013245903886854649 e:0.013182943686842918 n:0.012991116382181644 :0.3863798975944519 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -that:0.49182865023612976 to:0.10265816003084183 by:0.04117622226476669 in:0.038555048406124115 :0.03621835634112358 -and:0.07085387408733368 H.:0.02736496739089489 F.:0.024305075407028198 B.:0.021026089787483215 :0.3340131938457489 -down:0.11868808418512344 out:0.060246072709560394 in:0.05427483469247818 the:0.04309288039803505 :0.09222779422998428 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -Donald:0.03497772663831711 -:0.011918244883418083 E.:0.001983475172892213 I:0.0018654465675354004 :0.868278980255127 -the:0.43341735005378723 a:0.0633452907204628 tho:0.027144378051161766 which:0.025998953729867935 :0.08176284283399582 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.07687055319547653 to:0.07563310861587524 the:0.07006422430276871 and:0.05128452554345131 :0.2840387225151062 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -of:0.06222127750515938 the:0.042997170239686966 and:0.03514218330383301 boy.:0.034404609352350235 :0.2645570635795593 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.45028021931648254 and:0.04599367082118988 to:0.04162082448601723 was:0.026377053931355476 :0.04154922068119049 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -W.:0.01876971311867237 the:0.01500739436596632 The:0.01459491066634655 and:0.01437334530055523 :0.31353116035461426 -and:0.2199467271566391 the:0.04327888414263725 which:0.02785106934607029 to:0.026159342378377914 :0.1554800271987915 -of:0.7027063369750977 from:0.015173295512795448 that:0.014739593490958214 ot:0.012488779611885548 :0.025354282930493355 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -the:0.14478524029254913 like:0.10184815526008606 a:0.03463111072778702 for:0.028458699584007263 :0.1623995453119278 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -is:0.10303271561861038 the:0.06430774927139282 he:0.0539449080824852 they:0.05261162295937538 :0.07537786662578583 -and:0.04927146062254906 school:0.04163248464465141 as:0.0401715524494648 prices:0.017521396279335022 :0.1710171103477478 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -was:0.08393397927284241 had:0.06523281335830688 has:0.034160416573286057 would:0.027467429637908936 :0.17044216394424438 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -the:0.02279348112642765 of:0.012669960968196392 a:0.01022688951343298 .:0.009398240596055984 :0.3351995348930359 -of:0.1507956087589264 the:0.14529670774936676 they:0.11601331830024719 it:0.0833960622549057 :0.05581556260585785 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.2015375941991806 which:0.052113693207502365 I:0.046133559197187424 but:0.04118172824382782 :0.09922057390213013 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.13275852799415588 a:0.09974782168865204 from:0.034374646842479706 and:0.020960494875907898 :0.08578052371740341 -of:0.10524929314851761 and:0.06279144436120987 in:0.05238033086061478 men:0.04424301162362099 :0.09130105376243591 -not:0.11479933559894562 should:0.07967174798250198 do:0.05404795706272125 is:0.05045323818922043 :0.08892817050218582 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.18899108469486237 the:0.039075158536434174 which:0.029972225427627563 but:0.0274361539632082 :0.07742472738027573 -and:0.20858395099639893 of:0.17037737369537354 to:0.05396566540002823 in:0.039934802800416946 :0.0320294052362442 -of:0.11213908344507217 in:0.08467806875705719 and:0.052356645464897156 to:0.034491825848817825 :0.10671209543943405 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.28327932953834534 not:0.03569647669792175 a:0.031669747084379196 no:0.0178078580647707 :0.12235648185014725 -the:0.07040094584226608 that:0.017292702570557594 to:0.016059113666415215 a:0.014587176963686943 :0.2972695231437683 -of:0.14583271741867065 and:0.05376538634300232 in:0.04807736724615097 for:0.044097933918237686 :0.044993363320827484 -to:0.21540603041648865 by:0.15102583169937134 copy:0.10286590456962585 and:0.05233418568968773 :0.1638539880514145 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -to:0.3951653838157654 of:0.34134817123413086 and:0.04099322110414505 in:0.022411055862903595 :0.030719488859176636 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -for:0.18904580175876617 the:0.09810467064380646 that:0.09525629878044128 to:0.03763356804847717 :0.10060802102088928 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.03677823767066002 relief,:0.025486450642347336 vicinity:0.021107599139213562 use:0.011609402485191822 :0.22519949078559875 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -of:0.45018669962882996 and:0.05965520814061165 in:0.030826380476355553 to:0.027320167049765587 :0.04425403103232384 -to:0.09424768388271332 that:0.04623519629240036 in:0.04370569437742233 the:0.04215296730399132 :0.08041801303625107 -south:0.12703150510787964 north:0.12162792682647705 with:0.05615686997771263 along:0.052328187972307205 :0.1148146316409111 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.056439515203237534 of:0.05189945176243782 in:0.038383424282073975 sides:0.022368621081113815 :0.18085162341594696 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -you:0.1532261073589325 the:0.09570319205522537 us:0.049786925315856934 me:0.04477664828300476 :0.07578448951244354 -to:0.1932860016822815 out:0.036048524081707 into:0.035322148352861404 over:0.02938920632004738 :0.08152344822883606 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.19004400074481964 the:0.07313357293605804 to:0.051284898072481155 shall:0.04703919216990471 :0.0952211543917656 -of:0.14583271741867065 and:0.05376538634300232 in:0.04807736724615097 for:0.044097933918237686 :0.044993363320827484 -night:0.04171675071120262 year:0.037758007645606995 year.:0.029282230883836746 year,:0.026110395789146423 :0.11887776851654053 -times,:0.026525240391492844 times:0.020622260868549347 civilization.:0.01902339980006218 times.:0.018529493361711502 :0.2990424335002899 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.46960192918777466 said:0.05490652471780777 with:0.04851846769452095 a:0.021907592192292213 :0.05261163040995598 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -in:0.07330600172281265 up:0.05434029549360275 the:0.04008609801530838 on:0.03949630260467529 :0.09214796125888824 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.6171267032623291 in:0.02870892360806465 to:0.02667837403714657 a:0.017275918275117874 :0.03057677298784256 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -the:0.02279348112642765 of:0.012669960968196392 a:0.01022688951343298 .:0.009398240596055984 :0.3351995348930359 -leave:0.28326544165611267 to:0.20585136115550995 of:0.04760399088263512 the:0.043791476637125015 :0.06284917145967484 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.027395861223340034 the:0.022504489868879318 made:0.0182606503367424 no:0.008585826493799686 :0.2783674895763397 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.15571995079517365 years:0.031163092702627182 other:0.024284161627292633 a:0.021334944292902946 :0.18804705142974854 -feet:0.17994242906570435 miles.:0.0413665734231472 yards:0.03811737895011902 miles:0.03666883707046509 :0.1378645896911621 -who:0.308531790971756 of:0.0703386664390564 in:0.021768072620034218 that:0.01657738909125328 :0.1333772838115692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.16804128885269165 It:0.05322009697556496 A:0.03756021708250046 There:0.03366953134536743 :0.11539597064256668 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3119533658027649 the:0.09560158103704453 and:0.057611431926488876 in:0.040322721004486084 :0.035767365247011185 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -of:0.2236766219139099 to:0.10114677250385284 for:0.042424123734235764 in:0.03943457081913948 :0.11782310903072357 -mand:0.05641615390777588 grees:0.03593277931213379 scribed:0.02867727540433407 partment:0.025207728147506714 :0.5335603356361389 -The:0.11716999858617783 It:0.0815204456448555 He:0.05541558563709259 A:0.03063548356294632 :0.13374432921409607 -be:0.3197149634361267 see:0.020124852657318115 bo:0.014944136142730713 do:0.01398740615695715 :0.1449533998966217 -was:0.07409289479255676 of:0.063461072742939 and:0.05475687235593796 from:0.03922978416085243 :0.08961320668458939 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.29217779636383057 the:0.12310703098773956 and:0.045149169862270355 for:0.032957546412944794 :0.04936737194657326 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -of:0.12517888844013214 magistrate:0.04694029316306114 consulting:0.02178681455552578 and:0.02004123106598854 :0.18426524102687836 -to:0.10325054079294205 and:0.07628858089447021 is:0.039110273122787476 from:0.03171437233686447 :0.11235393583774567 -the:0.1641501635313034 and:0.06774643808603287 a:0.032106202095746994 in:0.03076895698904991 :0.04562349617481232 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -that:0.22043520212173462 to:0.173247292637825 of:0.10339397192001343 the:0.030324570834636688 :0.06987497955560684 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.0954684391617775 year:0.038241513073444366 other:0.03241894021630287 and:0.030703196302056313 :0.15927621722221375 -the:0.10596301406621933 that:0.07177208364009857 by:0.057764340192079544 to:0.04233014956116676 :0.11795521527528763 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.11506596207618713 program:0.01317349448800087 or:0.008974151685833931 as:0.008167288266122341 :0.283029705286026 -of:0.14583271741867065 and:0.05376538634300232 in:0.04807736724615097 for:0.044097933918237686 :0.044993363320827484 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.0929173156619072 for:0.027387535199522972 and:0.024373896420001984 or:0.019655760377645493 :0.14756344258785248 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -The:0.17127032577991486 He:0.06236347183585167 It:0.058108143508434296 In:0.039472535252571106 :0.17065873742103577 -of:0.16978515684604645 line:0.07059624791145325 quarter:0.05792009457945824 side:0.050644174218177795 :0.12782599031925201 -the:0.207133486866951 they:0.09562363475561142 he:0.0936054065823555 it:0.04463839903473854 :0.0762997418642044 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.13117435574531555 will:0.08192874491214752 can:0.06268738210201263 have:0.057806696742773056 :0.06037263199687004 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.09629914164543152 D.:0.06790909171104431 Feb.:0.03389972075819969 in:0.02982499822974205 :0.09047549962997437 -The:0.0696643516421318 A:0.029044369235634804 It:0.023154621943831444 and:0.019345339387655258 :0.28102579712867737 -and:0.14986997842788696 in:0.04374432563781738 the:0.03929448127746582 to:0.023107390850782394 :0.1821124404668808 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.09891961514949799 a:0.09870174527168274 that:0.043447330594062805 all:0.019694512709975243 :0.06646956503391266 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -The:0.10917016118764877 It:0.05989178270101547 I:0.03514108434319496 He:0.03023814968764782 :0.19819658994674683 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -who:0.308531790971756 of:0.0703386664390564 in:0.021768072620034218 that:0.01657738909125328 :0.1333772838115692 -of:0.09586070477962494 on:0.048110995441675186 the:0.04271059110760689 at:0.042643457651138306 :0.09487871825695038 -of:0.20374931395053864 for:0.17764945328235626 and:0.11744017153978348 in:0.03630581125617027 :0.06916161626577377 -and:0.07971417903900146 W.:0.0758269652724266 H.:0.029789667576551437 F.:0.024586545303463936 :0.350610613822937 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -laws:0.08267160505056381 entry:0.07821094244718552 of:0.055343303829431534 and:0.052050285041332245 :0.0992635115981102 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -of:0.23417498171329498 in:0.08349113911390305 to:0.04763532429933548 for:0.03891903534531593 :0.039770469069480896 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.02279348112642765 of:0.012669960968196392 a:0.01022688951343298 .:0.009398240596055984 :0.3351995348930359 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12348750233650208 but:0.07027334719896317 in:0.021350618451833725 or:0.019957223907113075 :0.0692649632692337 -of:0.3037264943122864 and:0.04961514472961426 assured:0.04284937307238579 on:0.03659799322485924 :0.03729376196861267 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.7212294340133667 and:0.03721030056476593 ot:0.01173549797385931 or:0.00931283738464117 :0.03706425800919533 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -years:0.045061782002449036 years,:0.019868211820721626 meeting:0.012484526261687279 visit:0.011519160121679306 :0.25378456711769104 -and:0.0320090651512146 trial:0.006810033228248358 tariff:0.005701027344912291 law:0.005502484273165464 :0.25621017813682556 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -and:0.21946848928928375 the:0.0460115410387516 but:0.039461273699998856 as:0.026940561830997467 :0.07500888407230377 -by:0.21076954901218414 in:0.10799574851989746 and:0.04635705426335335 to:0.036306172609329224 :0.05834081396460533 -of:0.2703879475593567 that:0.143681138753891 was:0.059235699474811554 is:0.04879147186875343 :0.05502072721719742 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -said:0.008043844252824783 same:0.007028656080365181 United:0.005665518343448639 other:0.004477257374674082 :0.3926052153110504 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -a:0.0891878679394722 more:0.0506981797516346 in:0.04016854241490364 to:0.03962491825222969 :0.1259959489107132 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.20312005281448364 the:0.04483586177229881 as:0.029245827347040176 a:0.02867555245757103 :0.14661091566085815 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.09117825329303741 building:0.05503523722290993 house:0.03602909669280052 or:0.02072308212518692 :0.2655515670776367 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.21374443173408508 that:0.08800920844078064 it:0.06281087547540665 a:0.025508128106594086 :0.057533055543899536 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.3390999734401703 and:0.0562208890914917 is:0.047479987144470215 was:0.04160582274198532 :0.05170121788978577 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.17066824436187744 of:0.1391402930021286 were:0.04278583824634552 are:0.03804473578929901 :0.07432998716831207 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.0905810222029686 to:0.026509752497076988 in:0.023218248039484024 as:0.013634675182402134 :0.2986536920070648 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.0578569658100605 a:0.014992605894804 that:0.012139124795794487 to:0.011600722558796406 :0.252699077129364 -of:0.22844216227531433 the:0.1953142136335373 and:0.0424528494477272 in:0.02511870488524437 :0.07721342891454697 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.5772616267204285 at:0.06566954404115677 of:0.052070457488298416 were:0.03950789198279381 :0.03030819445848465 -of:0.30673152208328247 and:0.04531557485461235 to:0.020838018506765366 in:0.01876954175531864 :0.11575235426425934 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -who:0.07212059944868088 girl.:0.0640164166688919 of:0.04356049373745918 and:0.032557468861341476 :0.1578875035047531 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -of:0.09153872728347778 and:0.07225829362869263 in:0.02675875835120678 to:0.021226035431027412 :0.12149211764335632 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.16065147519111633 of:0.08943341672420502 was:0.0661175549030304 that:0.05601581931114197 :0.061667170375585556 -the:0.36679649353027344 a:0.09999695420265198 tho:0.034989554435014725 his:0.022040586918592453 :0.12879788875579834 -for:0.16098885238170624 the:0.12345115095376968 that:0.0483977235853672 you:0.046904344111680984 :0.0539306104183197 -of:0.3646569848060608 and:0.0833144262433052 are:0.050378408282995224 were:0.025351431220769882 :0.07582323253154755 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -in:0.5142198204994202 In:0.0657530352473259 to:0.06512182950973511 at:0.02141963504254818 :0.040683913975954056 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -to:0.3001945912837982 of:0.11656277626752853 for:0.04510864242911339 from:0.03386828303337097 :0.05188104510307312 -ment:0.3279193639755249 ing:0.14970850944519043 able:0.13894104957580566 ments:0.10929357260465622 :0.06542369723320007 -that:0.5404897928237915 of:0.042857442051172256 is:0.027597501873970032 the:0.018603892996907234 :0.025010377168655396 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.17994703352451324 to:0.0425567552447319 in:0.028953097760677338 is:0.028141459450125694 :0.10566042363643646 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.0712025910615921 to:0.03786257281899452 and:0.032601501792669296 as:0.02582605369389057 :0.3044208288192749 -ago:0.12396024912595749 of:0.11536110192537308 ago.:0.0523359440267086 ago,:0.05031469464302063 :0.06862995773553848 -and:0.01768084056675434 to:0.01707918383181095 per:0.015341279096901417 pers:0.014701434411108494 :0.33711186051368713 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -that:0.3187432289123535 the:0.18259790539741516 to:0.03781159222126007 it.:0.018615849316120148 :0.034872062504291534 -A.:0.08205440640449524 and:0.06318892538547516 the:0.022860895842313766 in:0.015022648498415947 :0.5515340566635132 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.24864624440670013 you:0.07124248147010803 them:0.06349746137857437 you,:0.05262377858161926 :0.06611556559801102 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.5554456114768982 from:0.11898567527532578 the:0.05171738564968109 and:0.03190627694129944 :0.0348806194961071 -and:0.26336634159088135 but:0.0635959804058075 the:0.030799923464655876 he:0.03032149001955986 :0.09723923355340958 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -of:0.29341089725494385 that:0.060682933777570724 the:0.04330730065703392 was:0.03336261585354805 :0.051901523023843765 -the:0.0792405977845192 a:0.025357499718666077 .:0.015842808410525322 to:0.011864222586154938 :0.33027151226997375 -tage:0.4699128568172455 and:0.0027784493286162615 the:0.0012084328336641192 ter:0.000908296147827059 :0.499451220035553 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.15134069323539734 of:0.10769674181938171 at:0.04496714100241661 in:0.037199072539806366 :0.11798430234193802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.0868455320596695 it:0.0400262251496315 if:0.03415347635746002 yet:0.027642888948321342 :0.06376281380653381 -and:0.009900739416480064 business:0.007565493229776621 run:0.006339153274893761 way:0.005699533969163895 :0.3642122447490692 -The:0.11762844026088715 He:0.06251448392868042 It:0.03960907831788063 A:0.024764804169535637 :0.14324700832366943 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -The:0.11762844026088715 He:0.06251448392868042 It:0.03960907831788063 A:0.024764804169535637 :0.14324700832366943 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.18179412186145782 and:0.1428711712360382 was:0.03215154632925987 is:0.03102317452430725 :0.08898971229791641 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -to:0.1500188559293747 of:0.0906222015619278 and:0.06378264725208282 for:0.03170187398791313 :0.031308505684137344 -to:0.3781028091907501 from:0.16002874076366425 the:0.0376916341483593 with:0.029680587351322174 :0.04625897482037544 -Francisco:0.15238341689109802 Francisco,:0.14908958971500397 Antonio:0.08606765419244766 Francisco.:0.06087549403309822 :0.4693220555782318 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -the:0.13675902783870697 it:0.03977607563138008 was:0.029352573677897453 and:0.025017149746418 :0.08438406139612198 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -that:0.44592222571372986 to:0.1853804886341095 in:0.03280699625611305 as:0.016961202025413513 :0.029395537450909615 -and:0.05294022709131241 is:0.052457235753536224 in:0.04192956164479256 for:0.03480939194560051 :0.07146003842353821 -of:0.446575403213501 the:0.10297165811061859 and:0.043288420885801315 over:0.030068011954426765 :0.03932855278253555 -plication:0.04906930774450302 pointed:0.04606488347053528 to:0.02806062251329422 proved:0.021485544741153717 :0.4600050449371338 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -per:0.2181856483221054 a:0.19654347002506256 for:0.062319155782461166 to:0.04985693842172623 :0.07988236099481583 -of:0.13416483998298645 on:0.13144995272159576 to:0.07428006082773209 was:0.044878944754600525 :0.061019062995910645 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -110:0.03248121216893196 of:0.0308128222823143 Two:0.024735352024435997 Three:0.022922780364751816 :0.3098825216293335 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.17140571773052216 and:0.06794518232345581 was:0.03373167663812637 men:0.027933888137340546 :0.11426034569740295 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -of:0.349384069442749 the:0.19004343450069427 for:0.07893350720405579 to:0.025868257507681847 :0.017959101125597954 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.06310665607452393 is:0.040187060832977295 to:0.03643888980150223 in:0.03172094374895096 :0.08356594294309616 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.16978515684604645 line:0.07059624791145325 quarter:0.05792009457945824 side:0.050644174218177795 :0.12782599031925201 -and:0.14721189439296722 who:0.05249747633934021 the:0.04269250109791756 but:0.030762821435928345 :0.11464283615350723 -parts:0.05562663450837135 from:0.047603607177734375 kinds:0.015998514369130135 sections:0.012431591749191284 :0.2114400714635849 -of:0.48393943905830383 to:0.11072145402431488 the:0.0389530286192894 from:0.03672981262207031 :0.0438118577003479 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.08770214021205902 in:0.0798315480351448 to:0.05691131204366684 at:0.04846985638141632 :0.17233340442180634 -and:0.19603444635868073 in:0.03643476590514183 a:0.031089650467038155 at:0.023958954960107803 :0.04957491531968117 -chopped:0.07870335876941681 equipped:0.03006064146757126 ground:0.02515755034983158 and:0.021213874220848083 :0.20523138344287872 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -of:0.18898296356201172 from:0.07749760150909424 to:0.07118473947048187 in:0.04343632236123085 :0.05838330462574959 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -of:0.48393943905830383 to:0.11072145402431488 the:0.0389530286192894 from:0.03672981262207031 :0.0438118577003479 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -the:0.15545375645160675 is:0.07289856672286987 was:0.035194821655750275 it:0.01917683705687523 :0.06537233293056488 -and:0.13505598902702332 George:0.05960293486714363 of:0.015191682614386082 who:0.0125610725954175 :0.36798813939094543 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.1060573011636734 in:0.05767538771033287 if:0.055810585618019104 after:0.04008697345852852 :0.06834016740322113 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.08840736746788025 of:0.08669278025627136 that:0.08325349539518356 to:0.07236527651548386 :0.05920549854636192 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.0830138549208641 that:0.07817410677671432 and:0.05494583025574684 as:0.018196210265159607 :0.2798801362514496 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.2199147790670395 matter:0.042396917939186096 and:0.039163485169410706 of:0.025424666702747345 :0.1311739832162857 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -than:0.30929499864578247 of:0.022358190268278122 to:0.01622467115521431 in:0.015821946784853935 :0.18710440397262573 -of:0.11223039776086807 to:0.07025516033172607 into:0.04625483602285385 and:0.04565291106700897 :0.07119318842887878 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -Jury:0.10324651747941971 Army:0.07126016914844513 Lodge:0.04032067209482193 Rapids:0.030083507299423218 :0.47064247727394104 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -of:0.40990638732910156 and:0.08514336496591568 that:0.029269736260175705 in:0.029015379026532173 :0.04178842529654503 -of:0.13721901178359985 house:0.058044616132974625 to:0.04043838009238243 in:0.03876442834734917 :0.0766279473900795 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.25584647059440613 and:0.06341908872127533 in:0.052397724241018295 were:0.05100340023636818 :0.04727358743548393 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.1666048765182495 but:0.047530680894851685 who:0.03587530180811882 that:0.03006291203200817 :0.07307618856430054 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -The:0.12578050792217255 It:0.07142194360494614 I:0.033347927033901215 He:0.028596946969628334 :0.14344051480293274 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -to:0.5285189151763916 for:0.07826908677816391 of:0.03545813262462616 in:0.02486705593764782 :0.05126749724149704 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -years:0.0784083902835846 or:0.044089969247579575 hundred:0.028000427410006523 successive:0.024910900741815567 :0.16574934124946594 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.13509556651115417 was:0.024770356714725494 to:0.019762683659791946 &:0.01583523489534855 :0.28986433148384094 -of:0.05147591233253479 and:0.038886915892362595 the:0.037297170609235764 who:0.017270667478442192 :0.3483034670352936 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.0578569658100605 a:0.014992605894804 that:0.012139124795794487 to:0.011600722558796406 :0.252699077129364 -the:0.1721605807542801 with:0.05314335227012634 of:0.05215542018413544 a:0.049872927367687225 :0.07787014544010162 -and:0.10550037026405334 of:0.07933586090803146 to:0.0573376789689064 in:0.04065455123782158 :0.06085189804434776 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -that:0.12251577526330948 to:0.10618652403354645 the:0.0910506397485733 any:0.04785209149122238 :0.1413903534412384 -in:0.15743426978588104 to:0.06201178953051567 by:0.057210810482501984 and:0.03930380195379257 :0.06697636842727661 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -from:0.12182313203811646 and:0.047080278396606445 parts:0.036004189401865005 to:0.03304620087146759 :0.21384011209011078 -mortgage:0.05025293305516243 that:0.04517735168337822 to:0.021400433033704758 tract:0.01857263781130314 :0.18469125032424927 -and:0.08598785847425461 county,:0.04112939536571503 street:0.0368947759270668 was:0.03226984292268753 :0.187124103307724 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -Court:0.5999677181243896 Court,:0.10178922861814499 Court.:0.04996892064809799 court:0.04455952346324921 :0.06340853869915009 -of:0.3474387228488922 and:0.0671711266040802 in:0.014828030951321125 Hall,:0.014470801688730717 :0.14438346028327942 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.0749674141407013 the:0.06566159427165985 ket:0.062108688056468964 riage:0.04380427300930023 :0.1985377073287964 -from:0.11019400507211685 and:0.0333702489733696 part:0.020434672012925148 to:0.018429100513458252 :0.26887714862823486 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.03420783206820488 to:0.013145451433956623 .:0.012639174237847328 and:0.012218286283314228 :0.3456663489341736 -of:0.06316037476062775 more:0.06229129433631897 as:0.04989323392510414 to:0.04015380144119263 :0.1596965789794922 -than:0.2086612731218338 of:0.027078164741396904 or:0.021704260259866714 and:0.02051636390388012 :0.22211475670337677 -into:0.2671791613101959 among:0.08551221340894699 Into:0.052311211824417114 between:0.04220139607787132 :0.039931442588567734 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.4280211329460144 and:0.059944432228803635 to:0.03748805820941925 for:0.035709626972675323 :0.05308050662279129 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -man:0.08607076108455658 lady:0.03618399426341057 men:0.03425515070557594 and:0.032232530415058136 :0.25705599784851074 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -years:0.045061782002449036 years,:0.019868211820721626 meeting:0.012484526261687279 visit:0.011519160121679306 :0.25378456711769104 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -more:0.022853391245007515 of:0.018158670514822006 girl,:0.01250563096255064 to:0.010435924865305424 :0.29975685477256775 -west:0.07588659971952438 E.:0.02388087287545204 of:0.02267136238515377 east:0.02251453883945942 :0.3284619450569153 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3075050711631775 Hundred:0.03636154904961586 day:0.03349391743540764 thing:0.01811542920768261 :0.08347582072019577 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.17192471027374268 of:0.1284363567829132 rendered:0.06110715493559837 in:0.04477274417877197 :0.09255149960517883 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -York:0.401128888130188 York,:0.08718613535165787 York.:0.03777214139699936 Orleans,:0.025607779622077942 :0.27619871497154236 -in:0.08715169131755829 as:0.053439654409885406 if:0.04488249495625496 with:0.03477495536208153 :0.05976031348109245 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -The:0.08229899406433105 21.:0.042638737708330154 Inclusive,:0.029857128858566284 A:0.013012607581913471 :0.30164140462875366 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.11357755959033966 and:0.06494732201099396 in:0.051775094121694565 on:0.04916832223534584 :0.0837768018245697 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.1535498946905136 the:0.0713125690817833 of:0.03970836475491524 what:0.03889409080147743 :0.0465799942612648 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.12009716033935547 up:0.09298626333475113 down:0.07048989832401276 in:0.04317474365234375 :0.044309910386800766 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -not:0.520152747631073 the:0.028544344007968903 he:0.012468121014535427 in:0.009819873608648777 :0.06437556445598602 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.16918793320655823 out:0.07705583423376083 a:0.04231776297092438 off:0.03010350838303566 :0.11321716010570526 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -ported:0.015230221673846245 -:0.012845451943576336 ceived:0.011994919739663601 the:0.009082532487809658 :0.4463033080101013 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -up:0.08440274000167847 over:0.052965398877859116 into:0.04711410775780678 out:0.044602297246456146 :0.060861703008413315 -away:0.15964870154857635 over:0.09600097686052322 the:0.06902357935905457 away,:0.05294543504714966 :0.0543728806078434 -the:0.24416321516036987 they:0.054389484226703644 he:0.036025237292051315 it:0.03010527975857258 :0.10381904989480972 -by:0.2954433560371399 to:0.09400758892297745 the:0.057401467114686966 from:0.04958644509315491 :0.057226911187171936 -said:0.0062776957638561726 the:0.005504169967025518 most:0.004588935058563948 United:0.004532806575298309 :0.4655087888240814 -erty:0.35353952646255493 erly:0.029307011514902115 of:0.02904590591788292 er:0.021478408947587013 :0.26505619287490845 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -and:0.10064602643251419 is:0.049057040363550186 of:0.03192077577114105 to:0.026568904519081116 :0.08928392827510834 -the:0.09792095422744751 to:0.09644334018230438 of:0.04126941040158272 and:0.03361677750945091 :0.11434698104858398 -of:0.0954684391617775 year:0.038241513073444366 other:0.03241894021630287 and:0.030703196302056313 :0.15927621722221375 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -years:0.0784083902835846 or:0.044089969247579575 hundred:0.028000427410006523 successive:0.024910900741815567 :0.16574934124946594 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1488010138273239 but:0.04388505965471268 the:0.023438893258571625 or:0.020777415484189987 :0.16088879108428955 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -Company:0.16674233973026276 Company,:0.06253604590892792 company:0.042615488171577454 and:0.03977617248892784 :0.15384773910045624 -The:0.02018102817237377 the:0.0160328671336174 and:0.015632078051567078 of:0.015357382595539093 :0.2634615898132324 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.22180534899234772 and:0.056648921221494675 done:0.04947857931256294 was:0.04445140063762665 :0.048884231597185135 -was:0.06561992317438126 had:0.03705403208732605 has:0.029276518151164055 is:0.024481505155563354 :0.19223681092262268 -the:0.10232917964458466 a:0.07667306810617447 up:0.03458835929632187 out:0.032648030668497086 :0.09083426743745804 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -fort:0.3012112081050873 forts:0.09166494756937027 fect:0.052138637751340866 ficient:0.006169334053993225 :0.4870752692222595 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.18928812444210052 as:0.06435497850179672 an:0.034082747995853424 clear:0.012005070224404335 :0.21377822756767273 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.15883611142635345 the:0.05892813578248024 but:0.03378875553607941 it:0.017739813774824142 :0.07367531210184097 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.09909011423587799 of:0.09673328697681427 in:0.08265326172113419 to:0.04738331586122513 :0.10660188645124435 -been:0.07629714906215668 be:0.0499790757894516 had:0.025709202513098717 have:0.022763649001717567 :0.12283376604318619 -and:0.15359891951084137 which:0.046017903834581375 or:0.03415678068995476 the:0.026406990364193916 :0.040227048099040985 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -south:0.12703150510787964 north:0.12162792682647705 with:0.05615686997771263 along:0.052328187972307205 :0.1148146316409111 -down:0.11868808418512344 out:0.060246072709560394 in:0.05427483469247818 the:0.04309288039803505 :0.09222779422998428 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.18591433763504028 It:0.08578823506832123 He:0.047463588416576385 I:0.02683020569384098 :0.06858203560113907 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.1902737021446228 were:0.06591825932264328 in:0.052322868257761 are:0.04069383442401886 :0.08643156290054321 -of:0.24648244678974152 and:0.1034214049577713 to:0.0496840737760067 are:0.04429292306303978 :0.04124423861503601 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.15168190002441406 a:0.14205898344516754 the:0.06233258545398712 an:0.04192729294300079 :0.1072683185338974 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -that:0.48170432448387146 the:0.09352372586727142 it:0.04133074730634689 to:0.03390239551663399 :0.061580754816532135 -to:0.12149687856435776 in:0.0730915442109108 of:0.05364106968045235 and:0.05248870328068733 :0.0696890577673912 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -to:0.45295730233192444 "An:0.018926473334431648 by:0.011924694292247295 the:0.011068573221564293 :0.12261917442083359 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.4031396210193634 to:0.15482383966445923 and:0.05449239909648895 into:0.04712039977312088 :0.034771982580423355 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -years:0.09944374859333038 years,:0.037234868854284286 miles:0.03417085483670235 (20):0.0332900770008564 :0.23617134988307953 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -to:0.19727778434753418 and:0.06028354912996292 work:0.03250738978385925 for:0.03112485259771347 :0.14502891898155212 -and:0.189456969499588 the:0.10663364082574844 but:0.03999076411128044 where:0.03327830135822296 :0.06006193906068802 -of:0.3237060010433197 and:0.060419488698244095 are:0.032115962356328964 to:0.029727108776569366 :0.05333761125802994 -of:0.6149306893348694 the:0.09107013046741486 them:0.02350296825170517 him:0.02002010866999626 :0.030796406790614128 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.03127415105700493 and:0.01589454524219036 .:0.01528619509190321 to:0.014104236848652363 :0.37127217650413513 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -Louis:0.32897865772247314 Louis,:0.11908909678459167 Paul,:0.07306624948978424 Paul:0.06327362358570099 :0.21800388395786285 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1456490159034729 in:0.059078462421894073 and:0.055387888103723526 owners:0.04077032208442688 :0.08978910744190216 -not:0.05385302007198334 now:0.02452295646071434 the:0.01996014639735222 to:0.014539960771799088 :0.1972123682498932 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.16706757247447968 been:0.0328071191906929 what:0.030659625306725502 before:0.03020877204835415 :0.07866605371236801 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -that:0.190326526761055 the:0.0808967873454094 a:0.05292752757668495 as:0.03393283113837242 :0.08723070472478867 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -deg.:0.06511040776968002 degrees:0.05480365827679634 min.:0.04477199167013168 @:0.03504070267081261 :0.1850062757730484 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -James:0.04596015810966492 John:0.045594967901706696 Robert:0.02940058708190918 William:0.027326708659529686 :0.34469032287597656 -the:0.0894448384642601 a:0.06404300034046173 two:0.03633322939276695 one:0.031169544905424118 :0.13939285278320312 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -of:0.22303375601768494 that:0.12356118112802505 on:0.06889911741018295 the:0.041058484464883804 :0.0402347669005394 -the:0.6870582103729248 tho:0.03233455866575241 this:0.031086811795830727 tbe:0.016793442890048027 :0.03698493540287018 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -to:0.3701063394546509 by:0.05614028498530388 for:0.0495997853577137 in:0.03330420330166817 :0.07480386644601822 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.5775349736213684 and:0.02228066697716713 that:0.02159716933965683 which:0.021063800901174545 :0.0233470406383276 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -auction:0.02915082313120365 auction,:0.02451956272125244 school:0.020690185949206352 and:0.020127294585108757 :0.21887941658496857 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -thing:0.021234070882201195 feature:0.018888350576162338 important:0.018413538113236427 of:0.01695857383310795 :0.17715829610824585 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -A:0.01540870126336813 C:0.014747791923582554 W.:0.012874753214418888 A.:0.01207974273711443 :0.42542293667793274 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.05716888606548309 not:0.03391965851187706 the:0.033465512096881866 to:0.014178275130689144 :0.29938775300979614 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.08279070258140564 to:0.03428015112876892 and:0.02874119207262993 interests:0.020510505884885788 :0.1555841863155365 -of:0.0954684391617775 year:0.038241513073444366 other:0.03241894021630287 and:0.030703196302056313 :0.15927621722221375 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.24416321516036987 they:0.054389484226703644 he:0.036025237292051315 it:0.03010527975857258 :0.10381904989480972 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -.:0.4071681499481201 W:0.01763303019106388 .,:0.01099903043359518 R:0.0094767389819026 :0.2379148304462433 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.05139259621500969 and:0.040625978261232376 to:0.040444981306791306 is:0.03633306175470352 :0.03388495743274689 -.:0.1979600489139557 .,:0.021332433447241783 .;:0.01872205175459385 and:0.009969104081392288 :0.2619868516921997 -the:0.24864624440670013 you:0.07124248147010803 them:0.06349746137857437 you,:0.05262377858161926 :0.06611556559801102 -and:0.12366414815187454 of:0.013221641071140766 F.:0.01270146481692791 H.:0.012563859112560749 :0.4700828492641449 -of:0.38201847672462463 and:0.04904631897807121 or:0.019763924181461334 in:0.018505889922380447 :0.05367695540189743 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -to:0.6738196611404419 for:0.1643589735031128 by:0.010848797857761383 the:0.00852305069565773 :0.015557794831693172 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -the:0.121829554438591 it:0.04392915219068527 tho:0.022008690983057022 he:0.0189349465072155 :0.11337848752737045 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -from:0.11360810697078705 by:0.10313083231449127 up:0.08372891694307327 to:0.04148982837796211 :0.0982988104224205 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.18513138592243195 tne:0.0354311503469944 a:0.034566186368465424 tho:0.019947193562984467 :0.1838134378194809 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.07840440422296524 and:0.03129853680729866 as:0.02671648934483528 to:0.016842978075146675 :0.2399512082338333 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -of:0.4212554395198822 or:0.11417058110237122 and:0.06135847792029381 to:0.02466934733092785 :0.035684771835803986 -and:0.17918232083320618 in:0.0368364192545414 to:0.0360192209482193 is:0.035303469747304916 :0.13934260606765747 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -of:0.5237258076667786 and:0.050254158675670624 for:0.023246219381690025 to:0.0183876845985651 :0.04917042329907417 -cept:0.05201881378889084 pected:0.04062062129378319 penses:0.023408958688378334 perience:0.014684257097542286 :0.6337358355522156 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 --:0.03879251331090927 The:0.026418102905154228 .:0.01763489469885826 A:0.011832211166620255 :0.3183233141899109 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -who:0.308531790971756 of:0.0703386664390564 in:0.021768072620034218 that:0.01657738909125328 :0.1333772838115692 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -and:0.2845490872859955 dollars:0.055477872490882874 yards:0.04543561860918999 feet:0.021125484257936478 :0.16273267567157745 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.19939479231834412 and:0.03690188005566597 in:0.03485849127173424 by:0.03427627682685852 :0.1716335117816925 -to:0.18124859035015106 of:0.18118861317634583 and:0.1670665740966797 in:0.03276875987648964 :0.03535463660955429 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -in:0.04189803823828697 of:0.03783300891518593 to:0.03066978044807911 war:0.02413959801197052 :0.18577873706817627 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.05077357217669487 it:0.025098631158471107 a:0.02491251565515995 to:0.017147017642855644 :0.09428822994232178 -the:0.21205540001392365 they:0.08831535279750824 it:0.057835932821035385 you:0.041441526263952255 :0.07327617704868317 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.052318282425403595 times,:0.009890826418995857 times.:0.00743299862369895 or:0.007277315482497215 :0.45685091614723206 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.06637101620435715 a:0.0097377123311162 to:0.008058680221438408 not:0.007972543127834797 :0.3123399019241333 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -the:0.07481495290994644 have:0.03649904951453209 be:0.03611213341355324 to:0.031508997082710266 :0.2045518159866333 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.03496938198804855 Johnston:0.023265602067112923 had:0.0171983540058136 was:0.013757259584963322 :0.30358046293258667 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.10699794441461563 of:0.042724285274744034 to:0.03711617365479469 was:0.03607117384672165 :0.16438597440719604 -m:0.524071216583252 m.:0.061574846506118774 m.,:0.060761962085962296 in.:0.005357534624636173 :0.11976601928472519 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -own:0.04195336252450943 answer:0.009210593067109585 friends:0.0059311119839549065 money:0.005459604784846306 :0.21357011795043945 -as:0.2651868164539337 from:0.0762321949005127 beyond:0.0325518436729908 more:0.031949158757925034 :0.0632418766617775 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.15627031028270721 of:0.1405048668384552 dated:0.1302443891763687 is:0.07219050079584122 :0.06588660180568695 -of:0.18026305735111237 in:0.1176510825753212 as:0.10217180103063583 and:0.06837689876556396 :0.05492710322141647 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -bank:0.04662579670548439 Mutual:0.03900070860981941 Bank:0.027139130979776382 Convention:0.01878610998392105 :0.4586595594882965 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -The:0.16958492994308472 It:0.06801136583089828 He:0.040019236505031586 There:0.028664808720350266 :0.11543883383274078 -committee:0.1512640416622162 session:0.05914260074496269 and:0.0356576070189476 committee.:0.03310972824692726 :0.1309342235326767 -of:0.03046160377562046 and:0.01949031464755535 John:0.013248925097286701 J.:0.00894240103662014 :0.553634524345398 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.02832677774131298 man:0.0189571101218462 fashioned:0.010256295092403889 age.:0.009680424816906452 :0.3170650601387024 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.17178212106227875 the:0.049872901290655136 but:0.04843496158719063 that:0.01943538524210453 :0.09331997483968735 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.13982020318508148 of:0.11051268875598907 a:0.05237388610839844 that:0.038803406059741974 :0.05655858665704727 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.18971991539001465 to:0.05342423543334007 is:0.04359379783272743 has:0.04039185121655464 :0.06229693815112114 -the:0.13697537779808044 it:0.05254269018769264 I:0.03735991194844246 if:0.035609155893325806 :0.06623194366693497 -and:0.06532581895589828 the:0.06179985776543617 a:0.042643144726753235 that:0.034230876713991165 :0.04755782708525658 -years:0.07173684239387512 minutes:0.04623920097947121 hundred:0.04375318065285683 or:0.04097325727343559 :0.19309356808662415 -to:0.25275489687919617 into:0.05258530378341675 on:0.04576890915632248 out:0.03537292405962944 :0.08202541619539261 -of:0.4074952304363251 or:0.07487807422876358 and:0.04243630915880203 for:0.022222770377993584 :0.04799551144242287 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1755555272102356 and:0.07666872441768646 in:0.031104641035199165 to:0.0176036786288023 :0.1195182129740715 -The:0.09999628365039825 It:0.04404011368751526 He:0.030674168840050697 In:0.02697780169546604 :0.22121615707874298 -of:0.23328164219856262 and:0.13885913789272308 is:0.03608861193060875 which:0.03465716168284416 :0.055264174938201904 -of:0.32273074984550476 the:0.059481244534254074 was:0.03502509370446205 made:0.032435666769742966 :0.04509316384792328 -time:0.049762461334466934 as:0.030612975358963013 to:0.02215949445962906 manner:0.01835881732404232 :0.13590042293071747 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.25646576285362244 that:0.09135294705629349 and:0.04631670191884041 to:0.04545079916715622 :0.03862737491726875 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -of:0.18259279429912567 to:0.08558148145675659 and:0.04662569984793663 the:0.04569900780916214 :0.09351073205471039 -to:0.9275428056716919 to,:0.005118463654071093 by:0.005052804481238127 for:0.003946065902709961 :0.007140109781175852 -as:0.2177988737821579 to:0.17232200503349304 that:0.0753200426697731 and:0.041111938655376434 :0.06550521403551102 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.09061063081026077 and:0.021140974014997482 was:0.01110399141907692 to:0.007165871094912291 :0.48186758160591125 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -mand:0.05641615390777588 grees:0.03593277931213379 scribed:0.02867727540433407 partment:0.025207728147506714 :0.5335603356361389 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.0320090651512146 trial:0.006810033228248358 tariff:0.005701027344912291 law:0.005502484273165464 :0.25621017813682556 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -is:0.10303271561861038 the:0.06430774927139282 he:0.0539449080824852 they:0.05261162295937538 :0.07537786662578583 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.13071970641613007 on:0.03840646520256996 at:0.03243584930896759 in:0.028583072125911713 :0.13506671786308289 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -of:0.15715834498405457 was:0.058165282011032104 and:0.05195987597107887 is:0.047314293682575226 :0.06743766367435455 -is:0.2611105144023895 are:0.16385239362716675 was:0.13630259037017822 were:0.08566633611917496 :0.03625030443072319 -and:0.12459772080183029 throat,:0.10227750986814499 to:0.06750090420246124 of:0.041737478226423264 :0.19188274443149567 -the:0.0729391798377037 his:0.06296660751104355 in:0.062209442257881165 to:0.04268914461135864 :0.10213177651166916 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -name:0.01652987115085125 father:0.01460693683475256 wife:0.012967708520591259 first:0.00992235355079174 :0.29660022258758545 -one:0.052963726222515106 man:0.02280638925731182 day:0.022091107442975044 other:0.014896808192133904 :0.22217898070812225 -by:0.16720975935459137 to:0.07760810852050781 the:0.07421591132879257 in:0.03071988746523857 :0.12722837924957275 -and:0.25352704524993896 with:0.03224656358361244 which:0.031008677557110786 the:0.029073063284158707 :0.1262124925851822 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.27079224586486816 of:0.08471814543008804 a:0.04227694496512413 with:0.026182319968938828 :0.07871685922145844 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.09469195455312729 with:0.060807645320892334 in:0.03658856078982353 of:0.0316382572054863 :0.07452230155467987 -of:0.19589440524578094 that:0.10093285143375397 is:0.10078539699316025 to:0.08938940614461899 :0.04084471985697746 -ployed:0.04450249671936035 .:0.0027264009695500135 -:0.002391083864495158 I:0.0010706925531849265 :0.9047476053237915 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -cept:0.05201881378889084 pected:0.04062062129378319 penses:0.023408958688378334 perience:0.014684257097542286 :0.6337358355522156 -and:0.1913466453552246 who:0.09712376445531845 the:0.0461285300552845 that:0.026218926534056664 :0.07778327912092209 -a:0.1265190690755844 the:0.08619852364063263 by:0.07827580720186234 in:0.06267426162958145 :0.06210097670555115 -in:0.023053428158164024 to:0.016011463478207588 and:0.007455287501215935 In:0.007175864186137915 :0.5994486808776855 -to:0.10930445790290833 and:0.09885812550783157 feature:0.02063094452023506 as:0.014897564426064491 :0.15857958793640137 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -in:0.0875076875090599 the:0.06762214750051498 up:0.06661771982908249 on:0.05827484652400017 :0.0542076975107193 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -The:0.13785484433174133 It:0.05519452691078186 A:0.041212040930986404 He:0.029658136889338493 :0.1518855094909668 -of:0.0954684391617775 year:0.038241513073444366 other:0.03241894021630287 and:0.030703196302056313 :0.15927621722221375 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -cities:0.01657942682504654 State:0.015706729143857956 town:0.012453516945242882 States:0.011314875446259975 :0.31110242009162903 -I:0.06149213761091232 yes,:0.060783762484788895 the:0.04811157286167145 what:0.0473635271191597 :0.1597737967967987 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.18777553737163544 the:0.059413474053144455 but:0.028985485434532166 which:0.02380460500717163 :0.09298068284988403 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.06316037476062775 more:0.06229129433631897 as:0.04989323392510414 to:0.04015380144119263 :0.1596965789794922 -stock:0.26055318117141724 of:0.09701742231845856 and:0.05759282782673836 to:0.03891878202557564 :0.07844902575016022 -of:0.16562311351299286 and:0.0825890302658081 are:0.06916364282369614 in:0.06832247227430344 :0.05106520652770996 -to:0.10325054079294205 and:0.07628858089447021 is:0.039110273122787476 from:0.03171437233686447 :0.11235393583774567 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -city:0.006404380779713392 people:0.005585895851254463 property:0.005537253804504871 sum:0.0054352316074073315 :0.3409380316734314 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.08715169131755829 as:0.053439654409885406 if:0.04488249495625496 with:0.03477495536208153 :0.05976031348109245 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3466644585132599 and:0.0606791153550148 in:0.0535823330283165 is:0.036266546696424484 :0.03283635526895523 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.13683831691741943 a:0.09846357256174088 place:0.07857562601566315 up:0.04121507331728935 :0.07779614627361298 -of:0.08868038654327393 over:0.07402916252613068 the:0.05750033259391785 out:0.04827268794178963 :0.06248406693339348 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -in:0.04189803823828697 of:0.03783300891518593 to:0.03066978044807911 war:0.02413959801197052 :0.18577873706817627 -the:0.05501214787364006 a:0.04525178298354149 for:0.0440656803548336 in:0.03368379920721054 :0.09387557208538055 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.24140645563602448 of:0.08127612620592117 and:0.06093951314687729 the:0.03275790438055992 :0.05774327367544174 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -that:0.18499590456485748 the:0.058796871453523636 whether:0.048824433237314224 of:0.043978068977594376 :0.0534769669175148 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.06658535450696945 the:0.06280869990587234 not:0.03976982831954956 a:0.03703264892101288 :0.12188208848237991 -of:0.1755555272102356 and:0.07666872441768646 in:0.031104641035199165 to:0.0176036786288023 :0.1195182129740715 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -of:0.19082975387573242 in:0.06991858035326004 and:0.06414774060249329 to:0.04478486254811287 :0.04759839177131653 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -scribed:0.08989345282316208 mand:0.035913363099098206 clined:0.023485077545046806 grees:0.019794287160038948 :0.530795693397522 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4248253405094147 and:0.04109308496117592 in:0.024803118780255318 to:0.014026276767253876 :0.1471337378025055 -more:0.022853391245007515 of:0.018158670514822006 girl,:0.01250563096255064 to:0.010435924865305424 :0.29975685477256775 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -settlers:0.020307820290327072 service:0.018241671845316887 value:0.014041396789252758 confinement:0.013764206320047379 :0.21971720457077026 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1176682710647583 in:0.08195910602807999 that:0.0728069394826889 as:0.044407181441783905 :0.08533850312232971 -to:0.08814259618520737 and:0.06860069185495377 in:0.05667705088853836 for:0.04383286088705063 :0.08221182227134705 -to:0.25855711102485657 of:0.14980514347553253 into:0.08329237252473831 and:0.027533773332834244 :0.02288292534649372 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.2376062572002411 in:0.04828580841422081 but:0.03758971020579338 to:0.034737393260002136 :0.08056072890758514 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -in:0.3063701391220093 and:0.06409066915512085 at:0.044508494436740875 by:0.044359881430864334 :0.041414182633161545 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.13534265756607056 he:0.12623554468154907 they:0.06698688864707947 I:0.0471423976123333 :0.09093718975782394 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -who:0.12407079339027405 of:0.08138538151979446 and:0.06571182608604431 in:0.05156034603714943 :0.07582911103963852 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -The:0.14387169480323792 It:0.05228393152356148 He:0.039723969995975494 There:0.038377441465854645 :0.153956338763237 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.053978338837623596 to:0.033164132386446 the:0.026917224749922752 a:0.014735973440110683 :0.285101056098938 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.10484927147626877 the:0.05915289744734764 a:0.02770397812128067 but:0.024879824370145798 :0.1917460858821869 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.16692179441452026 in:0.03817659988999367 the:0.033824622631073 on:0.031410686671733856 :0.05402487516403198 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.5476500988006592 as:0.0329522080719471 a:0.022960808128118515 that:0.020755542442202568 :0.09905503690242767 -and:0.1830829381942749 the:0.05445331707596779 as:0.042436953634023666 by:0.03131595999002457 :0.0590360164642334 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.020137004554271698 of:0.01950620673596859 is:0.018718335777521133 a:0.014140231534838676 :0.31716296076774597 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.5023614168167114 and:0.043395332992076874 in:0.02637467160820961 to:0.025960274040699005 :0.04294393211603165 -to:0.06170705705881119 minutes:0.04478512704372406 per:0.044368255883455276 and:0.03892164304852486 :0.182114839553833 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -of:0.3135414719581604 to:0.13464458286762238 that:0.05905219539999962 in:0.05429487302899361 :0.05224943533539772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -World:0.012006915174424648 and:0.010564529336988926 Guard:0.007037812378257513 men:0.006180332973599434 :0.6590755581855774 -of:0.4392460584640503 and:0.08671534061431885 with:0.031221648678183556 to:0.023959675803780556 :0.04468568414449692 -of:0.2900887727737427 House:0.0942523404955864 for:0.054751474410295486 in:0.04428257420659065 :0.08686212450265884 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.18977618217468262 of:0.1610390543937683 the:0.04142322763800621 at:0.02599009871482849 :0.06315462291240692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.18719635903835297 for:0.09495089948177338 in:0.07487615197896957 of:0.07161547988653183 :0.11463591456413269 -of:0.2995724380016327 is:0.04915042221546173 was:0.04320988804101944 that:0.03736812248826027 :0.04120790958404541 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.6040095090866089 "An:0.06480400264263153 to.:0.014993883669376373 lo:0.011584209278225899 :0.07332241535186768 -to:0.09299120306968689 of:0.07938957959413528 and:0.05245117098093033 the:0.04695473238825798 :0.07857552915811539 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.15545375645160675 is:0.07289856672286987 was:0.035194821655750275 it:0.01917683705687523 :0.06537233293056488 -of:0.15353241562843323 to:0.13866226375102997 and:0.03040177747607231 that:0.030154407024383545 :0.05298222228884697 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -of:0.37800681591033936 and:0.18078218400478363 to:0.04225180670619011 in:0.036386843770742416 :0.02629750594496727 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.16014093160629272 shall:0.06468995660543442 the:0.053209736943244934 or:0.04731021821498871 :0.05179338902235031 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.11534054577350616 for:0.10977301746606827 to:0.0504455529153347 on:0.042466696351766586 :0.10062316805124283 -of:0.30673152208328247 and:0.04531557485461235 to:0.020838018506765366 in:0.01876954175531864 :0.11575235426425934 -on:0.07500354200601578 of:0.07121460884809494 upon:0.03577828034758568 to:0.03353486210107803 :0.19133000075817108 -the:0.17477525770664215 we:0.05017627030611038 you:0.049188416451215744 he:0.048380784690380096 :0.07771619409322739 -States:0.5249002575874329 States,:0.14538247883319855 States.:0.12097357958555222 States;:0.017308538779616356 :0.12549808621406555 -to:0.401702344417572 the:0.05298846587538719 a:0.048436231911182404 him:0.02565865032374859 :0.052962977439165115 -to:0.1770935207605362 above:0.0834425538778305 of:0.08211614936590195 in:0.04307474568486214 :0.07087589800357819 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.19064952433109283 with:0.055008504539728165 at:0.04576033726334572 in:0.02958231046795845 :0.06376346945762634 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.40290558338165283 that:0.15859457850456238 to:0.02528500184416771 against:0.024171557277441025 :0.04215606302022934 -the:0.036139342933893204 of:0.028361549600958824 and:0.015468917787075043 to:0.012508893385529518 :0.3782777190208435 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.10825265198945999 and:0.054943282157182693 before:0.0289095900952816 enough:0.026509786024689674 :0.17240241169929504 -and:0.06298363208770752 H.:0.029688751325011253 F.:0.02875196561217308 A.:0.026930881664156914 :0.3548924922943115 -the:0.09153220802545547 a:0.053384050726890564 not:0.02737550623714924 to:0.020719477906823158 :0.22090661525726318 -of:0.36233967542648315 and:0.09298945963382721 in:0.03754302114248276 are:0.022625474259257317 :0.050631288439035416 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -tirely:0.10133197158575058 tered:0.0526694692671299 listed:0.02891162969172001 gaged:0.02440042421221733 :0.6126540303230286 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -The:0.08205077052116394 In:0.041549671441316605 of:0.03420039266347885 and:0.031913887709379196 :0.11305056512355804 -the:0.13706998527050018 it:0.12320033460855484 he:0.03698725253343582 we:0.03675014153122902 :0.048648856580257416 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -ago:0.12396024912595749 of:0.11536110192537308 ago.:0.0523359440267086 ago,:0.05031469464302063 :0.06862995773553848 -of:0.03127415105700493 and:0.01589454524219036 .:0.01528619509190321 to:0.014104236848652363 :0.37127217650413513 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.07447764277458191 of:0.054846711456775665 with:0.05220339447259903 in:0.04272594675421715 :0.09460651129484177 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -No.:0.032581817358732224 7:0.025659939274191856 5:0.021033745259046555 6:0.019992711022496223 :0.3565942645072937 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.0155057143419981 a:0.006148762535303831 of:0.005173648241907358 way:0.004715119022876024 :0.4694598317146301 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.14623434841632843 is:0.04703027009963989 or:0.035265542566776276 to:0.030939849093556404 :0.09212682396173477 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -city:0.01159604825079441 whole:0.010334692895412445 present:0.009704763069748878 people:0.00785856880247593 :0.18287688493728638 -him:0.09373514354228973 a:0.0883430615067482 the:0.0812935158610344 me:0.04305979236960411 :0.05273142829537392 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.14583271741867065 and:0.05376538634300232 in:0.04807736724615097 for:0.044097933918237686 :0.044993363320827484 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.051432736217975616 the:0.031281404197216034 that:0.02499048225581646 of:0.024680180475115776 :0.25751549005508423 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.1573120504617691 not:0.05208425968885422 he:0.050539530813694 it:0.04256449639797211 :0.0943693146109581 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -tain:0.27590474486351013 of:0.07291798293590546 and:0.04308157414197922 tainly:0.032349132001399994 :0.26836976408958435 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -that:0.19580808281898499 the:0.06366346776485443 a:0.04090047627687454 to:0.02135777287185192 :0.10899172723293304 -to:0.08475599437952042 that:0.07605068385601044 of:0.055467020720243454 in:0.05342980474233627 :0.07746848464012146 -Pacific:0.06644485145807266 and:0.05073722451925278 of:0.025704922154545784 Pacific,:0.02454528585076332 :0.14281362295150757 -who:0.308531790971756 of:0.0703386664390564 in:0.021768072620034218 that:0.01657738909125328 :0.1333772838115692 -and:0.07973524183034897 marked:0.06688904762268066 in:0.032228391617536545 of:0.03073606826364994 :0.16549918055534363 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -of:0.08609572798013687 to:0.08348680287599564 and:0.06439613550901413 is:0.03706280514597893 :0.04017950966954231 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -down:0.11868808418512344 out:0.060246072709560394 in:0.05427483469247818 the:0.04309288039803505 :0.09222779422998428 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.15044568479061127 the:0.07631395757198334 but:0.04682229459285736 it:0.027847185730934143 :0.08145357668399811 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.08790816366672516 of:0.05017567798495293 is:0.04357839375734329 has:0.04334758594632149 :0.1270930916070938 -and:0.0960155799984932 to:0.06035367399454117 Block:0.03833146020770073 car:0.023061910644173622 :0.18898244202136993 -to:0.10428117960691452 upon:0.09748611599206924 the:0.09490382671356201 for:0.04762966185808182 :0.1430780589580536 -who:0.15063558518886566 in:0.05140389874577522 of:0.038088493049144745 interested:0.03488509729504585 :0.07787659764289856 -much:0.14333897829055786 many:0.03466739505529404 late.:0.025848792865872383 far:0.025535600259900093 :0.14510856568813324 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -Fe:0.30179014801979065 Anna:0.03545292094349861 Barbara:0.02167280577123165 Clara:0.017521830275654793 :0.5697999000549316 -a:0.14751461148262024 the:0.12374261766672134 it:0.04567049443721771 an:0.026676274836063385 :0.07802078872919083 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.1380353420972824 of:0.08191534876823425 that:0.055511631071567535 this:0.036007437855005264 :0.12995800375938416 -and:0.08389711380004883 are:0.07334992289543152 of:0.06217704340815544 which:0.058909013867378235 :0.04743334278464317 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.2578584551811218 not:0.03358340635895729 do:0.024384891614317894 bo:0.01854175329208374 :0.11540351063013077 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.5255436301231384 and:0.05255448445677757 that:0.028231266885995865 in:0.025224745273590088 :0.04295264557003975 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.3637983798980713 and:0.08973377197980881 are:0.03727329522371292 that:0.030326884239912033 :0.051181722432374954 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.06034154072403908 a:0.043448708951473236 in:0.027066903188824654 made:0.023584788665175438 :0.18853774666786194 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.06404504925012589 institutions:0.0562707856297493 institution:0.033484864979982376 system:0.021181123331189156 :0.22505877912044525 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -and:0.27047207951545715 which:0.05249479413032532 the:0.04651235416531563 but:0.037015415728092194 :0.1103549599647522 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.13465744256973267 of:0.02863205038011074 the:0.027494894340634346 to:0.025163618847727776 :0.28074896335601807 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.06557458639144897 to:0.06437172740697861 in:0.050494253635406494 the:0.03856607899069786 :0.1650417596101761 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.017224440351128578 -:0.013245903886854649 e:0.013182943686842918 n:0.012991116382181644 :0.3863798975944519 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.07545795291662216 animals:0.01937645860016346 with:0.015558595769107342 beasts:0.011348182335495949 :0.2859654426574707 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.1002679094672203 the:0.07582294940948486 it:0.04594536870718002 that:0.0431353822350502 :0.12837792932987213 -cent:0.2230542153120041 cent,:0.1211099848151207 cent.:0.07385829836130142 annum,:0.02711872011423111 :0.157860666513443 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.6755409240722656 of:0.08360281586647034 thereto:0.04698238894343376 the:0.013858000747859478 :0.03654346987605095 -and:0.0320090651512146 trial:0.006810033228248358 tariff:0.005701027344912291 law:0.005502484273165464 :0.25621017813682556 -The:0.12274093925952911 It:0.09719280153512955 I:0.04533431679010391 He:0.02782406471669674 :0.14604219794273376 -who:0.308531790971756 of:0.0703386664390564 in:0.021768072620034218 that:0.01657738909125328 :0.1333772838115692 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.6314151883125305 and:0.03663337230682373 a:0.017425186932086945 by:0.015364840626716614 :0.02151055447757244 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -was:0.0673200935125351 is:0.060365915298461914 and:0.05931868031620979 of:0.024711132049560547 :0.08833076804876328 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.1262509673833847 of:0.038416191935539246 the:0.03584697097539902 to:0.03369401767849922 :0.05390466749668121 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -been:0.1721123605966568 boon:0.06341830641031265 a:0.03319316729903221 the:0.024893347173929214 :0.11090400069952011 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -of:0.46626919507980347 and:0.04581361263990402 has:0.026091044768691063 who:0.020306086167693138 :0.03159767761826515 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.17401114106178284 the:0.04598235338926315 in:0.04152426868677139 I:0.02419465407729149 :0.09060686826705933 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1595201939344406 to:0.10886135697364807 of:0.09723897278308868 the:0.08887280523777008 :0.04427965357899666 -than:0.007833871990442276 and:0.007450035773217678 fact:0.006659588310867548 shadow:0.0058861528523266315 :0.5380579829216003 -into:0.09127222746610641 and:0.08013004809617996 on:0.05523074045777321 from:0.04877845197916031 :0.07461434602737427 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.039833907037973404 of:0.017600394785404205 to:0.016799042001366615 and:0.013425630517303944 :0.36135903000831604 -to:0.2268872708082199 a:0.05906083807349205 the:0.04827708378434181 over:0.028345566242933273 :0.10090877115726471 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.2130189687013626 was:0.09462545067071915 and:0.07372277975082397 is:0.032558657228946686 :0.07919500023126602 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -on:0.11336685717105865 was:0.06963159888982773 in:0.06374320387840271 is:0.05051175504922867 :0.056052546948194504 -of:0.3520914912223816 for:0.18398790061473846 was:0.05307195335626602 the:0.03573067858815193 :0.036629147827625275 -cept:0.05201881378889084 pected:0.04062062129378319 penses:0.023408958688378334 perience:0.014684257097542286 :0.6337358355522156 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -the:0.09020982682704926 I:0.08403093367815018 sir,:0.05136376991868019 they:0.03921874612569809 :0.08896659314632416 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -of:0.03046160377562046 and:0.01949031464755535 John:0.013248925097286701 J.:0.00894240103662014 :0.553634524345398 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.6048688292503357 tho:0.04073081910610199 which:0.031648941338062286 his:0.02382778190076351 :0.035510674118995667 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -for:0.09857241064310074 by:0.07142499834299088 to:0.06287050992250443 in:0.05077463760972023 :0.11531560868024826 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -p.:0.15063297748565674 in:0.10787739604711533 a.:0.10472390800714493 A.:0.06611566245555878 :0.06908968091011047 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -every:0.0454334132373333 a:0.0446772575378418 as:0.04280715063214302 entirely:0.02934308350086212 :0.2138059437274933 -see:0.07605355232954025 be:0.05931060016155243 get:0.04249722510576248 have:0.037437669932842255 :0.08801398426294327 -utes:0.5081787109375 ister:0.12742947041988373 ing:0.09543925523757935 eral:0.0600866824388504 :0.1069645956158638 -to:0.08822862803936005 the:0.03496932238340378 and:0.028189776465296745 a:0.025442179292440414 :0.2854265570640564 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -to:0.30676376819610596 of:0.23261430859565735 is:0.025729143992066383 and:0.023288588970899582 :0.04119803011417389 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.04298098012804985 one:0.04271060973405838 two:0.037807054817676544 three:0.02456761710345745 :0.16411034762859344 -the:0.203014075756073 and:0.04571348801255226 to:0.03866835683584213 with:0.03252645581960678 :0.08168720453977585 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.12654341757297516 two:0.053056616336107254 ten:0.04344209283590317 a:0.039422351866960526 :0.16383635997772217 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -chopped:0.07870335876941681 equipped:0.03006064146757126 ground:0.02515755034983158 and:0.021213874220848083 :0.20523138344287872 -District,:0.5790542364120483 District:0.14398233592510223 District.:0.027837255969643593 Court:0.018302638083696365 :0.10383207350969315 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.09675233066082001 of:0.06645508855581284 in:0.03704924136400223 the:0.03578222170472145 :0.09280648082494736 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.15332740545272827 It:0.057265810668468475 In:0.03648030757904053 A:0.027908219024538994 :0.1500028520822525 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.32273074984550476 the:0.059481244534254074 was:0.03502509370446205 made:0.032435666769742966 :0.04509316384792328 -of:0.23745077848434448 out:0.08117625117301941 for:0.04089536890387535 that:0.038828302174806595 :0.08960730582475662 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.6401479840278625 in:0.052853021770715714 ot:0.015404925681650639 and:0.01340741477906704 :0.04293636977672577 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -The:0.16488637030124664 It:0.05787681043148041 There:0.04271574690937996 We:0.030833307653665543 :0.12686796486377716 -the:0.17712469398975372 it:0.06325319409370422 or:0.059955522418022156 they:0.05993082746863365 :0.0730995237827301 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.6376826167106628 meeting:0.02854657545685768 and:0.01826046220958233 ot:0.01418551616370678 :0.039333269000053406 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.2975095212459564 of:0.09411772340536118 is:0.06967083364725113 or:0.030387701466679573 :0.07853266596794128 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -of:0.5457985401153564 for:0.12543193995952606 and:0.027977533638477325 to:0.01564955525100231 :0.0221792533993721 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -the:0.10240107774734497 a:0.06718461215496063 them:0.04779723286628723 him:0.04725667089223862 :0.07082982361316681 -in:0.09515975415706635 as:0.06650279462337494 after:0.06350309401750565 with:0.04368365928530693 :0.06289763003587723 -own:0.018294867128133774 hat:0.009627551771700382 father:0.006540294736623764 work:0.006151794921606779 :0.35449904203414917 -Dewey:0.15812282264232635 and:0.02173319086432457 Watson:0.007021436467766762 William:0.006702627055346966 :0.5359995365142822 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -that:0.0778777003288269 to:0.06438076496124268 of:0.05547375604510307 like:0.04574453458189964 :0.0751834362745285 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.22607474029064178 in:0.048345621675252914 from:0.04227367788553238 out:0.04218066856265068 :0.05084111541509628 -morning:0.07261134684085846 and:0.07178562879562378 afternoon:0.04440302774310112 at:0.04028451070189476 :0.1093861311674118 -the:0.28321319818496704 this:0.05459144338965416 that:0.04031408205628395 a:0.03681033104658127 :0.20886756479740143 -be:0.3217567205429077 have:0.08306805044412613 not:0.02450818568468094 bo:0.018155692145228386 :0.08178785443305969 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.25868695974349976 claim:0.07592247426509857 claims:0.05875404551625252 possession:0.02236582152545452 :0.11046618968248367 -and:0.039675477892160416 party:0.020606327801942825 parties:0.01848437264561653 power:0.010759313590824604 :0.34491583704948425 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -for:0.1073736697435379 at:0.04735913127660751 in:0.038438718765974045 against:0.03496570512652397 :0.16033126413822174 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -of:0.14583271741867065 and:0.05376538634300232 in:0.04807736724615097 for:0.044097933918237686 :0.044993363320827484 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -to:0.4488777816295624 of:0.07124593108892441 is:0.027022818103432655 and:0.024097751826047897 :0.045753903687000275 -the:0.056439515203237534 of:0.05189945176243782 in:0.038383424282073975 sides:0.022368621081113815 :0.18085162341594696 -south:0.12703150510787964 north:0.12162792682647705 with:0.05615686997771263 along:0.052328187972307205 :0.1148146316409111 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -to:0.13243992626667023 the:0.07390456646680832 in:0.04262017086148262 a:0.03425760567188263 :0.14737729728221893 -the:0.2759329676628113 and:0.04254999756813049 to:0.031143812462687492 a:0.027929464355111122 :0.1242290586233139 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -the:0.034368086606264114 and:0.019949300214648247 of:0.01668313331902027 to:0.01350040640681982 :0.2720033526420593 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.17280571162700653 that:0.16123585402965546 a:0.050750888884067535 him:0.02549443393945694 :0.04242027550935745 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.062346044927835464 I:0.028214924037456512 It:0.025785548612475395 He:0.021829821169376373 :0.20342130959033966 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -for:0.1740122139453888 of:0.15256735682487488 and:0.10449034720659256 were:0.053195834159851074 :0.03111526556313038 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -d:0.06307753920555115 the:0.06253193318843842 a:0.03702826052904129 to:0.010599956847727299 :0.31794288754463196 -and:0.08872266113758087 W.:0.02368033491075039 A.:0.02247472107410431 J.:0.01971431076526642 :0.44621556997299194 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.16978515684604645 line:0.07059624791145325 quarter:0.05792009457945824 side:0.050644174218177795 :0.12782599031925201 -of:0.2537390887737274 and:0.04797760769724846 that:0.03903402388095856 in:0.02849040925502777 :0.07568418234586716 -vantage:0.06546395272016525 the:0.033202409744262695 to:0.011986362747848034 mitted:0.010095113888382912 :0.4901408553123474 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -as:0.06427181512117386 the:0.05973363295197487 and:0.05491543561220169 in:0.04866834729909897 :0.06618663668632507 -sumed:0.09850303828716278 sured:0.05659375712275505 signed:0.04352244734764099 sume:0.01281285285949707 :0.6569045782089233 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -The:0.1503204107284546 It:0.06710784882307053 He:0.03369696065783501 In:0.029445862397551537 :0.14637711644172668 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -The:0.12795506417751312 It:0.05500146746635437 I:0.03275163471698761 In:0.029080502688884735 :0.1057141050696373 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -The:0.11416704952716827 It:0.06958336383104324 He:0.04432252421975136 A:0.03394124656915665 :0.12236008793115616 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.065240278840065 a:0.014627943746745586 that:0.014110713265836239 to:0.011815262027084827 :0.2729637622833252 -to:0.20245017111301422 and:0.1514749825000763 on:0.09711378067731857 at:0.033222414553165436 :0.06553995609283447 -and:0.12387486547231674 was:0.06783924996852875 of:0.04072051867842674 is:0.022043081000447273 :0.22900815308094025 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.09594260901212692 to:0.031982164829969406 was:0.020463744178414345 is:0.019995830953121185 :0.1210058256983757 -terest:0.02970144897699356 crease:0.022288411855697632 stead:0.02054322324693203 to:0.017772745341062546 :0.6365475058555603 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -the:0.3422064185142517 a:0.0838821679353714 and:0.027231331914663315 his:0.026744848117232323 :0.0935588926076889 -was:0.06561992317438126 had:0.03705403208732605 has:0.029276518151164055 is:0.024481505155563354 :0.19223681092262268 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -years:0.07173684239387512 minutes:0.04623920097947121 hundred:0.04375318065285683 or:0.04097325727343559 :0.19309356808662415 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.1482778936624527 in:0.12464690953493118 and:0.08635060489177704 with:0.039742495864629745 :0.050094641745090485 -of:0.37800681591033936 and:0.18078218400478363 to:0.04225180670619011 in:0.036386843770742416 :0.02629750594496727 -to:0.36551904678344727 of:0.1529449075460434 the:0.06653483211994171 a:0.039773568511009216 :0.060053836554288864 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.027679985389113426 at:0.026796821504831314 the:0.02464049868285656 to:0.02345702238380909 :0.1609565168619156 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -29th:0.007610345724970102 United:0.0034466260112822056 undersigned,:0.0022891636472195387 NEW:0.001959773013368249 :0.8832787871360779 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -and:0.16500787436962128 which:0.02811959758400917 in:0.02630678191781044 to-wit::0.02601148560643196 :0.13419760763645172 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.43802061676979065 In:0.09556203335523605 with:0.06448046863079071 by:0.03721804544329643 :0.04584800824522972 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -year:0.04991335794329643 few:0.0480017364025116 two:0.042205728590488434 and:0.03596019372344017 :0.13481755554676056 -.:0.017224440351128578 -:0.013245903886854649 e:0.013182943686842918 n:0.012991116382181644 :0.3863798975944519 -much:0.08464746922254562 to:0.08419680595397949 the:0.08266311138868332 they:0.0423126183450222 :0.08944229781627655 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -to:0.31512564420700073 that:0.16772498190402985 the:0.077631875872612 him:0.04953702166676521 :0.04163869470357895 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -in:0.10195839405059814 days:0.033966515213251114 part:0.03120974451303482 and:0.022123118862509727 :0.1931469589471817 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.12327802926301956 in:0.047705791890621185 the:0.03946535661816597 who:0.030797118321061134 :0.24838855862617493 -by:0.24671658873558044 to:0.21755871176719666 him:0.10195905715227127 the:0.07295509427785873 :0.02316492423415184 -e:0.08418221026659012 .:0.01215440221130848 the:0.009878731332719326 at:0.008417113684117794 :0.3256499767303467 -to:0.22607474029064178 in:0.048345621675252914 from:0.04227367788553238 out:0.04218066856265068 :0.05084111541509628 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.09099514037370682 and:0.06171742081642151 of:0.05708785727620125 has:0.03643856942653656 :0.05120764300227165 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -of:0.1254737675189972 per:0.111298568546772 and:0.062289368361234665 on:0.04184459522366524 :0.06521812081336975 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -ing:0.13273988664150238 fore:0.09931561350822449 tween:0.08537130802869797 cause:0.08139321953058243 :0.19399063289165497 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -last:0.005156592931598425 first:0.005004222970455885 same:0.00421338714659214 whole:0.004035998601466417 :0.3615967929363251 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -than:0.30929499864578247 of:0.022358190268278122 to:0.01622467115521431 in:0.015821946784853935 :0.18710440397262573 -the:0.16081133484840393 to:0.12296096235513687 and:0.06147054582834244 on:0.044364649802446365 :0.06571459025144577 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.10956943780183792 is:0.048181019723415375 crop:0.03659804165363312 in:0.03062843717634678 :0.13764308393001556 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -the:0.21097929775714874 for:0.07584209740161896 a:0.045886725187301636 said:0.028614511713385582 :0.07246754318475723 -H.:0.08251026272773743 H:0.03209573030471802 F:0.022298293188214302 B.:0.016868222504854202 :0.3338470757007599 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.24150854349136353 when:0.043632835149765015 but:0.0416601225733757 the:0.03928326070308685 :0.0663558766245842 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.5800498723983765 in:0.257102906703949 In:0.039663832634687424 at:0.0074758403934538364 :0.016115695238113403 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -every:0.0454334132373333 a:0.0446772575378418 as:0.04280715063214302 entirely:0.02934308350086212 :0.2138059437274933 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -The:0.140981063246727 It:0.08723071217536926 I:0.04749554023146629 In:0.043885160237550735 :0.15308429300785065 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -to:0.18091177940368652 for:0.08005465567111969 that:0.07725795358419418 the:0.031633131206035614 :0.11655044555664062 -the:0.05792469158768654 r:0.019938331097364426 >r:0.012289449572563171 .:0.011597756296396255 :0.2852281928062439 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.24140645563602448 of:0.08127612620592117 and:0.06093951314687729 the:0.03275790438055992 :0.05774327367544174 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.030655687674880028 the:0.02691657282412052 as:0.02375328354537487 a:0.015629680827260017 :0.14259637892246246 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -of:0.3742508292198181 in:0.07440492510795593 was:0.0485030896961689 is:0.04499903693795204 :0.0391463004052639 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -a:0.010283667594194412 the:0.009843056090176105 to:0.009234092198312283 of:0.00864758063107729 :0.28567513823509216 -the:0.056439515203237534 of:0.05189945176243782 in:0.038383424282073975 sides:0.022368621081113815 :0.18085162341594696 -of:0.41114944219589233 in:0.06389008462429047 is:0.058478232473134995 was:0.05665121227502823 :0.031773436814546585 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -of:0.0941917896270752 and:0.06286325305700302 to:0.050931621342897415 in:0.045744284987449646 :0.06495747715234756 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.21946848928928375 the:0.0460115410387516 but:0.039461273699998856 as:0.026940561830997467 :0.07500888407230377 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -E.:0.02607201412320137 A.:0.020781712606549263 H.:0.01655576191842556 J.:0.015408623032271862 :0.6205066442489624 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.032129231840372086 in:0.022004758939146996 at:0.020973172038793564 to:0.015480050817131996 :0.3042934238910675 -the:0.11078117042779922 a:0.04739215970039368 to:0.04724182188510895 in:0.04221399128437042 :0.12349672615528107 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.1008065789937973 to:0.06363975256681442 and:0.04032186046242714 is:0.040060531347990036 :0.08349152654409409 -of:0.327671617269516 money:0.08962307870388031 price:0.07297765463590622 the:0.06332220137119293 :0.07312953472137451 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -He:0.09556804597377777 The:0.07419736683368683 I:0.03664061799645424 It:0.03552316501736641 :0.15053889155387878 -of:0.3561081886291504 and:0.05981532484292984 in:0.05048516392707825 is:0.02684333361685276 :0.03178543597459793 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -o'clock:0.07654751092195511 hundred:0.05282321944832802 years:0.03723687306046486 months:0.033223412930965424 :0.2892877161502838 -.:0.012304886244237423 e:0.009364104829728603 -:0.005938652437180281 is:0.00580355990678072 :0.42104586958885193 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -Beginning:0.07333672046661377 The:0.05376216024160385 Commencing:0.04952124506235123 Section:0.018922988325357437 :0.29170942306518555 -much:0.08464746922254562 to:0.08419680595397949 the:0.08266311138868332 they:0.0423126183450222 :0.08944229781627655 -a:0.0891878679394722 more:0.0506981797516346 in:0.04016854241490364 to:0.03962491825222969 :0.1259959489107132 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.6856895089149475 to:0.03408908471465111 for:0.03178003802895546 and:0.0208304300904274 :0.028483418747782707 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.13006111979484558 man:0.041560590267181396 men:0.03545311465859413 man,:0.030033009126782417 :0.19172464311122894 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -to:0.3094582259654999 that:0.17194616794586182 in:0.04910026863217354 from:0.04514061659574509 :0.03688572719693184 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -hundred:0.11050557345151901 Hundred:0.04840495437383652 years:0.04739012569189072 thousand:0.04700024053454399 :0.22929081320762634 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -ordered:0.0265146866440773 notified:0.02627418376505375 enacted,:0.020376592874526978 than:0.019262738525867462 :0.25041383504867554 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -J.:0.021165035665035248 J:0.02052207477390766 W:0.019924812018871307 W.:0.019292067736387253 :0.509931743144989 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.12555250525474548 from:0.07405679672956467 by:0.06459669768810272 in:0.05567841976881027 :0.06057837978005409 -the:0.08155303448438644 a:0.013866975903511047 in:0.011486396193504333 as:0.01013153325766325 :0.33819380402565 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.065240278840065 a:0.014627943746745586 that:0.014110713265836239 to:0.011815262027084827 :0.2729637622833252 -to:0.927348792552948 lo:0.008328213356435299 to.:0.004538264125585556 him:0.0038021858781576157 :0.005588291212916374 -the:0.05650736764073372 a:0.05523715913295746 room:0.045066192746162415 of:0.0388348326086998 :0.047684166580438614 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.11923857033252716 and:0.09759610146284103 to:0.07925862073898315 that:0.06104438379406929 :0.13223528861999512 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -of:0.33018243312835693 and:0.07733188569545746 regulating:0.03222488984465599 are:0.028467591851949692 :0.049046590924263 -of:0.38425374031066895 which:0.05133915692567825 and:0.049561817198991776 to:0.03105589933693409 :0.0422796793282032 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.09709743410348892 with:0.09612009674310684 and:0.08449466526508331 in:0.07147638499736786 :0.05298411101102829 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -per:0.0987551361322403 @:0.06900204718112946 feet:0.051461853086948395 cents:0.04417043179273605 :0.19597557187080383 -and:0.03188835456967354 for:0.008769063279032707 as:0.007426595315337181 or:0.007312892470508814 :0.42695045471191406 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.042405009269714355 and:0.03097718581557274 part:0.022699974477291107 as:0.017097262665629387 :0.17814253270626068 -to:0.16065147519111633 of:0.08943341672420502 was:0.0661175549030304 that:0.05601581931114197 :0.061667170375585556 -I:0.02768860012292862 The:0.02479766122996807 It:0.014926244504749775 In:0.012959972023963928 :0.30332544445991516 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ago:0.12965543568134308 ago,:0.0871092826128006 in:0.058216776698827744 ago.:0.05116092041134834 :0.062029410153627396 -of:0.12804177403450012 was:0.09123123437166214 in:0.04529723525047302 and:0.038634561002254486 :0.07401498407125473 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.052077047526836395 a:0.017742393538355827 to:0.00982049759477377 with:0.00976747740060091 :0.3192233145236969 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.058767300099134445 imagination:0.0411781407892704 description:0.030977198854088783 recollection:0.017510607838630676 :0.18082286417484283 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.20245017111301422 and:0.1514749825000763 on:0.09711378067731857 at:0.033222414553165436 :0.06553995609283447 -and:0.12267586588859558 but:0.026543550193309784 which:0.02462776005268097 the:0.01939014159142971 :0.16106057167053223 -of:0.8367511630058289 ot:0.015641359612345695 and:0.009211349301040173 ol:0.007322144228965044 :0.006912298500537872 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.13403429090976715 of:0.05157950520515442 to:0.04951334372162819 in:0.04398293048143387 :0.08461491018533707 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -m,:0.1473013013601303 m:0.04926828294992447 .:0.03553163632750511 m.:0.03338773548603058 :0.30403444170951843 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -The:0.12385951727628708 It:0.0519869402050972 He:0.028931917622685432 In:0.02581878751516342 :0.10212697833776474 -been:0.07629714906215668 be:0.0499790757894516 had:0.025709202513098717 have:0.022763649001717567 :0.12283376604318619 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.06623979657888412 of:0.06198824942111969 officers:0.03452509269118309 is:0.024444162845611572 :0.08492770791053772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.027395861223340034 the:0.022504489868879318 made:0.0182606503367424 no:0.008585826493799686 :0.2783674895763397 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -of:0.09608716517686844 and:0.06614368408918381 president,:0.06159941479563713 president:0.06129557266831398 :0.2404775172472 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.16891597211360931 a:0.1215568333864212 to:0.05827312171459198 us:0.038388896733522415 :0.08107347786426544 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -J:0.030260765925049782 E:0.016176635399460793 G:0.011854932643473148 C.:0.011130079627037048 :0.5215795040130615 -the:0.0868455320596695 it:0.0400262251496315 if:0.03415347635746002 yet:0.027642888948321342 :0.06376281380653381 -Virginia.:0.07287900149822235 of:0.04712715372443199 Virginia:0.043864477425813675 and:0.034131258726119995 :0.331719309091568 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.10956943780183792 is:0.048181019723415375 crop:0.03659804165363312 in:0.03062843717634678 :0.13764308393001556 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -per:0.2181856483221054 a:0.19654347002506256 for:0.062319155782461166 to:0.04985693842172623 :0.07988236099481583 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -in:0.5142198204994202 In:0.0657530352473259 to:0.06512182950973511 at:0.02141963504254818 :0.040683913975954056 -as:0.2651868164539337 from:0.0762321949005127 beyond:0.0325518436729908 more:0.031949158757925034 :0.0632418766617775 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2198714315891266 a:0.07131607085466385 his:0.03640100359916687 it:0.03570661321282387 :0.03549565374851227 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.04561300575733185 feet:0.04111086577177048 .:0.040985457599163055 and:0.03755779191851616 :0.24143044650554657 -The:0.1057058721780777 It:0.06514959037303925 I:0.042684219777584076 He:0.036496587097644806 :0.1586666703224182 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.06451641768217087 in:0.05123370885848999 of:0.0439157634973526 products:0.04127505421638489 :0.12675996124744415 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -one:0.08792528510093689 man:0.05800681561231613 person:0.04262541979551315 day:0.0244844201952219 :0.13383060693740845 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -that:0.22528260946273804 a:0.10326142609119415 the:0.08731657266616821 in:0.05573296919465065 :0.04679013043642044 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -dollars:0.07533460110425949 years:0.06713207066059113 cents:0.0442846305668354 yards:0.03512030094861984 :0.2021401971578598 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.08072295784950256 the:0.042686380445957184 which:0.032730892300605774 that:0.028948558494448662 :0.07544674724340439 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.025568727403879166 be:0.02038208395242691 a:0.015351875685155392 in:0.012395190075039864 :0.14499172568321228 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.055818092077970505 conditions.:0.041502442210912704 conditions:0.034667693078517914 school:0.03175799548625946 :0.2007165402173996 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.18884168565273285 the:0.10413950681686401 but:0.047376442700624466 a:0.024293163791298866 :0.14225421845912933 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.10645195096731186 by:0.10180506855249405 through:0.05344239994883537 a:0.04655205085873604 :0.07113930583000183 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -of:0.16986083984375 or:0.036034222692251205 numbered:0.02870677411556244 No.:0.02674936316907406 :0.1536725014448166 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.07882928103208542 of:0.07151026278734207 and:0.06986978650093079 are:0.05327724665403366 :0.06278695911169052 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.09459227323532104 avenue:0.053014058619737625 avenue,:0.022726990282535553 is:0.018661651760339737 :0.2695164978504181 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.14767664670944214 were:0.09226115792989731 have:0.08225135505199432 will:0.04126095399260521 :0.08120933920145035 -tory:0.6248422265052795 ble:0.105803944170475 tory,:0.047252390533685684 fied:0.007716760970652103 :0.1560518443584442 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.05814424157142639 miles:0.04091153293848038 feet:0.035142697393894196 of:0.032108124345541 :0.268363893032074 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -Horn:0.007388098165392876 der:0.003358466550707817 I:0.0019880321342498064 A:0.0019340632716193795 :0.8930286169052124 -gested:0.3231407403945923 first:0.001782947569154203 i:0.0015350545290857553 .:0.0013868088135495782 :0.6013246774673462 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.36551904678344727 of:0.1529449075460434 the:0.06653483211994171 a:0.039773568511009216 :0.060053836554288864 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.06956382840871811 as:0.018164878711104393 business:0.012234371155500412 scale:0.010695352219045162 :0.3603701889514923 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -D.:0.09169359505176544 D:0.07701209932565689 M:0.04354330152273178 D.,:0.024752678349614143 :0.3761599659919739 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -to:0.03153189644217491 by:0.027743583545088768 abandoned:0.02395966835319996 and:0.0225959662348032 :0.3984030783176422 -to:0.19436277449131012 and:0.15960942208766937 or:0.024924956262111664 as:0.019577885046601295 :0.22349266707897186 -ter:0.3258056044578552 fairs:0.03167320042848587 fair.:0.014873705804347992 fect:0.007903671823441982 :0.5245512127876282 -to:0.10325054079294205 and:0.07628858089447021 is:0.039110273122787476 from:0.03171437233686447 :0.11235393583774567 -of:0.14816363155841827 and:0.14308619499206543 in:0.07854928821325302 for:0.05047202482819557 :0.03951181098818779 -not:0.520152747631073 the:0.028544344007968903 he:0.012468121014535427 in:0.009819873608648777 :0.06437556445598602 -the:0.29389289021492004 a:0.05665617063641548 to:0.047457337379455566 and:0.028424980118870735 :0.1097216084599495 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -and:0.12054719030857086 are:0.038146667182445526 were:0.03746698796749115 in:0.03404378518462181 :0.13969236612319946 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -E.:0.024453725665807724 Brown,:0.01936333440244198 and:0.013965913094580173 Miller,:0.01333557814359665 :0.565713107585907 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -The:0.09816404432058334 It:0.043014269322156906 That:0.025243572890758514 And:0.02157929167151451 :0.14315341413021088 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -years:0.12719585001468658 days:0.08470750600099564 minutes:0.06840284168720245 hundred:0.05596865341067314 :0.1513596922159195 -The:0.13656525313854218 It:0.07085493952035904 He:0.03604425862431526 This:0.023967551067471504 :0.15451276302337646 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -and:0.09262429177761078 plants:0.028366275131702423 plants,:0.020077884197235107 interests:0.01800393871963024 :0.14575523138046265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -The:0.1540360003709793 It:0.04551190137863159 He:0.04179956763982773 A:0.03491648659110069 :0.11690390110015869 -to:0.11208271980285645 in:0.06778854876756668 is:0.04626193642616272 and:0.039771635085344315 :0.07135311514139175 -The:0.1057058721780777 It:0.06514959037303925 I:0.042684219777584076 He:0.036496587097644806 :0.1586666703224182 -and:0.07900917530059814 goods:0.04948343709111214 mills:0.026304084807634354 cloth:0.022366607561707497 :0.4202319085597992 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.24083514511585236 the:0.07469987869262695 but:0.0563993826508522 or:0.02778865210711956 :0.10007493942975998 -that:0.121909961104393 of:0.09068313986063004 it:0.06859414279460907 the:0.05526568368077278 :0.043293297290802 -and:0.15870489180088043 the:0.05835660547018051 but:0.031427327543497086 as:0.030262522399425507 :0.10507569462060928 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.10428117960691452 upon:0.09748611599206924 the:0.09490382671356201 for:0.04762966185808182 :0.1430780589580536 -to:0.23613590002059937 out:0.06032463535666466 down:0.04459838196635246 on:0.04217234253883362 :0.06246890872716904 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -John:0.04333576560020447 M:0.017403393983840942 Henry:0.017339183017611504 Charles:0.012844794429838657 :0.3856269121170044 -and:0.25183504819869995 but:0.05612783133983612 the:0.029302187263965607 as:0.02348688617348671 :0.06006641685962677 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -.:0.06988608837127686 few:0.04215701296925545 large:0.024859881028532982 man:0.013344060629606247 :0.2676287889480591 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -of:0.40115195512771606 and:0.057246554642915726 to:0.05586788058280945 who:0.039833564311265945 :0.06338287144899368 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -He:0.09556804597377777 The:0.07419736683368683 I:0.03664061799645424 It:0.03552316501736641 :0.15053889155387878 -who:0.0786447525024414 and:0.07713200896978378 the:0.04715108871459961 John:0.02140619419515133 :0.1793932169675827 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.19294880330562592 for:0.16123996675014496 that:0.07424196600914001 in:0.060564830899238586 :0.0571957528591156 -and:0.06956865638494492 dogs:0.0451793447136879 provinces:0.027682792395353317 to:0.014122787863016129 :0.08752233535051346 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.11262732744216919 hope,:0.04034372419118881 in:0.02071378380060196 hope:0.010567082092165947 :0.337855726480484 -been:0.06989222764968872 since:0.024833248928189278 be:0.021288305521011353 had:0.01941671036183834 :0.18079784512519836 -the:0.16081133484840393 to:0.12296096235513687 and:0.06147054582834244 on:0.044364649802446365 :0.06571459025144577 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.04716258868575096 more:0.032873496413230896 the:0.03224669024348259 a:0.022797901183366776 :0.21265579760074615 -of:0.38299283385276794 Court:0.04043656215071678 and:0.040150757879018784 Court.:0.018635379150509834 :0.16137006878852844 -of:0.19144678115844727 in:0.07673317939043045 to:0.07024168223142624 and:0.05012201890349388 :0.10864973068237305 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.12775005400180817 the:0.04721731320023537 who:0.03150702640414238 but:0.031194454059004784 :0.05284483730792999 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4500209391117096 to:0.07723364979028702 and:0.0417802594602108 upon:0.03543310984969139 :0.028322694823145866 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.249747171998024 but:0.058583445847034454 the:0.044365253299474716 as:0.03374531865119934 :0.1371811330318451 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4031396210193634 to:0.15482383966445923 and:0.05449239909648895 into:0.04712039977312088 :0.034771982580423355 -H.:0.0361349880695343 W:0.029154006391763687 A.:0.022741029039025307 L.:0.02208847552537918 :0.34149250388145447 -are:0.09544548392295837 men:0.040532711893320084 were:0.036977432668209076 facts:0.023668546229600906 :0.17026278376579285 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -of:0.2734159231185913 or:0.08598525077104568 and:0.07799394428730011 are:0.036862462759017944 :0.05307893455028534 -and:0.14405956864356995 the:0.05066294968128204 who:0.04085593670606613 to:0.034626662731170654 :0.07816477864980698 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -day:0.0062250071205198765 next:0.005928437691181898 in:0.004802160896360874 I:0.004614492412656546 :0.6277454495429993 -of:0.22774504125118256 on:0.08501449972391129 to:0.052234750241041183 in:0.04906715080142021 :0.07598454505205154 -curred:0.05120958387851715 cur:0.009028810076415539 the:0.0017373190494254231 i:0.0016765438485890627 :0.8927605748176575 -of:0.5077712535858154 to:0.06394913047552109 due:0.026102503761649132 claimed:0.015018803998827934 :0.03458837419748306 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -auction:0.02915082313120365 auction,:0.02451956272125244 school:0.020690185949206352 and:0.020127294585108757 :0.21887941658496857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.17719285190105438 a:0.08963824808597565 instance,:0.03405424952507019 this:0.03235090151429176 :0.16912101209163666 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -cept:0.05201881378889084 pected:0.04062062129378319 penses:0.023408958688378334 perience:0.014684257097542286 :0.6337358355522156 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -of:0.06316037476062775 more:0.06229129433631897 as:0.04989323392510414 to:0.04015380144119263 :0.1596965789794922 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.29217779636383057 the:0.12310703098773956 and:0.045149169862270355 for:0.032957546412944794 :0.04936737194657326 -the:0.14326894283294678 it:0.06065943092107773 there:0.042312994599342346 they:0.037028491497039795 :0.05190232768654823 -of:0.29163891077041626 are:0.06459493190050125 from:0.06241220608353615 in:0.05323553457856178 :0.03411495313048363 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.07255005091428757 cold,:0.020876973867416382 fruit:0.014141534455120564 as:0.011375484056770802 :0.27375271916389465 -of:0.1269826591014862 upon:0.11997073888778687 on:0.08062835037708282 and:0.041361451148986816 :0.10647358000278473 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.1211957260966301 of:0.0708957239985466 or:0.03245560824871063 is:0.02644338086247444 :0.2203693985939026 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.027377452701330185 .:0.013190691359341145 and:0.009683377109467983 to:0.0088729253038764 :0.4881405830383301 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.009900739416480064 business:0.007565493229776621 run:0.006339153274893761 way:0.005699533969163895 :0.3642122447490692 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.2816278338432312 to:0.18582305312156677 and:0.06173652783036232 in:0.040058523416519165 :0.044421058148145676 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -of:0.48308074474334717 and:0.05598292499780655 to:0.02694348804652691 floor:0.01265928614884615 :0.06547189503908157 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.5476500988006592 as:0.0329522080719471 a:0.022960808128118515 that:0.020755542442202568 :0.09905503690242767 -and:0.06277455389499664 men:0.014335846528410912 hearted:0.012527957558631897 in:0.009270812384784222 :0.22963455319404602 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.163553386926651 a:0.08217737078666687 money:0.05272455886006355 their:0.03122684173285961 :0.0713297575712204 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.2576634883880615 but:0.054657984524965286 the:0.03508896008133888 which:0.021395955234766006 :0.09016654640436172 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.020441675558686256 to:0.016605544835329056 and:0.013733986765146255 the:0.012579147703945637 :0.37723955512046814 -of:0.2435428351163864 to:0.07911467552185059 is:0.06573107838630676 for:0.05137934908270836 :0.06122526153922081 -of:0.32677212357521057 to:0.2675384283065796 and:0.062139950692653656 in:0.04051428660750389 :0.03968420624732971 -by:0.25862398743629456 to:0.17849352955818176 a:0.05640571936964989 at:0.05379176884889603 :0.047472063452005386 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.13071970641613007 on:0.03840646520256996 at:0.03243584930896759 in:0.028583072125911713 :0.13506671786308289 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -of:0.15982332825660706 in:0.07630152255296707 and:0.07549887150526047 are:0.049801457673311234 :0.06951793283224106 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10645195096731186 by:0.10180506855249405 through:0.05344239994883537 a:0.04655205085873604 :0.07113930583000183 -and:0.16714203357696533 the:0.041237201541662216 to:0.033134687691926956 but:0.025067707523703575 :0.10333810746669769 -to:0.2606671452522278 by:0.0705777108669281 that:0.024161869660019875 in:0.019789788872003555 :0.18974539637565613 -of:0.2902030050754547 in:0.05577729642391205 and:0.040725041180849075 is:0.013710257597267628 :0.14232607185840607 -pany:0.07423526048660278 mittee:0.03760280832648277 mon:0.03629608079791069 plete:0.03559955209493637 :0.3566610813140869 -of:0.40610188245773315 with:0.10202339291572571 more:0.05334185063838959 in:0.03538995608687401 :0.045536503195762634 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.22479920089244843 as:0.050325434654951096 to:0.042932864278554916 shall:0.025103839114308357 :0.05783336982131004 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -best:0.011094905436038971 first:0.008248675614595413 same:0.005816253367811441 most:0.005270459223538637 :0.31521183252334595 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.04408961534500122 knowledge:0.020662039518356323 experience:0.015344872139394283 solution:0.012043902650475502 :0.2754350006580353 -the:0.16171973943710327 he:0.029789619147777557 a:0.024873679503798485 it:0.024347107857465744 :0.21045412123203278 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.10387416183948517 to:0.04841569438576698 who:0.04214920848608017 of:0.023657716810703278 :0.13610337674617767 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.2797698378562927 to:0.05269865319132805 the:0.04633016884326935 nothing:0.029549751430749893 :0.09693089127540588 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.18811596930027008 and:0.10002051293849945 were:0.04963432624936104 to:0.03712533786892891 :0.11557954549789429 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.1348811537027359 and:0.06800916790962219 was:0.040123991668224335 or:0.029537536203861237 :0.1415509730577469 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.016291771084070206 was:0.013952851295471191 to:0.013747919350862503 .:0.012156379409134388 :0.38293755054473877 -States:0.10692910850048065 States,:0.05376538261771202 Pacific:0.032763224095106125 States.:0.015607832930982113 :0.258865088224411 -the:0.21820226311683655 what:0.12354650348424911 a:0.05567376688122749 why:0.04622292146086693 :0.1715109944343567 -of:0.1757659614086151 and:0.050518911331892014 in:0.03701883926987648 for:0.027449071407318115 :0.08328993618488312 -terest:0.02970144897699356 crease:0.022288411855697632 stead:0.02054322324693203 to:0.017772745341062546 :0.6365475058555603 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -for:0.4442826807498932 of:0.06037753447890282 in:0.02929607219994068 and:0.02660570666193962 :0.024886444211006165 -drugs:0.08533219248056412 matter:0.05068076774477959 and:0.03976207971572876 to:0.02764301374554634 :0.41439953446388245 -and:0.08674965798854828 oath:0.011635752394795418 duty:0.008632875047624111 protest:0.007843646220862865 :0.4072706699371338 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -who:0.11014525592327118 of:0.10391675680875778 from:0.0977029949426651 in:0.03481251746416092 :0.060885414481163025 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.15385784208774567 privileges:0.08112131804227829 but:0.03356962278485298 the:0.0257717352360487 :0.1035260409116745 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.31594228744506836 tho:0.019255435094237328 them:0.01584724895656109 two:0.014858921058475971 :0.15068286657333374 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -to:0.08475599437952042 that:0.07605068385601044 of:0.055467020720243454 in:0.05342980474233627 :0.07746848464012146 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.36992666125297546 and:0.06865081191062927 in:0.04219188913702965 to:0.02670586109161377 :0.07810983806848526 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -of:0.17934845387935638 to:0.0881994217634201 in:0.07109659910202026 and:0.04506242647767067 :0.031147755682468414 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -and:0.05236238241195679 number:0.0468994565308094 amount:0.028084835037589073 as:0.025021644309163094 :0.23513855040073395 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -that:0.11222869157791138 the:0.10443345457315445 a:0.08795348554849625 out:0.06014947593212128 :0.07275356352329254 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -amendment:0.05303044617176056 liberty:0.04438379406929016 rights:0.02769550122320652 rights,:0.02355816587805748 :0.18497267365455627 -to:0.18442830443382263 into:0.09365938603878021 out:0.07038480043411255 on:0.04086557403206825 :0.0937805026769638 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.2680271565914154 in:0.11834526807069778 of:0.11708436161279678 at:0.03459099307656288 :0.05961845442652702 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -small:0.11742803454399109 short:0.0659630075097084 few:0.05320807918906212 recent:0.027647484093904495 :0.245332732796669 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -the:0.3026672601699829 a:0.19458317756652832 two:0.04046139493584633 ten:0.02358246222138405 :0.05720458924770355 -of:0.14525292813777924 the:0.1267768293619156 was:0.033214498311281204 for:0.02401469089090824 :0.06412962079048157 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.0320090651512146 trial:0.006810033228248358 tariff:0.005701027344912291 law:0.005502484273165464 :0.25621017813682556 -of:0.20493392646312714 to:0.03698418289422989 and:0.03603464365005493 the:0.022835927084088326 :0.3124493956565857 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -ago:0.12396024912595749 of:0.11536110192537308 ago.:0.0523359440267086 ago,:0.05031469464302063 :0.06862995773553848 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -from:0.2569828927516937 with:0.07701340317726135 the:0.06771159172058105 and:0.051886849105358124 :0.046561531722545624 -dollars:0.07533460110425949 years:0.06713207066059113 cents:0.0442846305668354 yards:0.03512030094861984 :0.2021401971578598 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -of:0.2029041349887848 and:0.06392271816730499 in:0.03961167111992836 is:0.03508066385984421 :0.032749224454164505 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -night:0.04171675071120262 year:0.037758007645606995 year.:0.029282230883836746 year,:0.026110395789146423 :0.11887776851654053 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ernment:0.4576890766620636 ernment,:0.03537281975150108 ernor:0.028292516246438026 ern:0.015120710246264935 :0.40538060665130615 -Y.:0.15361984074115753 Y:0.04795600473880768 C:0.04214216023683548 J:0.03885355591773987 :0.23116667568683624 -of:0.11213908344507217 in:0.08467806875705719 and:0.052356645464897156 to:0.034491825848817825 :0.10671209543943405 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -of:0.4340318441390991 in:0.06849400699138641 to:0.04612445458769798 and:0.04148701950907707 :0.036937449127435684 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.18853075802326202 with:0.06836113333702087 a:0.045697230845689774 and:0.043962106108665466 :0.09920055419206619 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.20707182586193085 the:0.07604394853115082 but:0.06945694983005524 or:0.027593836188316345 :0.06712058186531067 -to:0.38211092352867126 and:0.036103103309869766 in:0.03348059952259064 for:0.03009895049035549 :0.042287614196538925 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -at:0.3655121624469757 in:0.09942460805177689 here:0.06775780022144318 from:0.05449250712990761 :0.045023467391729355 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -apparatus:0.12492761760950089 and:0.01519949734210968 power:0.009442448616027832 ground:0.00820790883153677 :0.18697449564933777 -to:0.18091177940368652 for:0.08005465567111969 that:0.07725795358419418 the:0.031633131206035614 :0.11655044555664062 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1085381805896759 it:0.047976329922676086 there:0.02946723997592926 if:0.027385573834180832 :0.09111686050891876 -a:0.14751461148262024 the:0.12374261766672134 it:0.04567049443721771 an:0.026676274836063385 :0.07802078872919083 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -John:0.019947219640016556 James:0.0158244501799345 and:0.013764276169240475 William:0.012801941484212875 :0.5416479706764221 -year:0.04991335794329643 few:0.0480017364025116 two:0.042205728590488434 and:0.03596019372344017 :0.13481755554676056 -as:0.11812012642621994 shall:0.08948690444231033 to:0.07052319496870041 and:0.05611559376120567 :0.06792056560516357 -the:0.06322209537029266 a:0.0242884773761034 to:0.02155732363462448 he:0.018249301239848137 :0.17012540996074677 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -20.:0.05166461318731308 and:0.0315595306456089 24,:0.016345318406820297 of:0.014160681515932083 :0.28359460830688477 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.4743163287639618 in:0.09154120087623596 for:0.05926201492547989 the:0.019911233335733414 :0.051859743893146515 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -of:0.21453110873699188 the:0.07095647603273392 up:0.033497750759124756 and:0.029510391876101494 :0.0811130478978157 -amount:0.0902838408946991 quantities:0.0156711395829916 majority:0.010858611203730106 quantity:0.010829205624759197 :0.299072265625 -the:0.2909668982028961 a:0.046114347875118256 tho:0.027173524722456932 which:0.014083866029977798 :0.21733449399471283 -pared:0.12224385142326355 sent:0.08540045469999313 sented:0.04309030622243881 serve:0.023724928498268127 :0.5020738244056702 -by:0.0675262063741684 No.:0.0547601617872715 the:0.0398247167468071 and:0.021615227684378624 :0.2629905939102173 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -by:0.18046662211418152 the:0.09129934757947922 at:0.07309187203645706 that:0.05284537002444267 :0.04358891397714615 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -and:0.0320090651512146 trial:0.006810033228248358 tariff:0.005701027344912291 law:0.005502484273165464 :0.25621017813682556 -.:0.30928006768226624 W:0.022530170157551765 H:0.014557861723005772 J:0.0135013023391366 :0.303859144449234 -of:0.23745077848434448 out:0.08117625117301941 for:0.04089536890387535 that:0.038828302174806595 :0.08960730582475662 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -and:0.24189788103103638 the:0.043693315237760544 but:0.042159922420978546 which:0.03231733664870262 :0.06959191709756851 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.036363665014505386 the:0.027556389570236206 in:0.02531113475561142 for:0.01803881861269474 :0.2743818759918213 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -than:0.007833871990442276 and:0.007450035773217678 fact:0.006659588310867548 shadow:0.0058861528523266315 :0.5380579829216003 -The:0.12383483350276947 It:0.057886265218257904 I:0.04447556287050247 He:0.030764002352952957 :0.21444644033908844 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.16510187089443207 It:0.05229998752474785 I:0.04176189377903938 There:0.029734991490840912 :0.19035577774047852 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.22942599654197693 the:0.18305936455726624 an:0.030753234401345253 their:0.014816705137491226 :0.10796862840652466 -and:0.12835074961185455 of:0.09176559001207352 to:0.04096557945013046 is:0.03844156861305237 :0.17307360470294952 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1511361300945282 which:0.03800520673394203 shall:0.02670898102223873 the:0.02334393747150898 :0.0616658553481102 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -the:0.10232917964458466 a:0.07667306810617447 up:0.03458835929632187 out:0.032648030668497086 :0.09083426743745804 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.40109488368034363 by:0.1844349354505539 and:0.07379483431577682 the:0.04485658183693886 :0.05154818668961525 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -and:0.1029185950756073 enough:0.011579909361898899 stream:0.010471612215042114 as:0.010054852813482285 :0.2144835740327835 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -to:0.07216858863830566 were:0.0697413757443428 of:0.06225220859050751 in:0.06182645261287689 :0.0849546492099762 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -where:0.15635502338409424 in:0.07818016409873962 and:0.050635721534490585 of:0.04930361360311508 :0.06802341341972351 -try:0.47788137197494507 try,:0.18803946673870087 ty:0.05743768811225891 tries:0.03802337497472763 :0.07605955749750137 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -of:0.326680451631546 to:0.1605350524187088 and:0.08567947149276733 that:0.07376788556575775 :0.034242723137140274 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.22311416268348694 and:0.09142286330461502 to:0.05148640647530556 the:0.04236864671111107 :0.11615251004695892 -and:0.19356559216976166 at:0.0859326422214508 in:0.05529475957155228 the:0.046142205595970154 :0.09118200093507767 -described:0.09433851391077042 in:0.05134836956858635 to:0.04004037007689476 the:0.0325586311519146 :0.15963615477085114 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.2576634883880615 but:0.054657984524965286 the:0.03508896008133888 which:0.021395955234766006 :0.09016654640436172 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2572469711303711 and:0.0953398197889328 in:0.03900793567299843 was:0.024031152948737144 :0.11637891083955765 -given:0.20183879137039185 notified:0.11787441372871399 given,:0.04905884712934494 ordered:0.035182733088731766 :0.14528408646583557 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -and:0.09778743237257004 of:0.03354557603597641 in:0.025832725688815117 was:0.023429377004504204 :0.18960845470428467 -the:0.056439515203237534 of:0.05189945176243782 in:0.038383424282073975 sides:0.022368621081113815 :0.18085162341594696 -have:0.11768656224012375 are:0.09226855635643005 were:0.03430884703993797 had:0.03061225824058056 :0.0752384215593338 -a:0.0812002420425415 the:0.07127150893211365 to:0.06758715212345123 them:0.03861260041594505 :0.07499213516712189 -been:0.07629714906215668 be:0.0499790757894516 had:0.025709202513098717 have:0.022763649001717567 :0.12283376604318619 -to:0.10428117960691452 upon:0.09748611599206924 the:0.09490382671356201 for:0.04762966185808182 :0.1430780589580536 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.13721901178359985 house:0.058044616132974625 to:0.04043838009238243 in:0.03876442834734917 :0.0766279473900795 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.12260963022708893 courage:0.019256973639130592 character,:0.014034337364137173 principle:0.011034456081688404 :0.3555963635444641 -the:0.13507233560085297 this:0.03877519816160202 be:0.034165628254413605 make:0.027875056490302086 :0.2079787403345108 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -be:0.2578584551811218 not:0.03358340635895729 do:0.024384891614317894 bo:0.01854175329208374 :0.11540351063013077 -of:0.4137834906578064 and:0.05713624879717827 to:0.054445330053567886 in:0.03692301735281944 :0.10301575809717178 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -in:0.5183587074279785 In:0.1345820128917694 from:0.12510089576244354 as:0.014877613633871078 :0.04340970888733864 -of:0.42437544465065 for:0.0995660275220871 to:0.08189616352319717 and:0.0599813386797905 :0.035732023417949677 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -you:0.1532261073589325 the:0.09570319205522537 us:0.049786925315856934 me:0.04477664828300476 :0.07578448951244354 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -amount:0.01233748346567154 country:0.011587810702621937 length:0.007251199800521135 body:0.006957653909921646 :0.24169330298900604 -and:0.07018698751926422 J:0.008366270922124386 Bryan:0.005921191070228815 A.:0.00505058141425252 :0.6059755682945251 -Juan:0.055230703204870224 Jose:0.02804541401565075 and:0.02047857455909252 Antonio:0.013612339273095131 :0.5747870802879333 -of:0.5924087762832642 ot:0.02590806782245636 and:0.02343267947435379 is:0.01271352730691433 :0.04480525478720665 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -in:0.0875076875090599 the:0.06762214750051498 up:0.06661771982908249 on:0.05827484652400017 :0.0542076975107193 -the:0.6048688292503357 tho:0.04073081910610199 which:0.031648941338062286 his:0.02382778190076351 :0.035510674118995667 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.2727130055427551 but:0.08179841190576553 for:0.018432220444083214 as:0.01809774525463581 :0.059780996292829514 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.08770214021205902 in:0.0798315480351448 to:0.05691131204366684 at:0.04846985638141632 :0.17233340442180634 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.041483450680971146 got:0.021614527329802513 decided:0.018361391499638557 to:0.014686969108879566 :0.2128838747739792 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -and:0.12882868945598602 A.:0.03703976422548294 B.:0.033519890159368515 H.:0.02971845306456089 :0.3360730707645416 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.14767664670944214 were:0.09226115792989731 have:0.08225135505199432 will:0.04126095399260521 :0.08120933920145035 -who:0.09092704951763153 in:0.0683680847287178 and:0.05315936356782913 were:0.03838030621409416 :0.04900655150413513 -of:0.10524929314851761 and:0.06279144436120987 in:0.05238033086061478 men:0.04424301162362099 :0.09130105376243591 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.2691144645214081 of:0.14088860154151917 in:0.054680850356817245 are:0.033133365213871 :0.0918571949005127 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.15889763832092285 the:0.10008936375379562 but:0.031581781804561615 that:0.020116975530982018 :0.09812912344932556 -and:0.06543111056089401 of:0.06139712035655975 in:0.04465364292263985 is:0.033050019294023514 :0.11208674311637878 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -to:0.05814424157142639 miles:0.04091153293848038 feet:0.035142697393894196 of:0.032108124345541 :0.268363893032074 -The:0.02018102817237377 the:0.0160328671336174 and:0.015632078051567078 of:0.015357382595539093 :0.2634615898132324 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.4535762071609497 in:0.07307597994804382 and:0.0615418441593647 are:0.030248522758483887 :0.03305678442120552 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -than:0.11550402641296387 part:0.09125965088605881 portion:0.03979905694723129 number:0.02017383649945259 :0.13197208940982819 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.029296519234776497 are:0.017171548679471016 exclusion:0.01673559471964836 to:0.015462862327694893 :0.27222374081611633 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -the:0.11078117042779922 a:0.04739215970039368 to:0.04724182188510895 in:0.04221399128437042 :0.12349672615528107 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -or:0.06559932976961136 hundred:0.061062559485435486 years:0.05509605258703232 and:0.030842231586575508 :0.20644277334213257 -The:0.042835019528865814 A:0.03268830478191376 and:0.02544277533888817 No.:0.01566232554614544 :0.4254494607448578 -for:0.06704278290271759 to:0.062242958694696426 in:0.042429741472005844 and:0.03686964511871338 :0.10475768893957138 -and:0.22139471769332886 the:0.04061406850814819 to:0.03647135570645332 but:0.03125825896859169 :0.0888204276561737 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -by:0.2546173334121704 the:0.11045999825000763 in:0.027437658980488777 him:0.026949161663651466 :0.03096381016075611 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -him:0.08168639242649078 the:0.08095943182706833 me:0.07659506052732468 me,:0.039257436990737915 :0.07794325053691864 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.12572622299194336 in:0.07529956847429276 the:0.0361543744802475 to:0.025357667356729507 :0.13098087906837463 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12572622299194336 in:0.07529956847429276 the:0.0361543744802475 to:0.025357667356729507 :0.13098087906837463 -the:0.07380209118127823 off:0.05815554037690163 and:0.0451648123562336 down:0.04026707261800766 :0.09452290832996368 -of:0.7191187143325806 ot:0.01794471964240074 and:0.013408306986093521 to:0.010934267193078995 :0.05278405174612999 -to:0.04217885434627533 the:0.02832757867872715 by:0.026850823312997818 in:0.02062014304101467 :0.2100563496351242 -of:0.22479920089244843 as:0.050325434654951096 to:0.042932864278554916 shall:0.025103839114308357 :0.05783336982131004 -and:0.07645842432975769 at:0.05896000936627388 of:0.053108587861061096 the:0.0516732856631279 :0.09859033674001694 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -The:0.11289874464273453 It:0.0658104419708252 I:0.04369630292057991 He:0.030590541660785675 :0.163900226354599 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -and:0.1774410903453827 but:0.06373215466737747 the:0.04601883515715599 as:0.02299869805574417 :0.06876694411039352 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.16062167286872864 the:0.03914731740951538 but:0.03372669965028763 as:0.025881411507725716 :0.04910161718726158 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -train:0.09082462638616562 and:0.05835386738181114 trains:0.036760807037353516 cars,:0.023644061759114265 :0.1446732133626938 -the:0.027377452701330185 .:0.013190691359341145 and:0.009683377109467983 to:0.0088729253038764 :0.4881405830383301 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -in:0.018154483288526535 of:0.014765959233045578 to:0.013219348154962063 said:0.011465257965028286 :0.30872365832328796 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.5797367691993713 in:0.047953151166439056 and:0.02990971878170967 was:0.02397727221250534 :0.03240622952580452 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -time:0.049762461334466934 as:0.030612975358963013 to:0.02215949445962906 manner:0.01835881732404232 :0.13590042293071747 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -that:0.190326526761055 the:0.0808967873454094 a:0.05292752757668495 as:0.03393283113837242 :0.08723070472478867 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.08574739098548889 the:0.08399194478988647 his:0.0378020703792572 to:0.037340667098760605 :0.08129750192165375 -tant:0.09586241096258163 tance:0.09049641340970993 trict:0.05209236219525337 charge:0.04965286701917648 :0.38522404432296753 -Company.:0.07430282980203629 Company:0.06817500293254852 and:0.06621696054935455 Company,:0.06082111597061157 :0.11407151818275452 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -of:0.11981021612882614 to:0.04838670417666435 and:0.043443355709314346 was:0.028341906145215034 :0.08743832260370255 -of:0.2257155179977417 contained:0.10083913803100586 and:0.053287945687770844 will:0.04347766935825348 :0.04216460511088371 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.30907928943634033 W:0.020784469321370125 C:0.015166928060352802 A:0.012823154218494892 :0.21508120000362396 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -in:0.17205187678337097 of:0.12660977244377136 and:0.0745854452252388 at:0.06044965237379074 :0.06018369272351265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -and:0.2515205442905426 but:0.08006753027439117 the:0.05650438740849495 as:0.026342278346419334 :0.06094956025481224 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.12995308637619019 in:0.07319135963916779 with:0.05544918403029442 and:0.049102891236543655 :0.11169330030679703 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.015986017882823944 the:0.013890130445361137 and:0.013765276409685612 The:0.012328840792179108 :0.32155123353004456 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -Carolina:0.1777162402868271 Carolina,:0.043457452207803726 Dakota.:0.029480356723070145 Dakota,:0.02807755209505558 :0.19015632569789886 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -a:0.010283667594194412 the:0.009843056090176105 to:0.009234092198312283 of:0.00864758063107729 :0.28567513823509216 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.35108283162117004 and:0.08007130771875381 to:0.028224222362041473 was:0.02734609879553318 :0.06846347451210022 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -Union:0.09353037178516388 Canada:0.0827714204788208 and:0.04969519004225731 Railroad:0.023345060646533966 :0.2470775544643402 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -J.:0.018177246674895287 J:0.012478969991207123 John:0.011171816848218441 George:0.010399969294667244 :0.5900680422782898 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.2267915904521942 to:0.09705460071563721 or:0.08459749072790146 that:0.04577876254916191 :0.05407089740037918 -the:0.2392762452363968 all,:0.20273712277412415 all:0.07822449505329132 this:0.04399629309773445 :0.11264946311712265 -country:0.010576732456684113 great:0.0058378721587359905 same:0.005244828294962645 the:0.00454690121114254 :0.2865827679634094 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -the:0.13130687177181244 of:0.040917862206697464 that:0.02065867930650711 other:0.015213118866086006 :0.1654224693775177 -and:0.2845490872859955 dollars:0.055477872490882874 yards:0.04543561860918999 feet:0.021125484257936478 :0.16273267567157745 -the:0.2288595587015152 a:0.06641902774572372 this:0.02829875983297825 tho:0.021527770906686783 :0.041216764599084854 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -own:0.00794717576354742 appearance:0.005574940703809261 vote:0.0030418147798627615 power:0.002938786055892706 :0.4241931438446045 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -Louis:0.05756446719169617 .:0.02938799001276493 Louis,:0.019873248413205147 Paul:0.0194256529211998 :0.5201342105865479 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -of:0.06195570528507233 the:0.0590856559574604 to:0.02416692115366459 in:0.023050256073474884 :0.09782084077596664 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.09137800335884094 a:0.06495695561170578 out:0.0442117303609848 up:0.04137275367975235 :0.1022273525595665 -ago:0.12396024912595749 of:0.11536110192537308 ago.:0.0523359440267086 ago,:0.05031469464302063 :0.06862995773553848 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -as:0.060928378254175186 whereas,:0.035783205181360245 in:0.026554401963949203 if:0.025441017001867294 :0.15219882130622864 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.19417895376682281 and:0.17535850405693054 of:0.14720505475997925 is:0.0285758376121521 :0.05711878836154938 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.22479920089244843 as:0.050325434654951096 to:0.042932864278554916 shall:0.025103839114308357 :0.05783336982131004 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.22240705788135529 the:0.0391814187169075 who:0.03710257261991501 where:0.03540097177028656 :0.06970875710248947 -of:0.09785239398479462 important:0.020495742559432983 difficult:0.011607902124524117 dangerous:0.009898709133267403 :0.29064807295799255 -the:0.0703696608543396 a:0.06365428864955902 to:0.06205326318740845 well:0.03973861783742905 :0.10053952038288116 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.06915634125471115 of:0.059001222252845764 who:0.05437422916293144 the:0.02432936243712902 :0.219742551445961 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.41462796926498413 the:0.14845474064350128 a:0.027174297720193863 what:0.01922730728983879 :0.050921063870191574 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -mortgage:0.05025293305516243 that:0.04517735168337822 to:0.021400433033704758 tract:0.01857263781130314 :0.18469125032424927 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -the:0.09406920522451401 to:0.07140745222568512 on:0.033181872218847275 from:0.03007851168513298 :0.05960949882864952 -the:0.2759329676628113 and:0.04254999756813049 to:0.031143812462687492 a:0.027929464355111122 :0.1242290586233139 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -W:0.068779855966568 W.:0.049946971237659454 H.:0.02403586357831955 H:0.02281278185546398 :0.3758145868778229 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.21181827783584595 they:0.03641663119196892 in:0.03181426599621773 he:0.025803958997130394 :0.11875980347394943 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -fund:0.18125922977924347 of:0.13026759028434753 the:0.03967299312353134 a:0.027138227596879005 :0.10766269266605377 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.16494973003864288 the:0.06364499032497406 but:0.03790539875626564 in:0.034822434186935425 :0.13077332079410553 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.2759329676628113 and:0.04254999756813049 to:0.031143812462687492 a:0.027929464355111122 :0.1242290586233139 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.12235946953296661 a:0.06923636049032211 more:0.02314385026693344 to:0.023087404668331146 :0.14727626740932465 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -No.:0.38510453701019287 Office:0.07447867095470428 and:0.025348054245114326 was:0.02222752571105957 :0.1362241506576538 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.10066971182823181 to:0.06819608807563782 of:0.0567970797419548 for:0.034928932785987854 :0.08240171521902084 -plat:0.04579353332519531 and:0.031717680394649506 of:0.020091092213988304 report:0.01750500500202179 :0.23661288619041443 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.1899067759513855 was:0.036663852632045746 the:0.03321276977658272 and:0.02182885631918907 :0.08264970779418945 -that:0.15122392773628235 of:0.11690405756235123 to:0.08682883530855179 in:0.05103790760040283 :0.07692685723304749 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -of:0.3293062448501587 from:0.1283746063709259 to:0.03240325301885605 and:0.022257309406995773 :0.04674172028899193 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -and:0.020791467279195786 of:0.016697613522410393 in:0.01140438299626112 to:0.011053306981921196 :0.21180182695388794 -and:0.05236238241195679 number:0.0468994565308094 amount:0.028084835037589073 as:0.025021644309163094 :0.23513855040073395 -and:0.08240874111652374 to:0.04862254485487938 as:0.046559978276491165 that:0.043037112802267075 :0.1027112826704979 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -J:0.06439786404371262 J.:0.052012454718351364 Mr.:0.043516259640455246 Dr.:0.037357453256845474 :0.09614580869674683 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -him:0.11965429037809372 me:0.11262659728527069 the:0.1017884686589241 that:0.08461704850196838 :0.07026275247335434 -of:0.49674320220947266 to:0.02370394393801689 for:0.022525131702423096 in:0.020868323743343353 :0.05529341846704483 -and:0.09190471470355988 was:0.09099795669317245 to:0.03726731613278389 in:0.021335143595933914 :0.1355491280555725 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -self:0.3121311068534851 self,:0.07035744190216064 self.:0.06471565365791321 sons:0.010479624383151531 :0.2917979061603546 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.2141394466161728 in:0.11536016315221786 the:0.0738208144903183 at:0.06448650360107422 :0.05475457012653351 -the:0.2207602709531784 to:0.02323220856487751 their:0.018958907574415207 tho:0.01871408149600029 :0.16029596328735352 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.7450541853904724 in:0.023379120975732803 by:0.014742177911102772 the:0.013546979986131191 :0.051362544298172 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.07144162803888321 was:0.049604106694459915 who:0.038758184760808945 to:0.03679022192955017 :0.05478951707482338 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3749831020832062 and:0.038207001984119415 was:0.03228703513741493 is:0.02571338601410389 :0.08563987910747528 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.11092715710401535 A:0.05038338154554367 He:0.03926456347107887 It:0.02983355149626732 :0.1582227647304535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -only:0.2857971787452698 a:0.1421457976102829 one:0.043421532958745956 the:0.022006768733263016 :0.05385666340589523 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -or:0.06559932976961136 hundred:0.061062559485435486 years:0.05509605258703232 and:0.030842231586575508 :0.20644277334213257 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -been:0.28327932953834534 not:0.03569647669792175 a:0.031669747084379196 no:0.0178078580647707 :0.12235648185014725 -The:0.16047687828540802 It:0.06675746291875839 In:0.03784184157848358 A:0.03353215008974075 :0.14594833552837372 -from:0.2569828927516937 with:0.07701340317726135 the:0.06771159172058105 and:0.051886849105358124 :0.046561531722545624 -that:0.2733636200428009 the:0.0776970162987709 to:0.06206822022795677 in:0.046962086111307144 :0.043679505586624146 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.08002933859825134 so:0.0558665506541729 a:0.047361649572849274 business:0.04390472173690796 :0.0760359913110733 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.42437544465065 for:0.0995660275220871 to:0.08189616352319717 and:0.0599813386797905 :0.035732023417949677 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.12580935657024384 of:0.04771067574620247 County,:0.04191010817885399 was:0.0231464933604002 :0.3027782738208771 -the:0.12421156466007233 a:0.09713384509086609 in:0.09530699253082275 by:0.039189428091049194 :0.08816751837730408 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.16714203357696533 the:0.041237201541662216 to:0.033134687691926956 but:0.025067707523703575 :0.10333810746669769 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.24284541606903076 but:0.04668540507555008 the:0.03841511532664299 in:0.019009407609701157 :0.07113746553659439 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -be:0.08788910508155823 the:0.08548636734485626 a:0.05526406317949295 have:0.029012314975261688 :0.17740310728549957 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -days:0.09621956199407578 years:0.05538815259933472 weeks:0.04355703666806221 of:0.04348035901784897 :0.1754269152879715 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -of:0.7155613899230957 and:0.02250867709517479 ot:0.012230167165398598 or:0.008853674866259098 :0.10455280542373657 -to:0.18296299874782562 at:0.1466199904680252 the:0.04815961793065071 and:0.04781800135970116 :0.08037671446800232 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -who:0.08723888546228409 and:0.0712960734963417 to:0.04620439559221268 in:0.04196779802441597 :0.05912822484970093 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.1581300050020218 and:0.0636352077126503 Taft:0.03269411623477936 to:0.026117056608200073 :0.1928872913122177 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.21585486829280853 the:0.05779038742184639 when:0.042362019419670105 but:0.042275287210941315 :0.05876486748456955 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -of:0.328000545501709 and:0.058738481253385544 the:0.05285138264298439 to:0.03769806772470474 :0.03386935964226723 -to:0.12316901236772537 and:0.0909867063164711 in:0.01707279309630394 demand:0.016114365309476852 :0.22681638598442078 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.02322980761528015 was:0.02205461822450161 to:0.011167115531861782 of:0.010239862836897373 :0.3895326256752014 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -as:0.2651868164539337 from:0.0762321949005127 beyond:0.0325518436729908 more:0.031949158757925034 :0.0632418766617775 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -mand:0.05641615390777588 grees:0.03593277931213379 scribed:0.02867727540433407 partment:0.025207728147506714 :0.5335603356361389 -of:0.41114944219589233 in:0.06389008462429047 is:0.058478232473134995 was:0.05665121227502823 :0.031773436814546585 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.15958479046821594 but:0.04491038993000984 the:0.02970610186457634 which:0.024743342772126198 :0.08526782691478729 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -al.:0.13219647109508514 the:0.040288399904966354 al:0.022836243733763695 a:0.015460619702935219 :0.46270063519477844 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.13230620324611664 if:0.10318344831466675 the:0.03712787479162216 as:0.03669612482190132 :0.11438420414924622 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -.:0.3722747266292572 he:0.021535983309149742 have:0.010816426947712898 .,:0.010439991019666195 :0.22907790541648865 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -in:0.0875076875090599 the:0.06762214750051498 up:0.06661771982908249 on:0.05827484652400017 :0.0542076975107193 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.2900887727737427 House:0.0942523404955864 for:0.054751474410295486 in:0.04428257420659065 :0.08686212450265884 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -that:0.18499590456485748 the:0.058796871453523636 whether:0.048824433237314224 of:0.043978068977594376 :0.0534769669175148 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.06322209537029266 a:0.0242884773761034 to:0.02155732363462448 he:0.018249301239848137 :0.17012540996074677 -of:0.30673152208328247 and:0.04531557485461235 to:0.020838018506765366 in:0.01876954175531864 :0.11575235426425934 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.07678083330392838 to:0.02652648463845253 in:0.022869504988193512 and:0.022844327613711357 :0.278396874666214 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.039833907037973404 of:0.017600394785404205 to:0.016799042001366615 and:0.013425630517303944 :0.36135903000831604 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.20180736482143402 at:0.07637888938188553 for:0.05835583806037903 the:0.03674449026584625 :0.06470124423503876 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.22303806245326996 the:0.05150024592876434 but:0.03810117021203041 that:0.01384306326508522 :0.18576519191265106 -and:0.1770995557308197 the:0.045941341668367386 which:0.038472943007946014 but:0.03349050134420395 :0.1456664651632309 -and:0.3389638662338257 of:0.1412094235420227 to:0.09755058586597443 in:0.02958673983812332 :0.04018881916999817 -the:0.12690116465091705 there:0.06130453199148178 it:0.04873273894190788 he:0.04383964464068413 :0.09676886349916458 -house:0.12620171904563904 on:0.06493120640516281 and:0.06105859950184822 of:0.05047512799501419 :0.10111819952726364 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.039675477892160416 party:0.020606327801942825 parties:0.01848437264561653 power:0.010759313590824604 :0.34491583704948425 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -of:0.16978515684604645 line:0.07059624791145325 quarter:0.05792009457945824 side:0.050644174218177795 :0.12782599031925201 -States:0.5249002575874329 States,:0.14538247883319855 States.:0.12097357958555222 States;:0.017308538779616356 :0.12549808621406555 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.05650736764073372 a:0.05523715913295746 room:0.045066192746162415 of:0.0388348326086998 :0.047684166580438614 -the:0.2349090576171875 he:0.05126500502228737 they:0.042668212205171585 I:0.041159737855196 :0.09105824679136276 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.14525292813777924 the:0.1267768293619156 was:0.033214498311281204 for:0.02401469089090824 :0.06412962079048157 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.09458132833242416 the:0.08997581899166107 as:0.06482566148042679 by:0.06420480459928513 :0.10522288829088211 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -The:0.11359696090221405 He:0.047281354665756226 It:0.041764408349990845 I:0.02678917720913887 :0.12104875594377518 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.24780234694480896 the:0.06735324114561081 for:0.04673992842435837 on:0.029744673520326614 :0.07065367698669434 -a:0.14751461148262024 the:0.12374261766672134 it:0.04567049443721771 an:0.026676274836063385 :0.07802078872919083 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.0954684391617775 year:0.038241513073444366 other:0.03241894021630287 and:0.030703196302056313 :0.15927621722221375 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.10858902335166931 off:0.05907155200839043 down:0.05630631744861603 and:0.05600102245807648 :0.09153936803340912 -of:0.4557635486125946 in:0.09113124012947083 and:0.050477322190999985 for:0.022054223343729973 :0.059071317315101624 -of:0.6878542900085449 and:0.012551588006317616 ot:0.009961642324924469 in:0.007719885557889938 :0.04729514941573143 -of:0.27828434109687805 to:0.07470525056123734 and:0.04529987648129463 in:0.03646295517683029 :0.05128040537238121 -of:0.3398522138595581 and:0.0793684720993042 to:0.037535443902015686 or:0.029269343242049217 :0.031174473464488983 -court:0.46647030115127563 court,:0.14226879179477692 court.:0.015944695100188255 law:0.012275896966457367 :0.07545386254787445 -The:0.11289874464273453 It:0.0658104419708252 I:0.04369630292057991 He:0.030590541660785675 :0.163900226354599 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -us:0.16412381827831268 the:0.12409006059169769 me:0.06224114075303078 them:0.060903143137693405 :0.0602022185921669 -and:0.14138051867485046 in:0.032282162457704544 the:0.027221571654081345 where:0.023329798132181168 :0.16862305998802185 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -line:0.09737416356801987 to:0.06694464385509491 and:0.0600736066699028 line,:0.041984859853982925 :0.09488501399755478 -and:0.27009937167167664 the:0.04481029883027077 which:0.03335418552160263 but:0.027785906568169594 :0.05670755356550217 -that:0.33655357360839844 on:0.27153316140174866 upon:0.18345452845096588 in:0.017361463978886604 :0.06239089369773865 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -who:0.15063558518886566 in:0.05140389874577522 of:0.038088493049144745 interested:0.03488509729504585 :0.07787659764289856 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.4722057580947876 for:0.09833849221467972 in:0.03134508430957794 that:0.022161534056067467 :0.0972447395324707 -o'clock:0.05307083949446678 .:0.045769985765218735 of:0.037450842559337616 and:0.031131597235798836 :0.31821712851524353 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -is:0.17411915957927704 do:0.06926701962947845 has:0.05378211662173271 does:0.0518658384680748 :0.08405058830976486 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.06544866412878036 was:0.05665455013513565 is:0.03953130543231964 to:0.027818972244858742 :0.16476711630821228 -to:0.12817981839179993 of:0.0391782745718956 and:0.03371908888220787 was:0.031301409006118774 :0.060253772884607315 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -appreciate:0.06543578207492828 as:0.03333738073706627 and:0.025881242007017136 set:0.01377712469547987 :0.28125011920928955 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -been:0.18912282586097717 a:0.07519321888685226 the:0.05475170165300369 no:0.013400294817984104 :0.10632524639368057 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.1039348840713501 All:0.05685391277074814 Lot:0.04355344548821449 Beginning:0.03304866701364517 :0.35453560948371887 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -of:0.1507956087589264 the:0.14529670774936676 they:0.11601331830024719 it:0.0833960622549057 :0.05581556260585785 -and:0.10896347463130951 of:0.05143655464053154 was:0.048552006483078 to:0.027486825361847878 :0.16805516183376312 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -hich:0.057510774582624435 ith:0.05582921579480171 ill:0.0469384528696537 hole:0.025882527232170105 :0.37805095314979553 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.23613590002059937 out:0.06032463535666466 down:0.04459838196635246 on:0.04217234253883362 :0.06246890872716904 -years:0.10627036541700363 days:0.06763610243797302 o'clock:0.047235917299985886 per:0.03206649050116539 :0.19858530163764954 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -be:0.029770921915769577 a:0.018618717789649963 to:0.018512379378080368 as:0.016374247148633003 :0.19190770387649536 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -necessary:0.10195675492286682 to:0.07206955552101135 advisable:0.06686816364526749 a:0.04504770413041115 :0.15335693955421448 -W.:0.03795496001839638 W:0.02711324952542782 A.:0.024413203820586205 A:0.0193334873765707 :0.5152940154075623 -of:0.06231093406677246 and:0.03833255171775818 No.:0.038049086928367615 to:0.025196466594934464 :0.1700354367494583 -Court:0.43456733226776123 Court.:0.11311624944210052 Court,:0.059342849999666214 court:0.057257212698459625 :0.10199368745088577 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.020649105310440063 of:0.014943127520382404 a:0.014446763321757317 to:0.010476849973201752 :0.3380710780620575 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.20413236320018768 the:0.04785817489027977 but:0.032195623964071274 as:0.029869016259908676 :0.07822708785533905 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.14134414494037628 to:0.05567096546292305 City,:0.0513576902449131 coast:0.03391947224736214 :0.21981412172317505 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -Science:0.04632984846830368 Association,:0.030292775481939316 and:0.022959701716899872 church:0.013140554539859295 :0.29002711176872253 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.06322209537029266 a:0.0242884773761034 to:0.02155732363462448 he:0.018249301239848137 :0.17012540996074677 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -years:0.07785464078187943 and:0.030645934864878654 feet:0.027600916102528572 yards:0.02413332276046276 :0.3959271013736725 -and:0.0648307278752327 of:0.04718853160738945 in:0.04090535268187523 to:0.040723808109760284 :0.10770276188850403 -of:0.1348811537027359 and:0.06800916790962219 was:0.040123991668224335 or:0.029537536203861237 :0.1415509730577469 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.32966548204421997 over:0.08733783662319183 in:0.0536651685833931 to:0.04360135272145271 :0.04554232209920883 -to:0.04561300575733185 feet:0.04111086577177048 .:0.040985457599163055 and:0.03755779191851616 :0.24143044650554657 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.20621559023857117 the:0.12789426743984222 and:0.09057600051164627 was:0.04379989951848984 :0.04368932545185089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.24310800433158875 but:0.04275450110435486 or:0.02784462459385395 the:0.024333450943231583 :0.05142739787697792 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.13943180441856384 It:0.07102834433317184 I:0.06819585710763931 He:0.0315668098628521 :0.32382065057754517 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -by:0.14173567295074463 of:0.1162947490811348 in:0.10067803412675858 that:0.09374170750379562 :0.08170879632234573 -of:0.14525292813777924 the:0.1267768293619156 was:0.033214498311281204 for:0.02401469089090824 :0.06412962079048157 -and:0.05080829933285713 to:0.0506766252219677 in:0.03610249608755112 the:0.02873365208506584 :0.207288458943367 -penses:0.035740867257118225 pected:0.028122195973992348 cept:0.02668023481965065 perience:0.025986962020397186 :0.5516768097877502 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -and:0.08872266113758087 W.:0.02368033491075039 A.:0.02247472107410431 J.:0.01971431076526642 :0.44621556997299194 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.26532599329948425 tho:0.02238544076681137 a:0.02174310013651848 his:0.014232255518436432 :0.17949320375919342 -family:0.06602634489536285 and:0.012479739263653755 party:0.009981310926377773 family,:0.00955154374241829 :0.34725669026374817 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.06273122876882553 the:0.05152281001210213 from:0.04799569770693779 and:0.04393894970417023 :0.17407874763011932 -The:0.02018102817237377 the:0.0160328671336174 and:0.015632078051567078 of:0.015357382595539093 :0.2634615898132324 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.15189968049526215 the:0.032241761684417725 in:0.023640811443328857 who:0.020931541919708252 :0.09110314399003983 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -to:0.037092313170433044 the:0.03172401711344719 he:0.01289152167737484 that:0.012271414510905743 :0.12284383177757263 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.03840150684118271 life:0.03192790970206261 life,:0.020397307351231575 life.:0.014292770996689796 :0.27910566329956055 -of:0.7604332566261292 thereof:0.01868610829114914 ot:0.018200131133198738 to:0.011519314721226692 :0.013286287896335125 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -The:0.11025992780923843 It:0.056819550693035126 I:0.03605329990386963 There:0.03328348696231842 :0.1664714813232422 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.12193337082862854 after:0.11245086789131165 before:0.04345369711518288 and:0.043405842036008835 :0.07516973465681076 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -the:0.10315417498350143 a:0.0630979984998703 out:0.0359867624938488 and:0.024998512119054794 :0.08949711918830872 -The:0.07813294976949692 Sec.:0.05924013629555702 That:0.04017579182982445 And:0.03506529703736305 :0.30480995774269104 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -cured:0.04143984988331795 covered:0.03285710886120796 in:0.021311772987246513 and:0.019565120339393616 :0.37165963649749756 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.6081460118293762 to:0.020208319649100304 not:0.018071455880999565 ot:0.015339093282818794 :0.05228670313954353 -to:0.2957456111907959 that:0.06177694350481033 a:0.060982152819633484 the:0.042858295142650604 :0.05493394285440445 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.3608866333961487 and:0.053844328969717026 what:0.05052315816283226 whether:0.04406266659498215 :0.039152227342128754 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -of:0.09209580719470978 in:0.05051566660404205 to:0.04314110055565834 and:0.032860010862350464 :0.09662479907274246 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -of:0.7604332566261292 thereof:0.01868610829114914 ot:0.018200131133198738 to:0.011519314721226692 :0.013286287896335125 -to:0.4883367121219635 by:0.1521860808134079 the:0.03978299722075462 in:0.031433865427970886 :0.02812334895133972 -the:0.11078117042779922 a:0.04739215970039368 to:0.04724182188510895 in:0.04221399128437042 :0.12349672615528107 -and:0.13697873055934906 who:0.06672990322113037 or:0.05356644466519356 to:0.027386028319597244 :0.09702049195766449 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -the:0.24441130459308624 a:0.046838775277137756 this:0.019510861486196518 tho:0.01732468046247959 :0.25683310627937317 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2758026123046875 this:0.07061681151390076 a:0.042534295469522476 that:0.02658023126423359 :0.14110659062862396 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -The:0.062189098447561264 That:0.025260867550969124 In:0.019914180040359497 A:0.019174927845597267 :0.3107253909111023 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.10425081104040146 their:0.07243514060974121 his:0.03898634389042854 a:0.03322113677859306 :0.09581921994686127 -of:0.29217779636383057 the:0.12310703098773956 and:0.045149169862270355 for:0.032957546412944794 :0.04936737194657326 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -Street:0.15571323037147522 and:0.06574300676584244 street:0.05743642523884773 street,:0.047438450157642365 :0.23292343318462372 -.:0.04269462823867798 the:0.012391533702611923 to:0.011758632026612759 of:0.011477851308882236 :0.40850263833999634 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.2840130925178528 a:0.10674763470888138 by:0.08331038057804108 the:0.06532904505729675 :0.05423550680279732 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.08236049115657806 was:0.028498440980911255 College,:0.02550792135298252 to:0.015957115218043327 :0.18077418208122253 -of:0.19182510673999786 to:0.06470952928066254 was:0.0580107755959034 and:0.056564804166555405 :0.09847724437713623 -time:0.049762461334466934 as:0.030612975358963013 to:0.02215949445962906 manner:0.01835881732404232 :0.13590042293071747 -the:0.16749122738838196 a:0.0874045267701149 that:0.07623092830181122 him:0.04044206440448761 :0.09637296199798584 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.3099905252456665 and:0.07288113236427307 in:0.05173218622803688 at:0.04259250685572624 :0.03966064378619194 -and:0.039675477892160416 party:0.020606327801942825 parties:0.01848437264561653 power:0.010759313590824604 :0.34491583704948425 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4892599880695343 and:0.045130569487810135 by:0.02706266939640045 the:0.019929392263293266 :0.041178684681653976 -possible:0.06017756089568138 proved:0.042814724147319794 pressed:0.04231735318899155 mediately:0.03844977915287018 :0.38118302822113037 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.034368086606264114 and:0.019949300214648247 of:0.01668313331902027 to:0.01350040640681982 :0.2720033526420593 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.08240874111652374 to:0.04862254485487938 as:0.046559978276491165 that:0.043037112802267075 :0.1027112826704979 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.25183504819869995 but:0.05612783133983612 the:0.029302187263965607 as:0.02348688617348671 :0.06006641685962677 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -The:0.16285833716392517 It:0.04756509140133858 A:0.042486079037189484 I:0.039708781987428665 :0.12529343366622925 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.11744508147239685 the:0.065430648624897 .,:0.06000164523720741 a:0.022781655192375183 :0.2174055576324463 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1799851953983307 and:0.05829854682087898 on:0.05210115760564804 in:0.048016853630542755 :0.07442928105592728 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -that:0.14592133462429047 of:0.11952614784240723 it:0.10637031495571136 the:0.08031005412340164 :0.048933979123830795 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -to:0.17071129381656647 for:0.02696828916668892 report:0.023749392479658127 weather:0.021188968792557716 :0.11537923663854599 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -be:0.3217567205429077 have:0.08306805044412613 not:0.02450818568468094 bo:0.018155692145228386 :0.08178785443305969 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -more:0.026026809588074684 the:0.017228085547685623 one:0.01664787530899048 a:0.01408742181956768 :0.30538108944892883 -and:0.0812758207321167 to:0.06668723374605179 in:0.04562566056847572 have:0.03558981791138649 :0.0840054303407669 -by:0.1717168688774109 the:0.15500865876674652 as:0.08761691302061081 and:0.05494051054120064 :0.05912376195192337 -the:0.035134635865688324 a:0.02607993595302105 in:0.019438305869698524 to:0.014431153424084187 :0.3360998034477234 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.020137004554271698 of:0.01950620673596859 is:0.018718335777521133 a:0.014140231534838676 :0.31716296076774597 -been:0.1721123605966568 boon:0.06341830641031265 a:0.03319316729903221 the:0.024893347173929214 :0.11090400069952011 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.13189728558063507 but:0.052730392664670944 the:0.02548830769956112 it:0.023525895550847054 :0.10656476020812988 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -a:0.0899466723203659 the:0.07284276932477951 any:0.06332673877477646 being:0.01404645573347807 :0.24706797301769257 -and:0.18194399774074554 the:0.05563855543732643 which:0.05365011841058731 but:0.039813969284296036 :0.08984271436929703 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.0648307278752327 of:0.04718853160738945 in:0.04090535268187523 to:0.040723808109760284 :0.10770276188850403 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.08241525292396545 circles:0.012245441786944866 life:0.008696354925632477 to:0.008401722647249699 :0.34676483273506165 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.21946848928928375 the:0.0460115410387516 but:0.039461273699998856 as:0.026940561830997467 :0.07500888407230377 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1527475267648697 touches:0.08714646100997925 touch:0.04305173084139824 a:0.030158814042806625 :0.09924174845218658 -to:0.46070611476898193 and:0.14522098004817963 of:0.028754331171512604 with:0.014802347868680954 :0.045811962336301804 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08019233494997025 and:0.04729093983769417 in:0.04666387289762497 a:0.03580181673169136 :0.07011593878269196 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.1318817287683487 the:0.09446574002504349 and:0.08023318648338318 for:0.02952084131538868 :0.13902458548545837 -the:0.22990429401397705 to:0.054701969027519226 a:0.03257475793361664 of:0.02747958153486252 :0.08502306789159775 -in:0.04716258868575096 more:0.032873496413230896 the:0.03224669024348259 a:0.022797901183366776 :0.21265579760074615 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04371552914381027 a:0.012631160207092762 to:0.012150408700108528 and:0.006203054916113615 :0.3726281523704529 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.2232706993818283 the:0.055639658123254776 but:0.03679371997714043 when:0.029190095141530037 :0.08332031965255737 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.0902845710515976 or:0.04689028114080429 of:0.02174590528011322 in:0.01617318205535412 :0.3280928134918213 -to:0.17071129381656647 for:0.02696828916668892 report:0.023749392479658127 weather:0.021188968792557716 :0.11537923663854599 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -The:0.02018102817237377 the:0.0160328671336174 and:0.015632078051567078 of:0.015357382595539093 :0.2634615898132324 -C:0.034060556441545486 S:0.021213097497820854 S.:0.018755579367280006 D.:0.017159780487418175 :0.38581332564353943 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -day:0.25660642981529236 of:0.21942639350891113 and:0.03614038601517677 each;:0.021058745682239532 :0.15903308987617493 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.22348159551620483 but:0.04967697709798813 the:0.03062536008656025 as:0.021972505375742912 :0.115641750395298 -ordered:0.0265146866440773 notified:0.02627418376505375 enacted,:0.020376592874526978 than:0.019262738525867462 :0.25041383504867554 -one:0.052963726222515106 man:0.02280638925731182 day:0.022091107442975044 other:0.014896808192133904 :0.22217898070812225 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12277908623218536 were:0.0656965970993042 to:0.05849253758788109 are:0.04615580663084984 :0.053655993193387985 -and:0.04674110189080238 of:0.03002522513270378 house:0.029905516654253006 the:0.025395531207323074 :0.18370725214481354 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.2029041349887848 and:0.06392271816730499 in:0.03961167111992836 is:0.03508066385984421 :0.032749224454164505 -be:0.3217567205429077 have:0.08306805044412613 not:0.02450818568468094 bo:0.018155692145228386 :0.08178785443305969 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -as:0.08873243629932404 and:0.0795290395617485 to:0.032357919961214066 in:0.011135612614452839 :0.13092191517353058 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.020649105310440063 of:0.014943127520382404 a:0.014446763321757317 to:0.010476849973201752 :0.3380710780620575 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.35867735743522644 that:0.1436970829963684 by:0.03717287629842758 upon:0.03335099294781685 :0.08057482540607452 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -quarter:0.5024604797363281 Quarter:0.18036092817783356 corner:0.04919852688908577 quarter,:0.033777523785829544 :0.05460355058312416 -of:0.2999728322029114 was:0.040411531925201416 and:0.037043411284685135 in:0.026829538866877556 :0.0944727212190628 -of:0.4535762071609497 in:0.07307597994804382 and:0.0615418441593647 are:0.030248522758483887 :0.03305678442120552 -and:0.10155943781137466 system,:0.06033497303724289 system:0.027911394834518433 sys-:0.021882014349102974 :0.39398181438446045 -and:0.09083767980337143 in:0.06074661388993263 of:0.0358552560210228 the:0.03582907095551491 :0.08045097440481186 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.14766336977481842 and:0.04698250815272331 is:0.034746892750263214 has:0.027912242338061333 :0.1445118486881256 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.1129763126373291 that:0.10810033231973648 the:0.0824112817645073 a:0.06360829621553421 :0.07629287987947464 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -cation:0.08662717789411545 cated:0.08139476925134659 cate:0.08128523081541061 cal:0.03149542585015297 :0.506953239440918 -the:0.2288595587015152 a:0.06641902774572372 this:0.02829875983297825 tho:0.021527770906686783 :0.041216764599084854 -to:0.34325215220451355 by:0.04259848594665527 the:0.03397238627076149 that:0.025114096701145172 :0.066688671708107 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1841813623905182 to:0.042955994606018066 the:0.037749238312244415 was:0.02990124374628067 :0.0661536455154419 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.10203436017036438 to:0.05884130299091339 than:0.03423379734158516 in:0.020939594134688377 :0.37322402000427246 -the:0.16081133484840393 to:0.12296096235513687 and:0.06147054582834244 on:0.044364649802446365 :0.06571459025144577 -and:0.0859035775065422 or:0.06181015074253082 to:0.04127000644803047 of:0.030793678015470505 :0.18863548338413239 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.14551569521427155 of:0.08872193843126297 in:0.08491531759500504 is:0.059638332575559616 :0.045130085200071335 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.4716334342956543 are:0.03881823271512985 and:0.02373473159968853 were:0.023733509704470634 :0.03296993300318718 -and:0.10884125530719757 are:0.07918241620063782 in:0.04957425221800804 were:0.04778638482093811 :0.05131111294031143 -and:0.11490537226200104 that:0.076459139585495 but:0.05165032297372818 the:0.036615364253520966 :0.074494369328022 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.23979175090789795 a:0.031034329906105995 tho:0.022321950644254684 this:0.019696947187185287 :0.22795014083385468 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2414543479681015 of:0.15017811954021454 a:0.048132795840501785 and:0.019976885989308357 :0.10782875120639801 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -from:0.6633919477462769 by:0.05400031432509422 the:0.030696585774421692 therefrom:0.016145719215273857 :0.03457419574260712 -and:0.12054719030857086 are:0.038146667182445526 were:0.03746698796749115 in:0.03404378518462181 :0.13969236612319946 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -much:0.07167398184537888 to:0.04508913308382034 that:0.041644614189863205 long:0.030775928869843483 :0.39684435725212097 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -to:0.32259997725486755 of:0.2170037180185318 toward:0.08342766016721725 is:0.04692895710468292 :0.030967839062213898 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -in:0.18489618599414825 to:0.13629698753356934 at:0.08425650745630264 on:0.07293872535228729 :0.03362378478050232 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.15670014917850494 the:0.11120212823152542 at:0.0646083727478981 and:0.0565694235265255 :0.08219623565673828 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.08240874111652374 to:0.04862254485487938 as:0.046559978276491165 that:0.043037112802267075 :0.1027112826704979 -in:0.13708916306495667 to:0.05172198265790939 and:0.03794074058532715 In:0.037572674453258514 :0.08073872327804565 -and:0.2944244146347046 but:0.08690905570983887 the:0.02503603883087635 as:0.019544759765267372 :0.06786271929740906 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.056439515203237534 of:0.05189945176243782 in:0.038383424282073975 sides:0.022368621081113815 :0.18085162341594696 -for:0.06138556823134422 is:0.047033194452524185 was:0.04516904801130295 and:0.04309641569852829 :0.09263663738965988 -the:0.29389289021492004 a:0.05665617063641548 to:0.047457337379455566 and:0.028424980118870735 :0.1097216084599495 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -for:0.05071469396352768 in:0.04997304826974869 the:0.03881267085671425 by:0.032501544803380966 :0.1105365976691246 -pany:0.034470926970243454 ing:0.020861487835645676 plete:0.018202202394604683 mittee:0.01705554500222206 :0.5472907423973083 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -to:0.30676376819610596 of:0.23261430859565735 is:0.025729143992066383 and:0.023288588970899582 :0.04119803011417389 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -who:0.12407079339027405 of:0.08138538151979446 and:0.06571182608604431 in:0.05156034603714943 :0.07582911103963852 -to:0.1937602162361145 of:0.1869651973247528 for:0.04645508527755737 in:0.04501703381538391 :0.061309754848480225 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.08373963087797165 the:0.07206662744283676 and:0.06389153748750687 are:0.05320850387215614 :0.07878235727548599 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -of:0.13996581733226776 to:0.05825614184141159 that:0.042047951370477676 for:0.0364195853471756 :0.160548135638237 -The:0.08469118177890778 It:0.052674535661935806 I:0.032221999019384384 There:0.030047228559851646 :0.12594446539878845 -the:0.020137004554271698 of:0.01950620673596859 is:0.018718335777521133 a:0.014140231534838676 :0.31716296076774597 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.09424768388271332 that:0.04623519629240036 in:0.04370569437742233 the:0.04215296730399132 :0.08041801303625107 -the:0.43341735005378723 a:0.0633452907204628 tho:0.027144378051161766 which:0.025998953729867935 :0.08176284283399582 -ner:0.26705700159072876 poration:0.07831360399723053 rect:0.025263139978051186 rection:0.004610181320458651 :0.5559648871421814 -from:0.11019400507211685 and:0.0333702489733696 part:0.020434672012925148 to:0.018429100513458252 :0.26887714862823486 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -years:0.12719585001468658 days:0.08470750600099564 minutes:0.06840284168720245 hundred:0.05596865341067314 :0.1513596922159195 -out:0.06619517505168915 forth:0.06040060147643089 of:0.059924300760030746 up:0.05789599567651749 :0.0789448693394661 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -to:0.053891219198703766 school:0.049530528485774994 and:0.02920546382665634 sense:0.028024466708302498 :0.19161798059940338 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.36250028014183044 a:0.0630934089422226 their:0.02468358539044857 it:0.01873409003019333 :0.10493345558643341 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -the:0.07941446453332901 a:0.017263611778616905 that:0.013900193385779858 to:0.012997212819755077 :0.25055569410324097 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -a:0.12225772440433502 the:0.10438340902328491 at:0.05770696699619293 by:0.04894613102078438 :0.05684707313776016 -much:0.08464746922254562 to:0.08419680595397949 the:0.08266311138868332 they:0.0423126183450222 :0.08944229781627655 -for:0.2195945829153061 of:0.16200384497642517 to:0.09808232635259628 and:0.05708800628781319 :0.05540734529495239 -to:0.10653825104236603 and:0.07547571510076523 in:0.05597320944070816 as:0.041333701461553574 :0.07960792630910873 -of:0.48983514308929443 and:0.018693894147872925 Lane:0.015884945169091225 Fish:0.01375558227300644 :0.18294674158096313 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.09153872728347778 and:0.07225829362869263 in:0.02675875835120678 to:0.021226035431027412 :0.12149211764335632 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.3971322476863861 that:0.12249385565519333 upon:0.10682056099176407 with:0.048851706087589264 :0.046429794281721115 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -of:0.09579256922006607 and:0.06587724387645721 to:0.046111732721328735 in:0.045327141880989075 :0.06913920491933823 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -the:0.07608730345964432 been:0.0508757047355175 to:0.03479431942105293 it:0.03424674645066261 :0.12359566986560822 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -tained:0.32353121042251587 served:0.04612225294113159 ject:0.03232722729444504 jects:0.029074380174279213 :0.4178957939147949 -of:0.09785239398479462 important:0.020495742559432983 difficult:0.011607902124524117 dangerous:0.009898709133267403 :0.29064807295799255 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -shall:0.09644126147031784 to:0.09251882135868073 tax:0.05069228634238243 is:0.04151424765586853 :0.05939556658267975 -in:0.2716304063796997 on:0.13234321773052216 upon:0.04778507351875305 at:0.0459967702627182 :0.04538761451840401 -The:0.14824089407920837 It:0.07395914196968079 He:0.04235253110527992 In:0.03063783422112465 :0.12616701424121857 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -the:0.08864076435565948 was:0.048388391733169556 of:0.04542063549160957 a:0.042229000478982925 :0.09419949352741241 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -from:0.061348218470811844 and:0.02471189945936203 Jones:0.011879836209118366 was:0.011529677547514439 :0.5417292714118958 -of:0.10777577012777328 that:0.06544172763824463 was:0.03928735852241516 and:0.03378726914525032 :0.0644792690873146 -that:0.13784848153591156 the:0.10762919485569 a:0.07753301411867142 to:0.0704394280910492 :0.09805900603532791 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -been:0.1241377741098404 in:0.022188834846019745 made:0.018566537648439407 a:0.01195557601749897 :0.15522579848766327 -not:0.07071167975664139 sure:0.03997979313135147 a:0.03921214118599892 going:0.01862390898168087 :0.16433919966220856 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -of:0.17275987565517426 not:0.11723289638757706 to:0.09912755340337753 for:0.04713243991136551 :0.0642983615398407 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -are:0.09312910586595535 have:0.08819355815649033 do:0.04976515471935272 will:0.03768620640039444 :0.12362631410360336 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -cent:0.2230542153120041 cent,:0.1211099848151207 cent.:0.07385829836130142 annum,:0.02711872011423111 :0.157860666513443 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.028287315741181374 day.:0.02263687737286091 day:0.021169528365135193 at:0.01849825493991375 :0.2920116186141968 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.6676447987556458 in:0.044023603200912476 ot:0.018098974600434303 to:0.0138979097828269 :0.03698629140853882 -of:0.24120762944221497 the:0.0780426487326622 to:0.04823844134807587 for:0.04285573959350586 :0.05103164166212082 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -The:0.0696643516421318 A:0.029044369235634804 It:0.023154621943831444 and:0.019345339387655258 :0.28102579712867737 -the:0.5401237607002258 their:0.028777549043297768 its:0.022604241967201233 our:0.020916305482387543 :0.06811675429344177 -of:0.8835188150405884 ot:0.011187602765858173 were:0.00923113338649273 and:0.007750726770609617 :0.0081440769135952 -of:0.14583271741867065 and:0.05376538634300232 in:0.04807736724615097 for:0.044097933918237686 :0.044993363320827484 -part:0.04785242676734924 and:0.024576589465141296 states:0.02452624961733818 line:0.020843762904405594 :0.2244759351015091 -said:0.006809155456721783 present:0.006269787438213825 most:0.0060907877050340176 power:0.005735527724027634 :0.4860864579677582 -and:0.15691503882408142 the:0.048280756920576096 or:0.034616947174072266 to:0.030806073918938637 :0.07310757786035538 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -to:0.35466325283050537 for:0.04909150302410126 evidence:0.029675714671611786 number:0.018501654267311096 :0.14162109792232513 -of:0.6924895644187927 and:0.02214958518743515 ot:0.016697203740477562 are:0.014256210997700691 :0.024609267711639404 -and:0.06953491270542145 pipe:0.022923728451132774 ore:0.020820384845137596 or:0.018414534628391266 :0.28220948576927185 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -of:0.378465861082077 and:0.08950250595808029 which:0.06650373339653015 in:0.021359404549002647 :0.04241424798965454 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -was:0.04396909847855568 been:0.03954462707042694 had:0.025138981640338898 is:0.018682988360524178 :0.26815539598464966 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.21652759611606598 a:0.057185012847185135 their:0.014301182702183723 his:0.013723132200539112 :0.19880814850330353 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.6454043984413147 the:0.03704651817679405 a:0.016056692227721214 with:0.01558027882128954 :0.06504684686660767 -government:0.022862857207655907 and:0.021355731412768364 army:0.012299575842916965 army.:0.010624067857861519 :0.2840252220630646 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -party:0.0070534576661884785 men:0.006943431682884693 man:0.006516961846500635 people:0.006264363881200552 :0.31648868322372437 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -and:0.2199467271566391 the:0.04327888414263725 which:0.02785106934607029 to:0.026159342378377914 :0.1554800271987915 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -of:0.07753390818834305 in:0.0646662712097168 and:0.05649390071630478 have:0.047877535223960876 :0.06940685957670212 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.32273074984550476 the:0.059481244534254074 was:0.03502509370446205 made:0.032435666769742966 :0.04509316384792328 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -to:0.13821139931678772 that:0.05628193914890289 and:0.03477304428815842 a:0.02936231903731823 :0.1333797723054886 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -The:0.11762844026088715 He:0.06251448392868042 It:0.03960907831788063 A:0.024764804169535637 :0.14324700832366943 -be:0.06658535450696945 the:0.06280869990587234 not:0.03976982831954956 a:0.03703264892101288 :0.12188208848237991 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.19360002875328064 and:0.12799476087093353 in:0.06363438814878464 that:0.03793131187558174 :0.04869093373417854 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.23082400858402252 and:0.0704144611954689 in:0.03158118948340416 the:0.029119858518242836 :0.09044574201107025 -and:0.08598785847425461 county,:0.04112939536571503 street:0.0368947759270668 was:0.03226984292268753 :0.187124103307724 -been:0.10188642889261246 in:0.022162050008773804 to:0.022017240524291992 made:0.021838756278157234 :0.22128459811210632 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -in:0.16393636167049408 for:0.11014251410961151 a:0.0770358070731163 with:0.06795346736907959 :0.05214891955256462 -cept:0.05201881378889084 pected:0.04062062129378319 penses:0.023408958688378334 perience:0.014684257097542286 :0.6337358355522156 -and:0.14971493184566498 of:0.1443813592195511 to:0.13522237539291382 in:0.0359213761985302 :0.022095561027526855 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.06322209537029266 a:0.0242884773761034 to:0.02155732363462448 he:0.018249301239848137 :0.17012540996074677 -of:0.38425374031066895 which:0.05133915692567825 and:0.049561817198991776 to:0.03105589933693409 :0.0422796793282032 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.17712469398975372 it:0.06325319409370422 or:0.059955522418022156 they:0.05993082746863365 :0.0730995237827301 -act:0.020718814805150032 hour:0.016540367156267166 old:0.012600594200193882 1:0.008951864205300808 :0.40663737058639526 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -of:0.060768112540245056 country:0.02046826481819153 matter:0.014081597328186035 amount:0.012219402007758617 :0.15567417442798615 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -stitution:0.1626213788986206 gress:0.1459484100341797 vention:0.05083823576569557 gress,:0.008388029411435127 :0.5393728017807007 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.07963906973600388 with:0.059708744287490845 as:0.04982725530862808 after:0.04963747784495354 :0.08365634828805923 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.43341735005378723 a:0.0633452907204628 tho:0.027144378051161766 which:0.025998953729867935 :0.08176284283399582 -acres:0.034937575459480286 miles:0.0273691788315773 to:0.025377757847309113 or:0.022255441173911095 :0.16728727519512177 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.0912151113152504 It:0.03974320739507675 In:0.030213799327611923 I:0.022678086534142494 :0.1270616501569748 -cept:0.05201881378889084 pected:0.04062062129378319 penses:0.023408958688378334 perience:0.014684257097542286 :0.6337358355522156 -the:0.1253039687871933 a:0.08425124734640121 off:0.05155619978904724 away:0.03425564616918564 :0.07866451889276505 -of:0.6716819405555725 and:0.03522171825170517 that:0.021226681768894196 ot:0.017691878601908684 :0.02692038007080555 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.06804472953081131 of:0.04825378954410553 the:0.03793931007385254 in:0.019190775230526924 :0.4111747145652771 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.4881487488746643 by:0.036437880247831345 the:0.03100012056529522 in:0.02639448270201683 :0.03479142487049103 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.41687342524528503 between:0.03825605660676956 to:0.033103957772254944 and:0.03256978839635849 :0.09143662452697754 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -was:0.17297698557376862 had:0.06520053744316101 is:0.04912802204489708 has:0.03723181039094925 :0.10190985351800919 -and:0.2110414206981659 but:0.04163841903209686 the:0.03998115658760071 who:0.031283099204301834 :0.08256649971008301 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -ago:0.12965543568134308 ago,:0.0871092826128006 in:0.058216776698827744 ago.:0.05116092041134834 :0.062029410153627396 -and:0.09629914164543152 D.:0.06790909171104431 Feb.:0.03389972075819969 in:0.02982499822974205 :0.09047549962997437 -States:0.5249002575874329 States,:0.14538247883319855 States.:0.12097357958555222 States;:0.017308538779616356 :0.12549808621406555 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.06231093406677246 and:0.03833255171775818 No.:0.038049086928367615 to:0.025196466594934464 :0.1700354367494583 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -in:0.2122228890657425 by:0.13423475623130798 to:0.08516253530979156 at:0.06345413625240326 :0.05358882620930672 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -than:0.12693040072917938 and:0.06870822608470917 in:0.03503654897212982 prices:0.031195322051644325 :0.11091610789299011 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -against:0.11525136977434158 of:0.10068901628255844 the:0.06681136786937714 and:0.036596640944480896 :0.09707235544919968 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.07362323254346848 in:0.04955446347594261 to:0.0439881905913353 at:0.030892012640833855 :0.06272338330745697 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -of:0.3813994228839874 that:0.11296068876981735 and:0.04475090280175209 is:0.030554916709661484 :0.043102286756038666 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1396179050207138 to:0.044735945761203766 is:0.026011308655142784 in:0.022996949031949043 :0.06544798612594604 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.10232917964458466 a:0.07667306810617447 up:0.03458835929632187 out:0.032648030668497086 :0.09083426743745804 -of:0.17405928671360016 and:0.04027867317199707 payment:0.02137117274105549 amount:0.018908385187387466 :0.17771503329277039 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.11357429623603821 the:0.05947435274720192 so:0.037937574088573456 very:0.03652309626340866 :0.20173566043376923 -day:0.5026687979698181 of:0.10212481021881104 and:0.04659665748476982 street:0.011627132073044777 :0.15387408435344696 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -.:0.06988608837127686 few:0.04215701296925545 large:0.024859881028532982 man:0.013344060629606247 :0.2676287889480591 -the:0.1693369746208191 side:0.04936067387461662 to:0.0470106266438961 direction:0.042234499007463455 :0.1784256547689438 -e:0.11897269636392593 the:0.029033634811639786 a:0.011232408694922924 be:0.009949256666004658 :0.3223428726196289 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -1:0.08504164218902588 of:0.058457739651203156 2:0.05521753802895546 and:0.025446569547057152 :0.1232266053557396 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -said:0.005548689980059862 country:0.004731593653559685 best:0.004686532076448202 law:0.004001983907073736 :0.4962703287601471 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -that:0.11222869157791138 the:0.10443345457315445 a:0.08795348554849625 out:0.06014947593212128 :0.07275356352329254 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.18962261080741882 but:0.0733332559466362 the:0.05692189186811447 or:0.025484131649136543 :0.05024372413754463 -the:0.13221152126789093 officer:0.09635376185178757 general:0.07786481082439423 a:0.051227957010269165 :0.1463809758424759 -the:0.21652759611606598 a:0.057185012847185135 their:0.014301182702183723 his:0.013723132200539112 :0.19880814850330353 -and:0.17681118845939636 was:0.03521671146154404 is:0.01689266599714756 will:0.009764052927494049 :0.48178502917289734 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.8810902237892151 and:0.006977951154112816 in:0.006571954116225243 to,:0.004961731377989054 :0.031139083206653595 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1606101393699646 the:0.050740502774715424 but:0.03907027468085289 that:0.03410317003726959 :0.09819292277097702 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -respected:0.060611020773649216 esteemed:0.05980036035180092 respectable:0.029147788882255554 developed:0.020419273525476456 :0.24727559089660645 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.6924895644187927 and:0.02214958518743515 ot:0.016697203740477562 are:0.014256210997700691 :0.024609267711639404 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -not:0.05385302007198334 now:0.02452295646071434 the:0.01996014639735222 to:0.014539960771799088 :0.1972123682498932 -the:0.10816779732704163 to:0.05309121683239937 for:0.03989104926586151 in:0.02834278903901577 :0.11352939158678055 -and:0.08555213361978531 citizens:0.024803562089800835 or:0.01644309237599373 contest:0.013438562862575054 :0.1395425945520401 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -in:0.05621325597167015 the:0.01968580298125744 and:0.018214667215943336 as:0.017305556684732437 :0.22155676782131195 -in:0.23612457513809204 by:0.11480575799942017 to:0.09876395761966705 on:0.0425742082297802 :0.04258959740400314 -the:0.13954797387123108 to:0.11972493678331375 a:0.08125529438257217 much,:0.028239097446203232 :0.07344399392604828 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -ticular:0.10916582494974136 ty:0.10538570582866669 ticularly:0.08698463439941406 ties:0.08080209791660309 :0.3937215507030487 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -distance:0.04643572121858597 number:0.04421847313642502 portion:0.031177697703242302 amount:0.023235082626342773 :0.1544487327337265 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -of:0.542829155921936 the:0.06588609516620636 and:0.029610300436615944 a:0.021465377882122993 :0.03138964623212814 -preme:0.027585063129663467 -:0.026083098724484444 a:0.016094468533992767 and:0.007777188904583454 :0.5021441578865051 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.36295080184936523 and:0.04360893368721008 in:0.025834064930677414 were:0.024683356285095215 :0.04548907279968262 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ment:0.5698531866073608 ment,:0.22613388299942017 ments:0.06390777230262756 ment.:0.034478649497032166 :0.032161060720682144 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.09002413600683212 o'clock:0.026822134852409363 per:0.02597840502858162 to:0.024143584072589874 :0.2341027408838272 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -be:0.3217567205429077 have:0.08306805044412613 not:0.02450818568468094 bo:0.018155692145228386 :0.08178785443305969 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -of:0.14496318995952606 and:0.08786854147911072 was:0.03789066895842552 to:0.03126339614391327 :0.12302402406930923 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.4080108404159546 by:0.140056312084198 for:0.04428987577557564 of:0.03671358525753021 :0.038628581911325455 -and:0.21488477289676666 with:0.05317477881908417 the:0.049458976835012436 but:0.027990693226456642 :0.11058424413204193 -of:0.21453110873699188 the:0.07095647603273392 up:0.033497750759124756 and:0.029510391876101494 :0.0811130478978157 -That:0.7617658972740173 and:0.028937770053744316 that:0.028223035857081413 but:0.007184420712292194 :0.023239506408572197 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -of:0.30490413308143616 a:0.08861035108566284 and:0.0702599585056305 the:0.06521826982498169 :0.04706863686442375 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -counties,:0.03689024597406387 States:0.025526493787765503 portions:0.01591932214796543 states:0.015122921206057072 :0.3499586582183838 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.22774504125118256 on:0.08501449972391129 to:0.052234750241041183 in:0.04906715080142021 :0.07598454505205154 -in:0.0751776248216629 to:0.05387088656425476 of:0.052293241024017334 into:0.033262595534324646 :0.060847409069538116 -The:0.11289874464273453 It:0.0658104419708252 I:0.04369630292057991 He:0.030590541660785675 :0.163900226354599 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2994207441806793 for:0.05962838605046272 to:0.028426295146346092 was:0.022697269916534424 :0.06448044627904892 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -mand:0.05641615390777588 grees:0.03593277931213379 scribed:0.02867727540433407 partment:0.025207728147506714 :0.5335603356361389 -from:0.11136487126350403 a:0.11120902001857758 by:0.09049053490161896 the:0.07185416668653488 :0.0528591014444828 -cent:0.2230542153120041 cent,:0.1211099848151207 cent.:0.07385829836130142 annum,:0.02711872011423111 :0.157860666513443 -first:0.013571608811616898 only:0.008618655614554882 most:0.006200225558131933 man:0.005464227870106697 :0.318105548620224 -to:0.09119922667741776 down:0.059965264052152634 in:0.0467403382062912 over:0.04316055774688721 :0.1955530047416687 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -by:0.17768993973731995 a:0.16392607986927032 in:0.04900885000824928 the:0.04346580058336258 :0.06222234666347504 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.4748164713382721 and:0.042700644582509995 to:0.017108632251620293 in:0.014837568625807762 :0.15849094092845917 -ing:0.13273988664150238 fore:0.09931561350822449 tween:0.08537130802869797 cause:0.08139321953058243 :0.19399063289165497 -and:0.14623434841632843 is:0.04703027009963989 or:0.035265542566776276 to:0.030939849093556404 :0.09212682396173477 -and:0.08240874111652374 to:0.04862254485487938 as:0.046559978276491165 that:0.043037112802267075 :0.1027112826704979 -in:0.10422064363956451 of:0.10167995095252991 to:0.06684467941522598 and:0.05149022862315178 :0.04829893633723259 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.288134902715683 and:0.06856419146060944 in:0.04214994236826897 is:0.03221976011991501 :0.1532956212759018 -the:0.16513924300670624 that:0.13613981008529663 what:0.04049627110362053 a:0.036764953285455704 :0.06664542853832245 -is:0.10303271561861038 the:0.06430774927139282 he:0.0539449080824852 they:0.05261162295937538 :0.07537786662578583 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3561081886291504 and:0.05981532484292984 in:0.05048516392707825 is:0.02684333361685276 :0.03178543597459793 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -The:0.17127032577991486 He:0.06236347183585167 It:0.058108143508434296 In:0.039472535252571106 :0.17065873742103577 -by:0.09029407799243927 to:0.08670508861541748 the:0.06397102028131485 in:0.05847260355949402 :0.08452489227056503 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.22592118382453918 the:0.04434971511363983 or:0.02997918426990509 but:0.029744593426585197 :0.14029516279697418 -and:0.24490146338939667 the:0.06801391392946243 but:0.05619371309876442 a:0.035395700484514236 :0.06080028787255287 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -mand:0.05641615390777588 grees:0.03593277931213379 scribed:0.02867727540433407 partment:0.025207728147506714 :0.5335603356361389 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -to:0.09424768388271332 that:0.04623519629240036 in:0.04370569437742233 the:0.04215296730399132 :0.08041801303625107 -of:0.2959666848182678 and:0.28001099824905396 that:0.02841450646519661 to:0.02672463469207287 :0.023398863151669502 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -ture:0.19925035536289215 ture,:0.17176668345928192 ture.:0.09064987301826477 tures:0.019397079944610596 :0.3284384608268738 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.16142480075359344 and:0.0739077776670456 are:0.042669929563999176 were:0.03931581228971481 :0.05473272129893303 -of:0.12400312721729279 and:0.0699864998459816 to:0.04738890007138252 for:0.04667511582374573 :0.0752846747636795 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -of:0.4892599880695343 and:0.045130569487810135 by:0.02706266939640045 the:0.019929392263293266 :0.041178684681653976 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -quarter:0.36985981464385986 corner:0.17967140674591064 of:0.06665853410959244 quarter,:0.0635559931397438 :0.053865063935518265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.6048688292503357 tho:0.04073081910610199 which:0.031648941338062286 his:0.02382778190076351 :0.035510674118995667 -the:0.12879395484924316 he:0.02999013289809227 they:0.024326305836439133 it:0.022471725940704346 :0.11924564838409424 -in:0.0875076875090599 the:0.06762214750051498 up:0.06661771982908249 on:0.05827484652400017 :0.0542076975107193 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.2133605033159256 miles:0.0382525734603405 the:0.03764727711677551 a:0.02834259159862995 :0.17749224603176117 -in:0.0638371929526329 as:0.05179714411497116 the:0.036639727652072906 if:0.03651094809174538 :0.06114502623677254 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.04883850738406181 with:0.04231506958603859 of:0.03956930339336395 in:0.031602416187524796 :0.08793099224567413 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.034368086606264114 and:0.019949300214648247 of:0.01668313331902027 to:0.01350040640681982 :0.2720033526420593 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1172264963388443 in:0.058809638023376465 on:0.0501682423055172 the:0.04598062112927437 :0.06097819283604622 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.06316037476062775 more:0.06229129433631897 as:0.04989323392510414 to:0.04015380144119263 :0.1596965789794922 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.49111270904541016 and:0.03446216136217117 is:0.022390488535165787 was:0.01684926077723503 :0.06413719803094864 -of:0.15513667464256287 the:0.03705308586359024 which:0.03278038278222084 in:0.031237004324793816 :0.03987867757678032 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.01945614628493786 option:0.018079577013850212 authorities:0.01220905315130949 papers:0.0061342609114944935 :0.25545090436935425 -of:0.19411984086036682 in:0.06389201432466507 over:0.03524695336818695 to:0.03433490917086601 :0.04364003241062164 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -of:0.23663757741451263 to:0.11612223088741302 in:0.08912414312362671 from:0.0645851120352745 :0.05582919344305992 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.03388125076889992 property:0.025415712967514992 life:0.010960359126329422 life,:0.010242195799946785 :0.37377744913101196 -tical:0.11266130208969116 cy:0.013880697079002857 of:0.0028499856125563383 I:0.0024543972685933113 :0.8144277930259705 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.12280649691820145 and:0.06133626773953438 in:0.055687591433525085 where:0.03814994543790817 :0.06848642230033875 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -the:0.10232917964458466 a:0.07667306810617447 up:0.03458835929632187 out:0.032648030668497086 :0.09083426743745804 -of:0.10394231975078583 in:0.050145912915468216 by:0.03537788242101669 the:0.028853127732872963 :0.14744025468826294 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -South,:0.027430569753050804 South.:0.02603086270391941 day:0.02260965295135975 side:0.020527351647615433 :0.09542988240718842 -the:0.09153220802545547 a:0.053384050726890564 not:0.02737550623714924 to:0.020719477906823158 :0.22090661525726318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.3715078830718994 and:0.059444207698106766 to:0.0372212715446949 in:0.031749870628118515 :0.03803934156894684 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.10653825104236603 and:0.07547571510076523 in:0.05597320944070816 as:0.041333701461553574 :0.07960792630910873 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -the:0.21643680334091187 a:0.09935178607702255 this:0.06638921052217484 these:0.0283337589353323 :0.08791668713092804 -who:0.08723888546228409 and:0.0712960734963417 to:0.04620439559221268 in:0.04196779802441597 :0.05912822484970093 -the:0.21374443173408508 that:0.08800920844078064 it:0.06281087547540665 a:0.025508128106594086 :0.057533055543899536 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -in:0.08784184604883194 and:0.06810476630926132 by:0.049048054963350296 as:0.04668628051877022 :0.06621484458446503 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.3093086779117584 a:0.027670975774526596 said:0.02062113769352436 him:0.018643314018845558 :0.13683170080184937 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -Y.:0.212525874376297 Y.,:0.04233550280332565 J:0.03309334069490433 T:0.024918528273701668 :0.2806371748447418 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -of:0.060768112540245056 country:0.02046826481819153 matter:0.014081597328186035 amount:0.012219402007758617 :0.15567417442798615 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.0777907520532608 and:0.059169869869947433 that:0.05025317519903183 on:0.043332841247320175 :0.12485269457101822 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.5231902599334717 to:0.06311856955289841 which:0.039536409080028534 are:0.02784382738173008 :0.018247902393341064 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.13551847636699677 who:0.04076475277543068 to:0.027906913310289383 from:0.02495291642844677 :0.2377672642469406 -and:0.012059979140758514 hands,:0.007604937069118023 the:0.00560150807723403 or:0.004402921535074711 :0.3395673930644989 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -to:0.3301684856414795 of:0.15029436349868774 that:0.0663251206278801 and:0.045437950640916824 :0.03872650861740112 -by:0.1910560578107834 from:0.16466228663921356 the:0.06927168369293213 and:0.037759266793727875 :0.051009099930524826 -condition:0.1500152051448822 and:0.10025006532669067 condition.:0.023511160165071487 conditions:0.0187050960958004 :0.0556187629699707 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.38299283385276794 Court:0.04043656215071678 and:0.040150757879018784 Court.:0.018635379150509834 :0.16137006878852844 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -of:0.27828434109687805 to:0.07470525056123734 and:0.04529987648129463 in:0.03646295517683029 :0.05128040537238121 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.10611790418624878 that:0.047085050493478775 in:0.026503050699830055 the:0.021478909999132156 :0.19004976749420166 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.09209580719470978 in:0.05051566660404205 to:0.04314110055565834 and:0.032860010862350464 :0.09662479907274246 -to:0.09299120306968689 of:0.07938957959413528 and:0.05245117098093033 the:0.04695473238825798 :0.07857552915811539 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.6164630055427551 the:0.06907782703638077 a:0.01931646838784218 that:0.009943986311554909 :0.04051193594932556 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -who:0.308531790971756 of:0.0703386664390564 in:0.021768072620034218 that:0.01657738909125328 :0.1333772838115692 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -only:0.010733211413025856 first:0.008652033284306526 United:0.006715874653309584 fact:0.006144675426185131 :0.3796161711215973 -was:0.06561992317438126 had:0.03705403208732605 has:0.029276518151164055 is:0.024481505155563354 :0.19223681092262268 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.10232818126678467 up:0.0760485976934433 to:0.055637892335653305 on:0.0402851477265358 :0.07793349027633667 -the:0.22907604277133942 section:0.05674265697598457 year.:0.03821095824241638 year:0.0359065905213356 :0.07682117819786072 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -a:0.14751461148262024 the:0.12374261766672134 it:0.04567049443721771 an:0.026676274836063385 :0.07802078872919083 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.07608730345964432 been:0.0508757047355175 to:0.03479431942105293 it:0.03424674645066261 :0.12359566986560822 -and:0.09629914164543152 D.:0.06790909171104431 Feb.:0.03389972075819969 in:0.02982499822974205 :0.09047549962997437 -distance:0.04643572121858597 number:0.04421847313642502 portion:0.031177697703242302 amount:0.023235082626342773 :0.1544487327337265 -the:0.28321319818496704 this:0.05459144338965416 that:0.04031408205628395 a:0.03681033104658127 :0.20886756479740143 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -Assembly:0.08038734644651413 of:0.03058595582842827 and:0.018435105681419373 Lee:0.012138079851865768 :0.5070641040802002 -that:0.13784848153591156 the:0.10762919485569 a:0.07753301411867142 to:0.0704394280910492 :0.09805900603532791 -wedding:0.026624098420143127 grain,:0.013863597065210342 age:0.011993499472737312 harvest:0.011902288533747196 :0.32934051752090454 -and:0.10699794441461563 of:0.042724285274744034 to:0.03711617365479469 was:0.03607117384672165 :0.16438597440719604 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ants:0.18029271066188812 ant,:0.12978915870189667 ant:0.09851236641407013 ing:0.04704252630472183 :0.3075340986251831 -cept:0.05201881378889084 pected:0.04062062129378319 penses:0.023408958688378334 perience:0.014684257097542286 :0.6337358355522156 -and:0.08781816065311432 has:0.058443330228328705 was:0.046843450516462326 is:0.0301290825009346 :0.13922713696956635 -to:0.4722057580947876 for:0.09833849221467972 in:0.03134508430957794 that:0.022161534056067467 :0.0972447395324707 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.13671082258224487 was:0.1344018578529358 of:0.04262948036193848 is:0.039807677268981934 :0.05924101918935776 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2767913043498993 and:0.21845705807209015 to:0.039104826748371124 a:0.023906875401735306 :0.06853555142879486 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.1318817287683487 the:0.09446574002504349 and:0.08023318648338318 for:0.02952084131538868 :0.13902458548545837 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12316861003637314 the:0.043729428201913834 for:0.026878930628299713 as:0.026044275611639023 :0.0777129977941513 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.14249056577682495 the:0.14247962832450867 of:0.035156454890966415 an:0.029168497771024704 :0.11972954869270325 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.1606513410806656 and:0.11494292318820953 the:0.03761382773518562 according:0.025698615238070488 :0.10397353768348694 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.17492829263210297 them:0.06300295889377594 up:0.056241147220134735 it:0.04315021634101868 :0.0737038403749466 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10240107774734497 a:0.06718461215496063 them:0.04779723286628723 him:0.04725667089223862 :0.07082982361316681 -ident:0.013910861685872078 pect:0.01370963267982006 cue:0.004083812236785889 .:0.0037351057399064302 :0.8896364569664001 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -and:0.21544323861598969 but:0.05223560705780983 the:0.03290136903524399 as:0.028330715373158455 :0.06002327427268028 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -to:0.43369317054748535 that:0.1226341724395752 from:0.02628256566822529 of:0.025883976370096207 :0.03995269909501076 -and:0.12315641343593597 coal:0.018956437706947327 water:0.015029149129986763 white:0.009892668575048447 :0.2158716470003128 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -with:0.6357313394546509 in:0.05736108869314194 and:0.017720172181725502 the:0.017507070675492287 :0.04296022281050682 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.04195336252450943 answer:0.009210593067109585 friends:0.0059311119839549065 money:0.005459604784846306 :0.21357011795043945 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -in:0.30935049057006836 In:0.0715065449476242 on:0.037997614592313766 and:0.03766206279397011 :0.03495367243885994 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.21636420488357544 the:0.047307394444942474 but:0.030197670683264732 which:0.01841695047914982 :0.08801184594631195 -of:0.3394286334514618 and:0.04241282120347023 for:0.041988555341959 was:0.028969656676054 :0.05032487213611603 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -General:0.024982349947094917 and:0.022813765332102776 of:0.013792835175991058 W.:0.010588588193058968 :0.5751820802688599 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.6880168914794922 from:0.01675870269536972 in:0.01593111641705036 and:0.015920743346214294 :0.013853693380951881 -and:0.08790816366672516 of:0.05017567798495293 is:0.04357839375734329 has:0.04334758594632149 :0.1270930916070938 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.2182045578956604 the:0.04822932183742523 but:0.024192150682210922 he:0.018603062257170677 :0.06505481898784637 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.26664620637893677 but:0.05538904666900635 the:0.04120286554098129 as:0.021840373054146767 :0.07661250978708267 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -and:0.17918232083320618 in:0.0368364192545414 to:0.0360192209482193 is:0.035303469747304916 :0.13934260606765747 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.1703675538301468 or:0.042815059423446655 the:0.02405129373073578 which:0.02156553789973259 :0.25026220083236694 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -nature:0.038759518414735794 nature.:0.038671694695949554 life:0.028797572478652 beings:0.02750159054994583 :0.22568494081497192 -of:0.18505698442459106 and:0.08491065353155136 to:0.05657348036766052 height,:0.05607027933001518 :0.21268241107463837 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -who:0.08887836337089539 of:0.05139285698533058 are:0.048499010503292084 to:0.04792497679591179 :0.07251346111297607 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -to:0.08814259618520737 and:0.06860069185495377 in:0.05667705088853836 for:0.04383286088705063 :0.08221182227134705 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.08802321553230286 be:0.0528547428548336 a:0.026625769212841988 the:0.021958863362669945 :0.16560016572475433 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -into:0.23808221518993378 out:0.08685126900672913 in:0.07714492827653885 a:0.04441710561513901 :0.046992044895887375 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -and:0.21593423187732697 the:0.028194090351462364 to:0.02665644884109497 or:0.026493776589632034 :0.058455903083086014 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.05792469158768654 r:0.019938331097364426 >r:0.012289449572563171 .:0.011597756296396255 :0.2852281928062439 -of:0.15353241562843323 to:0.13866226375102997 and:0.03040177747607231 that:0.030154407024383545 :0.05298222228884697 -No.:0.410675972700119 W.:0.025341713801026344 84:0.01475442573428154 B.:0.01474388875067234 :0.16473610699176788 -in:0.2122228890657425 by:0.13423475623130798 to:0.08516253530979156 at:0.06345413625240326 :0.05358882620930672 -was:0.058700598776340485 and:0.05688149854540825 in:0.043834514915943146 department:0.03145528957247734 :0.10017474740743637 -and:0.09821552783250809 of:0.07230409979820251 to:0.028273392468690872 the:0.012080179527401924 :0.24283654987812042 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -increased,:0.022010456770658493 and:0.021026192232966423 to:0.018602166324853897 increased:0.01618681475520134 :0.2630055844783783 -the:0.10303860902786255 be:0.04694443568587303 a:0.03346903249621391 and:0.014942476525902748 :0.1700000911951065 -The:0.02018102817237377 the:0.0160328671336174 and:0.015632078051567078 of:0.015357382595539093 :0.2634615898132324 -for:0.15949492156505585 on:0.10481401532888412 until:0.05313676595687866 upon:0.045712798833847046 :0.08121450990438461 -estate:0.22713787853717804 estate,:0.06741316616535187 and:0.0445021316409111 property:0.03543020039796829 :0.22407925128936768 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4892599880695343 and:0.045130569487810135 by:0.02706266939640045 the:0.019929392263293266 :0.041178684681653976 -the:0.207133486866951 they:0.09562363475561142 he:0.0936054065823555 it:0.04463839903473854 :0.0762997418642044 -auction:0.02915082313120365 auction,:0.02451956272125244 school:0.020690185949206352 and:0.020127294585108757 :0.21887941658496857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -stood,:0.14574207365512848 stand:0.1330728977918625 standing:0.1088610514998436 stood:0.08544682711362839 :0.11467596888542175 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.1068926677107811 up:0.08170608431100845 a:0.048881661146879196 himself:0.04320007562637329 :0.05716733634471893 -the:0.10232917964458466 a:0.07667306810617447 up:0.03458835929632187 out:0.032648030668497086 :0.09083426743745804 -of:0.08289439976215363 to:0.06461929529905319 in:0.058321237564086914 and:0.03592974692583084 :0.18039478361606598 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.1052377000451088 Address:0.04072680324316025 It:0.036305271089076996 A:0.03210991993546486 :0.29791495203971863 -the:0.2758026123046875 this:0.07061681151390076 a:0.042534295469522476 that:0.02658023126423359 :0.14110659062862396 -of:0.1648188829421997 to:0.06801620125770569 in:0.05368642881512642 for:0.04261425882577896 :0.054143913090229034 -of:0.33761483430862427 and:0.055204637348651886 is:0.039511263370513916 was:0.03594866394996643 :0.06732572615146637 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -of:0.16142480075359344 and:0.0739077776670456 are:0.042669929563999176 were:0.03931581228971481 :0.05473272129893303 -of:0.31249773502349854 in:0.05824565142393112 the:0.0446740984916687 on:0.04266739264130592 :0.039633166044950485 -to:0.1377684473991394 and:0.06912596523761749 than:0.03331322968006134 for:0.020923171192407608 :0.315701425075531 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.13436384499073029 and:0.0647086426615715 of:0.046327218413352966 to:0.0229506678879261 :0.12347905337810516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.033074695616960526 The:0.02662740834057331 ":0.019467024132609367 the:0.017410865053534508 :0.19666464626789093 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.015930749475955963 election:0.015414835885167122 welfare:0.014750231057405472 nature:0.01118016242980957 :0.1961066573858261 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08966389298439026 they:0.07666683197021484 he:0.0604403018951416 it:0.05434216186404228 :0.09658120572566986 -the:0.020137004554271698 of:0.01950620673596859 is:0.018718335777521133 a:0.014140231534838676 :0.31716296076774597 -of:0.11223039776086807 to:0.07025516033172607 into:0.04625483602285385 and:0.04565291106700897 :0.07119318842887878 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.34858354926109314 .,:0.0118701858446002 W:0.009180279448628426 M:0.008682613261044025 :0.2632589340209961 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -of:0.4038209021091461 and:0.06330378353595734 as:0.029505930840969086 with:0.02218778431415558 :0.037769660353660583 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -the:0.45056697726249695 a:0.053050439804792404 and:0.020781438797712326 tho:0.016090283170342445 :0.09979382157325745 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -for:0.06138556823134422 is:0.047033194452524185 was:0.04516904801130295 and:0.04309641569852829 :0.09263663738965988 -.:0.06477583199739456 the:0.028284501284360886 a:0.025022059679031372 to:0.015616795979440212 :0.38003215193748474 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -be:0.06658535450696945 the:0.06280869990587234 not:0.03976982831954956 a:0.03703264892101288 :0.12188208848237991 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -night:0.04171675071120262 year:0.037758007645606995 year.:0.029282230883836746 year,:0.026110395789146423 :0.11887776851654053 -R:0.024136358872056007 B.:0.018924305215477943 H.:0.01673431135714054 E:0.01617094688117504 :0.39447206258773804 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.4080108404159546 by:0.140056312084198 for:0.04428987577557564 of:0.03671358525753021 :0.038628581911325455 -than:0.1419132947921753 to:0.03906868398189545 for:0.03051593527197838 and:0.026000842452049255 :0.13465552031993866 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.15967676043510437 the:0.056367628276348114 which:0.052231885492801666 with:0.027315491810441017 :0.13222521543502808 -tirely:0.10133197158575058 tered:0.0526694692671299 listed:0.02891162969172001 gaged:0.02440042421221733 :0.6126540303230286 -the:0.23979175090789795 a:0.031034329906105995 tho:0.022321950644254684 this:0.019696947187185287 :0.22795014083385468 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -in:0.17205187678337097 of:0.12660977244377136 and:0.0745854452252388 at:0.06044965237379074 :0.06018369272351265 -and:0.033074695616960526 The:0.02662740834057331 ":0.019467024132609367 the:0.017410865053534508 :0.19666464626789093 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.07759275287389755 of:0.035219453275203705 is:0.026866866275668144 has:0.022583847865462303 :0.31134963035583496 -to:0.25275489687919617 into:0.05258530378341675 on:0.04576890915632248 out:0.03537292405962944 :0.08202541619539261 -of:0.14835211634635925 from:0.14390742778778076 west:0.04671301692724228 in:0.04312987998127937 :0.06109151616692543 -ferred:0.058514367789030075 portation:0.05634728819131851 port:0.043949026614427567 fer:0.030952567234635353 :0.4945392310619354 -The:0.1303379088640213 It:0.05912741273641586 In:0.04742937907576561 There:0.03149474784731865 :0.16653898358345032 -and:0.2702270448207855 of:0.12146192789077759 are:0.03217403218150139 as:0.026192327961325645 :0.043317776173353195 -of:0.23328164219856262 and:0.13885913789272308 is:0.03608861193060875 which:0.03465716168284416 :0.055264174938201904 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -The:0.178426593542099 It:0.05188421159982681 A:0.03561154380440712 He:0.033828254789114 :0.11187981814146042 -of:0.6358018517494202 in:0.03563551604747772 to:0.021895503625273705 and:0.02062171883881092 :0.03627351298928261 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.23300398886203766 but:0.03655405715107918 the:0.03530139476060867 which:0.03144317865371704 :0.08588926494121552 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -far:0.0603245347738266 the:0.021929031237959862 be:0.013097374700009823 to:0.012695294804871082 :0.24385406076908112 -time:0.1558830738067627 distance:0.11165019124746323 of:0.0728195533156395 time.:0.0354284793138504 :0.13860422372817993 -to:0.6755409240722656 of:0.08360281586647034 thereto:0.04698238894343376 the:0.013858000747859478 :0.03654346987605095 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -years:0.053588785231113434 or:0.049720849841833115 hundred:0.032202597707509995 of:0.03051123209297657 :0.21560759842395782 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.024868208914995193 John:0.016977384686470032 Pierce's:0.016448376700282097 J.:0.015136649832129478 :0.5590976476669312 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -and:0.09655623137950897 team:0.05657019838690758 in:0.02853613905608654 of:0.02260097861289978 :0.24396398663520813 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -of:0.13131286203861237 was:0.0781608298420906 and:0.038192909210920334 in:0.03392094746232033 :0.06527537852525711 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -Pills:0.29829132556915283 and:0.09547466039657593 Pills,:0.042358096688985825 or:0.0350843146443367 :0.19992709159851074 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -of:0.3749459981918335 to:0.10041708499193192 and:0.050680067390203476 from:0.03829410299658775 :0.0315076969563961 -thing:0.3801056444644928 where:0.17033879458904266 thing,:0.08135407418012619 body:0.056393444538116455 :0.05327804759144783 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.07629714906215668 be:0.0499790757894516 had:0.025709202513098717 have:0.022763649001717567 :0.12283376604318619 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.09909011423587799 of:0.09673328697681427 in:0.08265326172113419 to:0.04738331586122513 :0.10660188645124435 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.22946971654891968 the:0.051140520721673965 or:0.039959874004125595 but:0.03566372022032738 :0.07967029511928558 -with:0.8779677748680115 with,:0.01833847537636757 witn:0.006320287939161062 in:0.00430711405351758 :0.018064256757497787 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.09212981164455414 was:0.06624985486268997 of:0.041195888072252274 is:0.03977977856993675 :0.1024131327867508 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.5628871917724609 in:0.10641443729400635 In:0.02816823124885559 the:0.017125204205513 :0.019646065309643745 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -Johnson,:0.13006848096847534 and:0.05253828316926956 J.:0.04155127331614494 Johnson:0.02174803800880909 :0.2905212342739105 -and:0.15511010587215424 the:0.05619613081216812 but:0.05556171387434006 in:0.054065193980932236 :0.06036055460572243 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -with:0.19033479690551758 in:0.12690934538841248 In:0.04381018131971359 and:0.029038216918706894 :0.21421845257282257 -with:0.7100711464881897 between:0.03232049569487572 of:0.01925106905400753 was:0.014690427109599113 :0.038132790476083755 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -for:0.3262057900428772 of:0.11873838305473328 to:0.058075182139873505 are:0.05500928685069084 :0.0380672961473465 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -man:0.08607076108455658 lady:0.03618399426341057 men:0.03425515070557594 and:0.032232530415058136 :0.25705599784851074 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.07331231981515884 after:0.0668276771903038 ago,:0.05548449605703354 in:0.04735299572348595 :0.07589000463485718 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -@:0.04989801347255707 to:0.03251216933131218 mln.:0.02857387252151966 min.:0.01932680606842041 :0.2696049213409424 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -he:0.03273729607462883 the:0.025790724903345108 of:0.020090339705348015 be:0.01200561597943306 :0.2891792058944702 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2779161334037781 then:0.12192845344543457 that:0.1077466756105423 I:0.023397237062454224 :0.06417247653007507 -that:0.037433866411447525 much:0.03182937204837799 the:0.03163762763142586 to:0.01413680613040924 :0.2614049017429352 -from:0.11019400507211685 and:0.0333702489733696 part:0.020434672012925148 to:0.018429100513458252 :0.26887714862823486 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -up:0.17546410858631134 and:0.06004255637526512 in:0.054867371916770935 the:0.04567223787307739 :0.0989270806312561 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1750575602054596 is:0.09048108011484146 in:0.04056324437260628 was:0.037136051803827286 :0.057170093059539795 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -of:0.29436078667640686 and:0.07832171767950058 in:0.033362239599227905 to:0.02818533405661583 :0.08726955205202103 -that:0.20147337019443512 what:0.08905667066574097 the:0.07134820520877838 how:0.04897133633494377 :0.048351582139730453 -and:0.015699347481131554 Office:0.01499712374061346 Office,:0.007336319424211979 Minister:0.005205517169088125 :0.7728945016860962 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.06155627220869064 are:0.04098684340715408 to:0.03455625846982002 were:0.033534642308950424 :0.05750153958797455 -of:0.2660672664642334 in:0.19641560316085815 the:0.15278126299381256 In:0.02018044888973236 :0.026607893407344818 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -The:0.17470940947532654 It:0.047918107360601425 In:0.037094373255968094 He:0.03461911529302597 :0.1376144140958786 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -been:0.07629714906215668 be:0.0499790757894516 had:0.025709202513098717 have:0.022763649001717567 :0.12283376604318619 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -J.:0.018177246674895287 J:0.012478969991207123 John:0.011171816848218441 George:0.010399969294667244 :0.5900680422782898 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -with:0.7100711464881897 between:0.03232049569487572 of:0.01925106905400753 was:0.014690427109599113 :0.038132790476083755 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -to:0.11814046651124954 in:0.06877363473176956 and:0.06158752739429474 of:0.04345666244626045 :0.07742366939783096 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -been:0.07629714906215668 be:0.0499790757894516 had:0.025709202513098717 have:0.022763649001717567 :0.12283376604318619 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.0960155799984932 to:0.06035367399454117 Block:0.03833146020770073 car:0.023061910644173622 :0.18898244202136993 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -years:0.0784083902835846 or:0.044089969247579575 hundred:0.028000427410006523 successive:0.024910900741815567 :0.16574934124946594 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -to:0.5285189151763916 for:0.07826908677816391 of:0.03545813262462616 in:0.02486705593764782 :0.05126749724149704 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -of:0.24132689833641052 for:0.08267850428819656 was:0.05743315815925598 and:0.036504194140434265 :0.09442681819200516 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -the:0.20417936146259308 described:0.05117717757821083 named:0.040278948843479156 all:0.02727392315864563 :0.16135798394680023 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -of:0.7212920784950256 and:0.024389922618865967 to:0.020816849544644356 is:0.010718580335378647 :0.042742352932691574 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -parts:0.05562663450837135 from:0.047603607177734375 kinds:0.015998514369130135 sections:0.012431591749191284 :0.2114400714635849 -and:0.09122883528470993 assistance:0.017168844118714333 action:0.011777658015489578 care:0.010659524239599705 :0.1760607212781906 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -of:0.1627461165189743 and:0.06622453778982162 in:0.056804973632097244 that:0.0485234409570694 :0.04851073771715164 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -of:0.16978515684604645 line:0.07059624791145325 quarter:0.05792009457945824 side:0.050644174218177795 :0.12782599031925201 -of:0.3823273777961731 and:0.17151619493961334 are:0.029204949736595154 in:0.020068105310201645 :0.03139592707157135 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.6084441542625427 for:0.17731964588165283 that:0.023090356960892677 in:0.012911643832921982 :0.03349672630429268 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -were:0.09463024884462357 and:0.07257199287414551 in:0.07065322250127792 are:0.050000760704278946 :0.10247275978326797 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.3389638662338257 of:0.1412094235420227 to:0.09755058586597443 in:0.02958673983812332 :0.04018881916999817 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -known:0.029597533866763115 believed:0.026662854477763176 the:0.02032586559653282 conceded:0.018070872873067856 :0.16558651626110077 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -tion,:0.14092494547367096 ture:0.1381741762161255 tional:0.1379866600036621 tion:0.078557588160038 :0.22738896310329437 -and:0.17248660326004028 are:0.056965652853250504 in:0.05407114699482918 of:0.051879096776247025 :0.0720258578658104 -visions:0.12271422892808914 duced:0.03575288876891136 tection:0.029099592939019203 vide:0.028614068403840065 :0.5140203237533569 -that:0.11222869157791138 the:0.10443345457315445 a:0.08795348554849625 out:0.06014947593212128 :0.07275356352329254 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -party:0.2514079511165619 party,:0.1196979507803917 party.:0.01815715618431568 members:0.014893055893480778 :0.21687626838684082 -it:0.09215108305215836 the:0.09090056270360947 not:0.0754123404622078 he:0.06816446781158447 :0.13463692367076874 -tained:0.32353121042251587 served:0.04612225294113159 ject:0.03232722729444504 jects:0.029074380174279213 :0.4178957939147949 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -was:0.17297698557376862 had:0.06520053744316101 is:0.04912802204489708 has:0.03723181039094925 :0.10190985351800919 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.3501932919025421 to:0.04500313475728035 was:0.03496691957116127 is:0.029073256999254227 :0.04880897328257561 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.09209580719470978 in:0.05051566660404205 to:0.04314110055565834 and:0.032860010862350464 :0.09662479907274246 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.08958052098751068 to:0.03407007083296776 was:0.03394196555018425 of:0.03161013126373291 :0.2653336822986603 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -A:0.10634181648492813 The:0.09643789380788803 A.:0.041826702654361725 Oats:0.0343615896999836 :0.212876096367836 -of:0.23417498171329498 in:0.08349113911390305 to:0.04763532429933548 for:0.03891903534531593 :0.039770469069480896 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -Louis:0.32897865772247314 Louis,:0.11908909678459167 Paul,:0.07306624948978424 Paul:0.06327362358570099 :0.21800388395786285 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.06537821888923645 in:0.028995638713240623 of:0.024418290704488754 mining:0.019912365823984146 :0.18069829046726227 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -people:0.03136385977268219 and:0.01538049802184105 people,:0.008467555977404118 flag:0.008037121966481209 :0.41985195875167847 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.016291771084070206 was:0.013952851295471191 to:0.013747919350862503 .:0.012156379409134388 :0.38293755054473877 -as:0.2651868164539337 from:0.0762321949005127 beyond:0.0325518436729908 more:0.031949158757925034 :0.0632418766617775 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -17,:0.02366539277136326 and:0.021067053079605103 election.:0.01969694346189499 1,:0.01885925978422165 :0.361956924200058 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.31503355503082275 but:0.047284308820962906 the:0.03868468850851059 or:0.03205656260251999 :0.05233237147331238 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -ago:0.12396024912595749 of:0.11536110192537308 ago.:0.0523359440267086 ago,:0.05031469464302063 :0.06862995773553848 -the:0.060671038925647736 a:0.01552096102386713 that:0.014593787491321564 tho:0.01434879470616579 :0.25237518548965454 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -and:0.039675477892160416 party:0.020606327801942825 parties:0.01848437264561653 power:0.010759313590824604 :0.34491583704948425 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ported:0.015230221673846245 -:0.012845451943576336 ceived:0.011994919739663601 the:0.009082532487809658 :0.4463033080101013 -of:0.3019554018974304 and:0.10280385613441467 to:0.033293917775154114 from:0.02099265716969967 :0.09853854030370712 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -of:0.4655577838420868 to:0.08667701482772827 over:0.04638833925127983 in:0.035220466554164886 :0.02658485248684883 -The:0.14745421707630157 It:0.055902864784002304 In:0.041307076811790466 A:0.030012385919690132 :0.2821171283721924 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.07409289479255676 of:0.063461072742939 and:0.05475687235593796 from:0.03922978416085243 :0.08961320668458939 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -described:0.20031827688217163 in:0.05101696774363518 and:0.03527555614709854 conveyed:0.03353802487254143 :0.06424814462661743 -of:0.1446121484041214 to:0.11216197162866592 the:0.0912613794207573 and:0.04868008941411972 :0.061999138444662094 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -new:0.029597237706184387 to:0.028195766732096672 of:0.02597043849527836 on:0.023288799449801445 :0.23113460838794708 -to:0.9574699997901917 lo:0.0035287654027342796 for:0.0026491142343729734 in:0.0014484639978036284 :0.008783673867583275 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.203014075756073 and:0.04571348801255226 to:0.03866835683584213 with:0.03252645581960678 :0.08168720453977585 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -of:0.4838917553424835 section:0.10213741660118103 and:0.04308859258890152 ot:0.012268823571503162 :0.16338862478733063 -the:0.020649105310440063 of:0.014943127520382404 a:0.014446763321757317 to:0.010476849973201752 :0.3380710780620575 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -to:0.15515314042568207 for:0.04343928396701813 thanks:0.039886217564344406 people.:0.021371595561504364 :0.19467857480049133 -by:0.09452427923679352 of:0.09068486094474792 and:0.08980915695428848 the:0.05431133136153221 :0.11601066589355469 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1978667825460434 the:0.03179940581321716 or:0.02342790737748146 in:0.019723515957593918 :0.08941203355789185 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -of:0.09431323409080505 and:0.05645202472805977 to:0.029411759227514267 the:0.021856015548110008 :0.1517757922410965 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -been:0.07629714906215668 be:0.0499790757894516 had:0.025709202513098717 have:0.022763649001717567 :0.12283376604318619 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -after:0.07291223108768463 to:0.03904963284730911 on:0.022170696407556534 upon:0.019063610583543777 :0.17381255328655243 -to:0.040907006710767746 in:0.033568959683179855 increased:0.02659842185676098 reduced:0.013382034376263618 :0.41531768441200256 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -W:0.25340765714645386 E:0.036630723625421524 40:0.024916719645261765 30:0.020402831956744194 :0.2507835328578949 -of:0.5529398918151855 and:0.02730710431933403 is:0.026382997632026672 that:0.019593074917793274 :0.032357968389987946 -and:0.14759008586406708 the:0.0387558750808239 to:0.03332141786813736 but:0.029653631150722504 :0.09510361403226852 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -to:0.20245017111301422 and:0.1514749825000763 on:0.09711378067731857 at:0.033222414553165436 :0.06553995609283447 -The:0.1427801102399826 It:0.09446617215871811 I:0.04449068009853363 There:0.027504045516252518 :0.13628500699996948 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -bank:0.03605080023407936 banks:0.02456444874405861 and:0.018488572910428047 banks,:0.01766921393573284 :0.2738323211669922 -The:0.1376841813325882 It:0.054790228605270386 A:0.03187700733542442 In:0.031078306958079338 :0.09991426020860672 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.1488010138273239 but:0.04388505965471268 the:0.023438893258571625 or:0.020777415484189987 :0.16088879108428955 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -of:0.11213908344507217 in:0.08467806875705719 and:0.052356645464897156 to:0.034491825848817825 :0.10671209543943405 -to:0.3099905252456665 and:0.07288113236427307 in:0.05173218622803688 at:0.04259250685572624 :0.03966064378619194 -to:0.28481239080429077 in:0.05711288005113602 and:0.05352068692445755 as:0.026368938386440277 :0.15908914804458618 -and:0.10588747262954712 of:0.10571115463972092 in:0.04682695493102074 is:0.0438498929142952 :0.03852594643831253 -by:0.15807420015335083 the:0.14108219742774963 a:0.09975672513246536 in:0.03056993894279003 :0.045812446624040604 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.13689792156219482 him:0.09644772112369537 them:0.08682207018136978 a:0.04361420497298241 :0.09754884243011475 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -up:0.18680962920188904 out:0.051124315708875656 in:0.0390222892165184 a:0.03761335834860802 :0.04113825410604477 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.141706645488739 and:0.07807163894176483 is:0.03491096571087837 in:0.03330741822719574 :0.04852978140115738 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -and:0.07517554610967636 as:0.053131405264139175 of:0.05038343369960785 into:0.04785841330885887 :0.05903514847159386 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -or:0.06559932976961136 hundred:0.061062559485435486 years:0.05509605258703232 and:0.030842231586575508 :0.20644277334213257 -of:0.10203536599874496 and:0.057827889919281006 for:0.04089969024062157 at:0.03994546830654144 :0.06780358403921127 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -he:0.03273729607462883 the:0.025790724903345108 of:0.020090339705348015 be:0.01200561597943306 :0.2891792058944702 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -Mary:0.025422846898436546 Helen:0.022200066596269608 Lillian:0.019124018028378487 Edith:0.012659045867621899 :0.522648811340332 -in:0.17591018974781036 on:0.12490423023700714 at:0.1245015412569046 In:0.04147452116012573 :0.054676447063684464 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.016291771084070206 was:0.013952851295471191 to:0.013747919350862503 .:0.012156379409134388 :0.38293755054473877 -of:0.051693905144929886 the:0.028269333764910698 to:0.024869505316019058 and:0.021218568086624146 :0.28655627369880676 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -with:0.2921222746372223 between:0.1277138739824295 of:0.055966880172491074 was:0.033714208751916885 :0.04397864267230034 -been:0.07282642275094986 a:0.04406576603651047 the:0.04276924580335617 no:0.03087655082345009 :0.16256862878799438 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.04044412076473236 of:0.010303331539034843 Henderson:0.009851709939539433 the:0.008966953493654728 :0.2573808431625366 -the:0.032656315714120865 e:0.024912230670452118 to:0.022702429443597794 ranged:0.015165358781814575 :0.32144126296043396 -and:0.1006554439663887 to:0.034610968083143234 valley,:0.021313989534974098 is:0.01882402040064335 :0.2415948212146759 -of:0.19358797371387482 the:0.07057254761457443 and:0.04492694512009621 that:0.04146382212638855 :0.08824416995048523 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -that:0.25592052936553955 the:0.15780766308307648 what:0.04121917113661766 it:0.034496527165174484 :0.048570968210697174 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -who:0.308531790971756 of:0.0703386664390564 in:0.021768072620034218 that:0.01657738909125328 :0.1333772838115692 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.4892599880695343 and:0.045130569487810135 by:0.02706266939640045 the:0.019929392263293266 :0.041178684681653976 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -from:0.10348640382289886 slave:0.0918562039732933 slaves,:0.02686283178627491 at:0.024637171998620033 :0.11957158893346786 -The:0.044668328016996384 I:0.03783291578292847 It:0.029163293540477753 He:0.028444016352295876 :0.22007761895656586 -by:0.0873885527253151 up:0.08260370790958405 with:0.05204895883798599 in:0.04939310997724533 :0.06630036979913712 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -to:0.22180534899234772 and:0.056648921221494675 done:0.04947857931256294 was:0.04445140063762665 :0.048884231597185135 -to:0.1770935207605362 above:0.0834425538778305 of:0.08211614936590195 in:0.04307474568486214 :0.07087589800357819 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.0720735713839531 in:0.03319023922085762 as:0.024005765095353127 regret:0.02323935553431511 :0.276746928691864 -The:0.12516064941883087 It:0.06144906207919121 He:0.038055021315813065 There:0.03489658236503601 :0.12819059193134308 -ployed:0.04450249671936035 .:0.0027264009695500135 -:0.002391083864495158 I:0.0010706925531849265 :0.9047476053237915 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -mal:0.04740491509437561 mated:0.004413069225847721 the:0.003040553070604801 a:0.0022001834586262703 :0.8598808646202087 -on:0.15005894005298615 upon:0.06995580345392227 in:0.06518086045980453 the:0.0567227303981781 :0.06119231507182121 -of:0.5986672639846802 and:0.04402903839945793 to:0.021816875785589218 in:0.013306355103850365 :0.04263952374458313 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -from:0.20923231542110443 the:0.12269391119480133 and:0.07849901914596558 for:0.047033291310071945 :0.04458818957209587 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -to:0.10428117960691452 upon:0.09748611599206924 the:0.09490382671356201 for:0.04762966185808182 :0.1430780589580536 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.1117723137140274 to:0.07719077914953232 and:0.07013803720474243 with:0.02527669072151184 :0.15318869054317474 -of:0.1177205741405487 which:0.10188546776771545 and:0.08121638745069504 in:0.07724656164646149 :0.07893434911966324 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -the:0.020137004554271698 of:0.01950620673596859 is:0.018718335777521133 a:0.014140231534838676 :0.31716296076774597 -years:0.0784083902835846 or:0.044089969247579575 hundred:0.028000427410006523 successive:0.024910900741815567 :0.16574934124946594 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -plat:0.02252400480210781 and:0.02021769806742668 lot:0.018755437806248665 location:0.00972508080303669 :0.3723936080932617 -of:0.3226928114891052 to:0.1757085919380188 and:0.10419944673776627 in:0.03327665105462074 :0.024764129891991615 -and:0.07714500278234482 of:0.054641954600811005 has:0.04632885009050369 is:0.045262765139341354 :0.11869468539953232 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -auction:0.02915082313120365 auction,:0.02451956272125244 school:0.020690185949206352 and:0.020127294585108757 :0.21887941658496857 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.164275661110878 is:0.056853100657463074 was:0.047048307955265045 of:0.046487584710121155 :0.05594378337264061 -and:0.14551569521427155 of:0.08872193843126297 in:0.08491531759500504 is:0.059638332575559616 :0.045130085200071335 -that:0.5705025792121887 the:0.13689646124839783 when:0.01910874806344509 to:0.019100356847047806 :0.0186967384070158 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.1924184262752533 to:0.11261213570833206 for:0.06520941108465195 and:0.05303100869059563 :0.04955822974443436 -and:0.074649378657341 to:0.07264310866594315 in:0.05573257431387901 that:0.031930796802043915 :0.09227880090475082 -the:0.29389289021492004 a:0.05665617063641548 to:0.047457337379455566 and:0.028424980118870735 :0.1097216084599495 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.5643428564071655 to:0.048218145966529846 and:0.02455354481935501 in:0.020881634205579758 :0.025359973311424255 -one:0.052963726222515106 man:0.02280638925731182 day:0.022091107442975044 other:0.014896808192133904 :0.22217898070812225 -the:0.020137004554271698 of:0.01950620673596859 is:0.018718335777521133 a:0.014140231534838676 :0.31716296076774597 -and:0.16872534155845642 the:0.062306154519319534 in:0.049241382628679276 that:0.024711009114980698 :0.04907829686999321 -in:0.0638371929526329 as:0.05179714411497116 the:0.036639727652072906 if:0.03651094809174538 :0.06114502623677254 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -to:0.3461642861366272 and:0.09967990219593048 in:0.049498122185468674 for:0.04892140254378319 :0.042491815984249115 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.11768656224012375 are:0.09226855635643005 were:0.03430884703993797 had:0.03061225824058056 :0.0752384215593338 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -who:0.11014525592327118 of:0.10391675680875778 from:0.0977029949426651 in:0.03481251746416092 :0.060885414481163025 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.2574661672115326 &:0.03370607644319534 to:0.027135182172060013 in:0.018652815371751785 :0.1738142967224121 -to:0.3285079300403595 and:0.12614047527313232 by:0.08123057335615158 the:0.046271227300167084 :0.042050570249557495 -of:0.17220541834831238 and:0.1408044546842575 for:0.12675020098686218 in:0.05723816901445389 :0.038675762712955475 -of:0.3816056549549103 and:0.10494916141033173 which:0.034903205931186676 the:0.025838714092969894 :0.03423682227730751 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -a:0.010283667594194412 the:0.009843056090176105 to:0.009234092198312283 of:0.00864758063107729 :0.28567513823509216 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.11078117042779922 a:0.04739215970039368 to:0.04724182188510895 in:0.04221399128437042 :0.12349672615528107 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -described:0.09503408521413803 the:0.055370356887578964 is:0.01663540117442608 a:0.01415183488279581 :0.2086590677499771 -is:0.15476280450820923 was:0.07918627560138702 Is:0.02305437996983528 will:0.019818386062979698 :0.11869658529758453 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1125078871846199 is:0.03590475022792816 of:0.028551246970891953 was:0.02357841469347477 :0.13848178088665009 -and:0.07085387408733368 H.:0.02736496739089489 F.:0.024305075407028198 B.:0.021026089787483215 :0.3340131938457489 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.09299120306968689 of:0.07938957959413528 and:0.05245117098093033 the:0.04695473238825798 :0.07857552915811539 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2446083277463913 and:0.08683236688375473 to:0.051487505435943604 who:0.04095561057329178 :0.07379564642906189 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.1984053999185562 the:0.04335682839155197 but:0.03112872503697872 with:0.02761182375252247 :0.07470914721488953 -a:0.14249056577682495 the:0.14247962832450867 of:0.035156454890966415 an:0.029168497771024704 :0.11972954869270325 -and:0.145039901137352 the:0.04649188369512558 which:0.02785734087228775 where:0.01935845986008644 :0.05890693515539169 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.6003245711326599 that:0.22921881079673767 the:0.008632788434624672 that,:0.006859897635877132 :0.010797661729156971 -not:0.520152747631073 the:0.028544344007968903 he:0.012468121014535427 in:0.009819873608648777 :0.06437556445598602 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.32901057600975037 in:0.05696007236838341 by:0.039709798991680145 and:0.027784250676631927 :0.16546516120433807 -and:0.23947937786579132 which:0.03977618366479874 the:0.03357084095478058 or:0.026773396879434586 :0.06553345173597336 -the:0.2264314442873001 a:0.0474480539560318 him:0.03458879142999649 them:0.023873448371887207 :0.22993206977844238 -best:0.011094905436038971 first:0.008248675614595413 same:0.005816253367811441 most:0.005270459223538637 :0.31521183252334595 -and:0.169135183095932 which:0.10348526388406754 the:0.057367049157619476 but:0.04465758800506592 :0.06369960308074951 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -that:0.39021947979927063 the:0.08295987546443939 in:0.05408840253949165 it:0.04457901790738106 :0.035529933869838715 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -to:0.13582545518875122 of:0.09218113124370575 that:0.06874774396419525 the:0.05905004218220711 :0.06800112873315811 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -own:0.04195336252450943 answer:0.009210593067109585 friends:0.0059311119839549065 money:0.005459604784846306 :0.21357011795043945 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.0960155799984932 to:0.06035367399454117 Block:0.03833146020770073 car:0.023061910644173622 :0.18898244202136993 -d:0.06307753920555115 the:0.06253193318843842 a:0.03702826052904129 to:0.010599956847727299 :0.31794288754463196 -and:0.1172264963388443 in:0.058809638023376465 on:0.0501682423055172 the:0.04598062112927437 :0.06097819283604622 -a:0.0812002420425415 the:0.07127150893211365 to:0.06758715212345123 them:0.03861260041594505 :0.07499213516712189 -at:0.10715604573488235 upon:0.06680180132389069 for:0.056041620671749115 after:0.04583354294300079 :0.06915987282991409 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -.:0.11744508147239685 the:0.065430648624897 .,:0.06000164523720741 a:0.022781655192375183 :0.2174055576324463 -a:0.0899466723203659 the:0.07284276932477951 any:0.06332673877477646 being:0.01404645573347807 :0.24706797301769257 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.11025992780923843 It:0.056819550693035126 I:0.03605329990386963 There:0.03328348696231842 :0.1664714813232422 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -Christ:0.11582265794277191 Christ.:0.09861656278371811 and:0.0422835610806942 Christ,:0.03923933953046799 :0.10950277000665665 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.06322209537029266 a:0.0242884773761034 to:0.02155732363462448 he:0.018249301239848137 :0.17012540996074677 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -York:0.401128888130188 York,:0.08718613535165787 York.:0.03777214139699936 Orleans,:0.025607779622077942 :0.27619871497154236 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.03388125076889992 property:0.025415712967514992 life:0.010960359126329422 life,:0.010242195799946785 :0.37377744913101196 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ington:0.4902317225933075 ington,:0.19304583966732025 and:0.0036191155668348074 I:0.0026265797205269337 :0.2571057975292206 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.6259183287620544 and:0.026797421276569366 to:0.02280157245695591 are:0.017613466829061508 :0.026473870500922203 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.11078117042779922 a:0.04739215970039368 to:0.04724182188510895 in:0.04221399128437042 :0.12349672615528107 -and:0.10550037026405334 of:0.07933586090803146 to:0.0573376789689064 in:0.04065455123782158 :0.06085189804434776 -and:0.09675233066082001 of:0.06645508855581284 in:0.03704924136400223 the:0.03578222170472145 :0.09280648082494736 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.0428180955350399 and:0.041417695581912994 to:0.025988848879933357 the:0.016892673447728157 :0.2130153775215149 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.3122173249721527 and:0.04389271140098572 in:0.031625647097826004 is:0.030089035630226135 :0.041602008044719696 -to:0.749203622341156 to,:0.05048322677612305 to.:0.04199243709445 the:0.013574017211794853 :0.038858477026224136 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.2845490872859955 dollars:0.055477872490882874 yards:0.04543561860918999 feet:0.021125484257936478 :0.16273267567157745 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -of:0.07900337874889374 and:0.07105786353349686 are:0.06106757000088692 in:0.05451677739620209 :0.0798928439617157 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.2305741161108017 but:0.06119811162352562 I:0.04989057406783104 as:0.03576718270778656 :0.10172630101442337 -to:0.040907006710767746 in:0.033568959683179855 increased:0.02659842185676098 reduced:0.013382034376263618 :0.41531768441200256 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -auction:0.02915082313120365 auction,:0.02451956272125244 school:0.020690185949206352 and:0.020127294585108757 :0.21887941658496857 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.23374390602111816 but:0.04880879074335098 the:0.029998688027262688 as:0.022745534777641296 :0.10033293068408966 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -coast:0.05222674459218979 Railroad:0.05127421021461487 and:0.045917678624391556 Railroad,:0.03160516917705536 :0.25229135155677795 -and:0.21946848928928375 the:0.0460115410387516 but:0.039461273699998856 as:0.026940561830997467 :0.07500888407230377 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -the:0.15524160861968994 a:0.08469796180725098 up:0.03953614458441734 care:0.03166709840297699 :0.08760204911231995 -and:0.16117560863494873 but:0.06297670304775238 the:0.037301238626241684 to:0.029338378459215164 :0.07634317874908447 -of:0.1035505011677742 in:0.08836616575717926 to:0.05479814484715462 and:0.051092591136693954 :0.04373447597026825 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -of:0.41975340247154236 and:0.11614673584699631 as:0.03018265590071678 that:0.021707741543650627 :0.03502047434449196 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -of:0.07933368533849716 were:0.059588655829429626 adopted:0.04519745707511902 for:0.03246300294995308 :0.13947990536689758 -in:0.10195839405059814 days:0.033966515213251114 part:0.03120974451303482 and:0.022123118862509727 :0.1931469589471817 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -of:0.6323431134223938 and:0.048353880643844604 ot:0.016222437843680382 in:0.01570109650492668 :0.018711190670728683 -and:0.24940785765647888 but:0.05016046762466431 the:0.03498193994164467 or:0.020864518359303474 :0.1955663561820984 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.027679985389113426 at:0.026796821504831314 the:0.02464049868285656 to:0.02345702238380909 :0.1609565168619156 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.23451413214206696 a:0.13483302295207977 to:0.02796710841357708 of:0.024841615930199623 :0.09951531141996384 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -The:0.13681669533252716 It:0.041179925203323364 I:0.03838694840669632 In:0.030357034876942635 :0.19285215437412262 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -of:0.1035505011677742 in:0.08836616575717926 to:0.05479814484715462 and:0.051092591136693954 :0.04373447597026825 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.07956166565418243 death.:0.06623486429452896 he:0.036230962723493576 death:0.027309183031320572 :0.1341678947210312 -of:0.42437544465065 for:0.0995660275220871 to:0.08189616352319717 and:0.0599813386797905 :0.035732023417949677 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -ways:0.15397505462169647 ready:0.13952670991420746 lowed:0.10723552852869034 most:0.1023068055510521 :0.17956550419330597 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.44452470541000366 them:0.03702633082866669 those:0.030101561918854713 other:0.024286722764372826 :0.06483293324708939 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -from:0.11242005974054337 of:0.06900039315223694 to:0.059073787182569504 and:0.05690814554691315 :0.2038225531578064 -the:0.06322209537029266 a:0.0242884773761034 to:0.02155732363462448 he:0.018249301239848137 :0.17012540996074677 -of:0.1507956087589264 the:0.14529670774936676 they:0.11601331830024719 it:0.0833960622549057 :0.05581556260585785 -the:0.16513924300670624 that:0.13613981008529663 what:0.04049627110362053 a:0.036764953285455704 :0.06664542853832245 -the:0.207133486866951 they:0.09562363475561142 he:0.0936054065823555 it:0.04463839903473854 :0.0762997418642044 -It:0.06712958961725235 The:0.03790195286273956 I:0.022769348695874214 Why:0.021621443331241608 :0.24468444287776947 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.08607687056064606 and:0.08114679902791977 was:0.030885031446814537 from:0.02714182808995247 :0.11471718549728394 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.5077712535858154 to:0.06394913047552109 due:0.026102503761649132 claimed:0.015018803998827934 :0.03458837419748306 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.037373028695583344 little:0.03222440555691719 and:0.03168280050158501 young:0.02472834661602974 :0.11457909643650055 -to:0.12555250525474548 from:0.07405679672956467 by:0.06459669768810272 in:0.05567841976881027 :0.06057837978005409 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -to:0.2396187037229538 of:0.11983443051576614 against:0.0675213634967804 and:0.05831442400813103 :0.0467870719730854 -for:0.1256147027015686 with:0.06453326344490051 to:0.06162545084953308 and:0.04591522738337517 :0.07443532347679138 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.010283667594194412 the:0.009843056090176105 to:0.009234092198312283 of:0.00864758063107729 :0.28567513823509216 -the:0.16081133484840393 to:0.12296096235513687 and:0.06147054582834244 on:0.044364649802446365 :0.06571459025144577 -and:0.10881178826093674 of:0.07734343409538269 were:0.04806830734014511 to:0.038983263075351715 :0.08492846041917801 -the:0.46960192918777466 said:0.05490652471780777 with:0.04851846769452095 a:0.021907592192292213 :0.05261163040995598 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -as:0.11812012642621994 shall:0.08948690444231033 to:0.07052319496870041 and:0.05611559376120567 :0.06792056560516357 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -2:0.1300414502620697 1:0.04996919259428978 1,:0.045693445950746536 3:0.027863943949341774 :0.26117345690727234 -ways:0.15397505462169647 ready:0.13952670991420746 lowed:0.10723552852869034 most:0.1023068055510521 :0.17956550419330597 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.20273269712924957 the:0.04195038229227066 which:0.033470600843429565 as:0.030129417777061462 :0.039675381034612656 -much:0.08464746922254562 to:0.08419680595397949 the:0.08266311138868332 they:0.0423126183450222 :0.08944229781627655 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.0648307278752327 of:0.04718853160738945 in:0.04090535268187523 to:0.040723808109760284 :0.10770276188850403 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.1863635629415512 the:0.08463384211063385 by:0.08453454077243805 suicide:0.07812069356441498 :0.07026452571153641 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.06211749464273453 Western:0.05979464203119278 was:0.04904356598854065 extra:0.04732421040534973 :0.14428550004959106 -and:0.21392108500003815 but:0.05740419402718544 the:0.023598073050379753 that:0.015073040500283241 :0.045121438801288605 -in:0.5144662261009216 In:0.13460735976696014 on:0.08091014623641968 and:0.044817306101322174 :0.022469792515039444 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.027679985389113426 at:0.026796821504831314 the:0.02464049868285656 to:0.02345702238380909 :0.1609565168619156 -and:0.13740135729312897 but:0.1053457036614418 the:0.0639919638633728 that:0.052458569407463074 :0.06359007954597473 -and:0.0859035775065422 or:0.06181015074253082 to:0.04127000644803047 of:0.030793678015470505 :0.18863548338413239 -in:0.16954107582569122 In:0.034637484699487686 as:0.03365715593099594 at:0.032579366117715836 :0.14366619288921356 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.15909218788146973 out:0.05340169370174408 about:0.04949793592095375 the:0.04316485673189163 :0.057520657777786255 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -on:0.15005894005298615 upon:0.06995580345392227 in:0.06518086045980453 the:0.0567227303981781 :0.06119231507182121 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -health.:0.040147922933101654 and:0.02903975360095501 safety.:0.020022252574563026 the:0.0172054935246706 :0.3528153598308563 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -He:0.09556804597377777 The:0.07419736683368683 I:0.03664061799645424 It:0.03552316501736641 :0.15053889155387878 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.05407831445336342 a:0.028689512982964516 in:0.011379025876522064 he:0.010096494108438492 :0.1971239298582077 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -a:0.08588302135467529 the:0.0812796875834465 one:0.05309787020087242 about:0.04180428013205528 :0.21251629292964935 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.145135298371315 Minnesota,:0.030054181814193726 the:0.029609858989715576 Iowa,:0.023028314113616943 :0.11404143273830414 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -estate:0.22713787853717804 estate,:0.06741316616535187 and:0.0445021316409111 property:0.03543020039796829 :0.22407925128936768 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -the:0.2916799783706665 a:0.060672737658023834 any:0.02592349797487259 and:0.024585431441664696 :0.08616013824939728 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.08222077786922455 that:0.08049468696117401 of:0.06272981315851212 for:0.05302389711141586 :0.06559636443853378 -years:0.10627036541700363 days:0.06763610243797302 o'clock:0.047235917299985886 per:0.03206649050116539 :0.19858530163764954 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -to:0.17023266851902008 of:0.1681077778339386 and:0.028815941885113716 for:0.02448206953704357 :0.1556764394044876 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.024868208914995193 John:0.016977384686470032 Pierce's:0.016448376700282097 J.:0.015136649832129478 :0.5590976476669312 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.10195839405059814 days:0.033966515213251114 part:0.03120974451303482 and:0.022123118862509727 :0.1931469589471817 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.24884828925132751 of:0.11955544352531433 and:0.053410835564136505 angles:0.03276120871305466 :0.07252483069896698 -of:0.2545529007911682 and:0.04610564187169075 to:0.03157515078783035 was:0.012815327383577824 :0.3383030295372009 -the:0.07084774971008301 to:0.06067322567105293 a:0.04834971949458122 in:0.043097347021102905 :0.054540976881980896 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.18891093134880066 he:0.0743577852845192 it:0.06642676889896393 they:0.04771428555250168 :0.10205920040607452 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -John:0.11590348929166794 James:0.04879795387387276 Henry:0.04477798566222191 William:0.04361411929130554 :0.34426194429397583 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.013084606267511845 to:0.010564376600086689 a:0.008844436146318913 and:0.007963375188410282 :0.5135587453842163 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -18,:0.1538030058145523 and:0.04270368814468384 that:0.015143734402954578 block:0.015092208050191402 :0.3137895464897156 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.016030950471758842 that:0.006414716597646475 a:0.003958251792937517 of:0.003907063975930214 :0.524213433265686 -years:0.053588785231113434 or:0.049720849841833115 hundred:0.032202597707509995 of:0.03051123209297657 :0.21560759842395782 -and:0.15588611364364624 for:0.07042981684207916 in:0.06388475000858307 to:0.05469648912549019 :0.08007698506116867 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.45039260387420654 is:0.065207339823246 was:0.037931110709905624 and:0.02738032676279545 :0.04715842381119728 -miles:0.06006138399243355 yards:0.04899155721068382 pounds:0.03981012478470802 acres:0.037383031100034714 :0.18008090555667877 -to:0.18730385601520538 the:0.07047123461961746 and:0.04760002717375755 of:0.041983168572187424 :0.07881133258342743 -and:0.05272258073091507 or:0.00928285252302885 in:0.009232443757355213 to:0.004021683242172003 :0.4404076337814331 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -or:0.13417109847068787 who:0.10369283705949783 shall:0.056526217609643936 to:0.05461915582418442 :0.05926255136728287 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.11793607473373413 and:0.0958556979894638 in:0.06378348916769028 to:0.040983233600854874 :0.16209670901298523 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -years:0.12025433778762817 days:0.0857079029083252 miles:0.039293672889471054 or:0.025202544406056404 :0.23778705298900604 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -the:0.10532162338495255 to:0.05758138746023178 of:0.033170487731695175 a:0.03080001473426819 :0.10229098796844482 -of:0.42924636602401733 and:0.10826386511325836 in:0.09492277354001999 to:0.03579467535018921 :0.046699684113264084 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.8612180948257446 ot:0.0211128368973732 ol:0.012700550258159637 oi:0.006858630571514368 :0.013687996193766594 -the:0.07956166565418243 death.:0.06623486429452896 he:0.036230962723493576 death:0.027309183031320572 :0.1341678947210312 -that:0.07236198335886002 I:0.07075849920511246 the:0.04693528637290001 it:0.03298375383019447 :0.07484614104032516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.03127415105700493 and:0.01589454524219036 .:0.01528619509190321 to:0.014104236848652363 :0.37127217650413513 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -and:0.16596151888370514 who:0.05103028938174248 the:0.03918812423944473 to:0.02584424987435341 :0.10043229162693024 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -for:0.18904580175876617 the:0.09810467064380646 that:0.09525629878044128 to:0.03763356804847717 :0.10060802102088928 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -to:0.022751586511731148 and:0.02228870987892151 TO:0.01888180337846279 .:0.01787532866001129 :0.4940255284309387 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -eral:0.626573383808136 erally:0.05743088945746422 en:0.01878545433282852 -:0.005551058333367109 :0.1725948452949524 -the:0.19919350743293762 this:0.06049472838640213 a:0.041868019849061966 it.:0.03737030178308487 :0.03945193812251091 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.10816779732704163 to:0.05309121683239937 for:0.03989104926586151 in:0.02834278903901577 :0.11352939158678055 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.1199399083852768 had:0.09387841820716858 has:0.042880017310380936 is:0.035394374281167984 :0.10805658996105194 -of:0.6878542900085449 and:0.012551588006317616 ot:0.009961642324924469 in:0.007719885557889938 :0.04729514941573143 -of:0.09911122173070908 to:0.06707300990819931 was:0.05697224289178848 and:0.04342954233288765 :0.0844968631863594 -and:0.17759546637535095 but:0.04270131140947342 in:0.03082040324807167 or:0.026584601029753685 :0.11520835757255554 -to:0.08475599437952042 that:0.07605068385601044 of:0.055467020720243454 in:0.05342980474233627 :0.07746848464012146 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -cents:0.15896600484848022 per:0.05812278762459755 cents,:0.05483294278383255 to:0.04393184930086136 :0.14675742387771606 -of:0.09586070477962494 on:0.048110995441675186 the:0.04271059110760689 at:0.042643457651138306 :0.09487871825695038 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -Y.:0.15361984074115753 Y:0.04795600473880768 C:0.04214216023683548 J:0.03885355591773987 :0.23116667568683624 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.11078117042779922 a:0.04739215970039368 to:0.04724182188510895 in:0.04221399128437042 :0.12349672615528107 -all:0.1130373477935791 a:0.06593535840511322 every:0.05581777170300484 as:0.02507222443819046 :0.2325023114681244 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0899466723203659 the:0.07284276932477951 any:0.06332673877477646 being:0.01404645573347807 :0.24706797301769257 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.16918383538722992 money:0.1445780247449875 the:0.05920569226145744 and:0.04141831025481224 :0.06730666011571884 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -room:0.3011654317378998 room,:0.14954309165477753 room.:0.08149058371782303 at:0.03337614983320236 :0.07927867770195007 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.21331514418125153 the:0.1239723339676857 to:0.0550079308450222 that:0.02439114637672901 :0.146322101354599 -same:0.007847712375223637 United:0.007386963348835707 most:0.004855936858803034 city:0.004673869349062443 :0.2560567557811737 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.10394231975078583 in:0.050145912915468216 by:0.03537788242101669 the:0.028853127732872963 :0.14744025468826294 -in:0.05621325597167015 the:0.01968580298125744 and:0.018214667215943336 as:0.017305556684732437 :0.22155676782131195 -and:0.1693364828824997 but:0.05268711969256401 the:0.03831993415951729 in:0.022112417966127396 :0.057247668504714966 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.43262261152267456 the:0.05952709540724754 in:0.04093717411160469 for:0.02506745047867298 :0.038560058921575546 -.:0.017224440351128578 -:0.013245903886854649 e:0.013182943686842918 n:0.012991116382181644 :0.3863798975944519 -and:0.08240874111652374 to:0.04862254485487938 as:0.046559978276491165 that:0.043037112802267075 :0.1027112826704979 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -have:0.11768656224012375 are:0.09226855635643005 were:0.03430884703993797 had:0.03061225824058056 :0.0752384215593338 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -who:0.054154857993125916 citizens,:0.026641912758350372 citizens:0.026611631736159325 and:0.02151784487068653 :0.20593155920505524 -in:0.0751776248216629 to:0.05387088656425476 of:0.052293241024017334 into:0.033262595534324646 :0.060847409069538116 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -of:0.15918081998825073 and:0.06084674969315529 in:0.03257724642753601 to:0.02555825188755989 :0.31686878204345703 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.6376826167106628 meeting:0.02854657545685768 and:0.01826046220958233 ot:0.01418551616370678 :0.039333269000053406 -and:0.14901630580425262 is:0.06354058533906937 was:0.05442679300904274 in:0.04462694004178047 :0.0656728744506836 -to:0.09757678210735321 of:0.07780497521162033 shall:0.06995409727096558 or:0.06859631836414337 :0.054091136902570724 -of:0.06768263876438141 6,:0.020058101043105125 No.:0.011812473647296429 and:0.01176562998443842 :0.46499431133270264 -min.:0.09266931563615799 minutes:0.039177000522613525 deg.:0.03592941164970398 per:0.035074323415756226 :0.18501272797584534 -and:0.2265547215938568 the:0.04784424602985382 but:0.032045748084783554 which:0.02783661149442196 :0.05616946145892143 -The:0.11038322001695633 It:0.06495001167058945 I:0.05021463707089424 He:0.03638185188174248 :0.1570044308900833 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -that:0.19580808281898499 the:0.06366346776485443 a:0.04090047627687454 to:0.02135777287185192 :0.10899172723293304 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12775005400180817 the:0.04721731320023537 who:0.03150702640414238 but:0.031194454059004784 :0.05284483730792999 -and:0.08241525292396545 circles:0.012245441786944866 life:0.008696354925632477 to:0.008401722647249699 :0.34676483273506165 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.5067824125289917 to:0.06020672991871834 and:0.026340704411268234 in:0.016667796298861504 :0.0628213882446289 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.12171464413404465 It:0.06209897994995117 In:0.04004170745611191 A:0.03235752135515213 :0.1507728546857834 -to:0.6625485420227051 that:0.10203839093446732 be:0.023046232759952545 he:0.009937464259564877 :0.02245267480611801 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -The:0.14688734710216522 A:0.05843209847807884 It:0.03928434103727341 He:0.03682650625705719 :0.14289765059947968 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -and:0.022377999499440193 change:0.010764374397695065 increase:0.00908480491489172 loss:0.007885845378041267 :0.45957788825035095 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1932429075241089 and:0.11663550138473511 are:0.035708948969841 in:0.0267931055277586 :0.04073499143123627 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15802422165870667 a:0.0775974914431572 and:0.06466975808143616 by:0.04064314067363739 :0.05531109869480133 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.8008015751838684 and:0.02776533178985119 of:0.025525210425257683 or:0.010330362245440483 :0.012238629162311554 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -The:0.14228515326976776 It:0.05376531556248665 This:0.034140195697546005 In:0.03320503979921341 :0.12375430762767792 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.10196185111999512 and:0.09012620151042938 in:0.04188592731952667 is:0.04012121632695198 :0.07962978631258011 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -in:0.0822431892156601 and:0.08223102986812592 to:0.07497331500053406 with:0.041803278028964996 :0.09143580496311188 -.:0.30928006768226624 W:0.022530170157551765 H:0.014557861723005772 J:0.0135013023391366 :0.303859144449234 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -about:0.1651800572872162 of:0.16305074095726013 with:0.08483698219060898 to:0.07354966551065445 :0.07795168459415436 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.23979175090789795 a:0.031034329906105995 tho:0.022321950644254684 this:0.019696947187185287 :0.22795014083385468 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.29389289021492004 a:0.05665617063641548 to:0.047457337379455566 and:0.028424980118870735 :0.1097216084599495 -to:0.2937464416027069 for:0.07223230600357056 and:0.03711524233222008 in:0.019522670656442642 :0.02789783477783203 -of:0.1750575602054596 is:0.09048108011484146 in:0.04056324437260628 was:0.037136051803827286 :0.057170093059539795 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24441130459308624 a:0.046838775277137756 this:0.019510861486196518 tho:0.01732468046247959 :0.25683310627937317 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.04927146062254906 school:0.04163248464465141 as:0.0401715524494648 prices:0.017521396279335022 :0.1710171103477478 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2561500370502472 to:0.19282276928424835 at:0.11408116668462753 on:0.03654953092336655 :0.04502291604876518 -and:0.20082247257232666 the:0.04442572593688965 but:0.04035978019237518 as:0.031693167984485626 :0.07987748086452484 -and:0.10719255357980728 to:0.07800818979740143 for:0.04793524742126465 is:0.044055428355932236 :0.08156132698059082 -plies:0.22006383538246155 posed:0.1163557767868042 ply:0.107383593916893 plied:0.09700772911310196 :0.15478745102882385 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.02832677774131298 man:0.0189571101218462 fashioned:0.010256295092403889 age.:0.009680424816906452 :0.3170650601387024 -be:0.2578584551811218 not:0.03358340635895729 do:0.024384891614317894 bo:0.01854175329208374 :0.11540351063013077 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.1928063929080963 the:0.043010830879211426 but:0.030334552749991417 as:0.02434183843433857 :0.0675235167145729 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -of:0.2336590588092804 to:0.07142329961061478 in:0.06345381587743759 is:0.036463662981987 :0.0612981840968132 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.09083767980337143 in:0.06074661388993263 of:0.0358552560210228 the:0.03582907095551491 :0.08045097440481186 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.5736340880393982 to:0.0383063443005085 and:0.035683657974004745 in:0.02332204021513462 :0.03381559997797012 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.07576848566532135 in:0.033038705587387085 on:0.024907061830163002 the:0.021299829706549644 :0.24826951324939728 -of:0.22287075221538544 and:0.07354531437158585 in:0.024367477744817734 to:0.023403756320476532 :0.07093559205532074 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -the:0.21097929775714874 for:0.07584209740161896 a:0.045886725187301636 said:0.028614511713385582 :0.07246754318475723 -The:0.12499795854091644 It:0.08053175359964371 I:0.0369269885122776 He:0.03324968367815018 :0.19932428002357483 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -and:0.08222077786922455 that:0.08049468696117401 of:0.06272981315851212 for:0.05302389711141586 :0.06559636443853378 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.10737553238868713 of:0.09801214933395386 to:0.03686179965734482 which:0.030062878504395485 :0.07304331660270691 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.1199399083852768 had:0.09387841820716858 has:0.042880017310380936 is:0.035394374281167984 :0.10805658996105194 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -by:0.25862398743629456 to:0.17849352955818176 a:0.05640571936964989 at:0.05379176884889603 :0.047472063452005386 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.05695101246237755 of:0.036281291395425797 and:0.03316640853881836 to:0.032728005200624466 :0.20882754027843475 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -part:0.04785242676734924 and:0.024576589465141296 states:0.02452624961733818 line:0.020843762904405594 :0.2244759351015091 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -as:0.2177988737821579 to:0.17232200503349304 that:0.0753200426697731 and:0.041111938655376434 :0.06550521403551102 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.6490520238876343 the:0.0655071884393692 a:0.027356266975402832 by:0.012631385587155819 :0.07041916996240616 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -every:0.0454334132373333 a:0.0446772575378418 as:0.04280715063214302 entirely:0.02934308350086212 :0.2138059437274933 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -with:0.3356693983078003 to:0.053523950278759 that:0.05289263650774956 by:0.04993819445371628 :0.05937958136200905 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.20591773092746735 but:0.06214812025427818 the:0.026213577017188072 as:0.025386543944478035 :0.08680951595306396 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -day:0.03561704233288765 of:0.0342353992164135 time:0.03303401544690132 to:0.021134300157427788 :0.15742477774620056 -of:0.378737211227417 and:0.09680570662021637 are:0.06674305349588394 to:0.032395925372838974 :0.057527899742126465 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -m:0.4396766424179077 m.,:0.11169666796922684 m.:0.046339940279722214 in.:0.008083732798695564 :0.28205370903015137 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -der:0.2165156900882721 til:0.0826803669333458 able:0.019945666193962097 known:0.016644524410367012 :0.3191623091697693 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.4083186686038971 long,:0.03264504671096802 of:0.01989189349114895 In:0.019356127828359604 :0.1373298019170761 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.020649105310440063 of:0.014943127520382404 a:0.014446763321757317 to:0.010476849973201752 :0.3380710780620575 -ing:0.17513658106327057 fore:0.13267087936401367 cause:0.12962499260902405 tween:0.099709153175354 :0.10580803453922272 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.020791467279195786 of:0.016697613522410393 in:0.01140438299626112 to:0.011053306981921196 :0.21180182695388794 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -2:0.07402265816926956 one:0.06880094110965729 3:0.01930379681289196 1:0.019015289843082428 :0.24233442544937134 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -y:0.01995832845568657 ir:0.019868189468979836 and:0.00862768106162548 the:0.0063058785162866116 :0.2506798207759857 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -to:0.5843891501426697 by:0.08179838955402374 a:0.04134751111268997 the:0.03919104486703873 :0.022206148132681847 -party:0.2514079511165619 party,:0.1196979507803917 party.:0.01815715618431568 members:0.014893055893480778 :0.21687626838684082 -and:0.12527434527873993 B.:0.021852776408195496 E.:0.020042432472109795 W.:0.016474062576889992 :0.36158323287963867 -per:0.053887996822595596 to:0.05205395072698593 years:0.048120900988578796 cents:0.0474126860499382 :0.2046201378107071 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -result:0.028577376157045364 action:0.02083837240934372 passage:0.01923154667019844 decree:0.01877414807677269 :0.2969506084918976 -and:0.12440210580825806 the:0.05694055184721947 as:0.03341088816523552 to:0.026708660647273064 :0.07190972566604614 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -of:0.6376826167106628 meeting:0.02854657545685768 and:0.01826046220958233 ot:0.01418551616370678 :0.039333269000053406 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.16058467328548431 It:0.0697007104754448 He:0.030725644901394844 In:0.029674258083105087 :0.10079798847436905 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.21331514418125153 the:0.1239723339676857 to:0.0550079308450222 that:0.02439114637672901 :0.146322101354599 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -of:0.06195570528507233 the:0.0590856559574604 to:0.02416692115366459 in:0.023050256073474884 :0.09782084077596664 -the:0.43341735005378723 a:0.0633452907204628 tho:0.027144378051161766 which:0.025998953729867935 :0.08176284283399582 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.09732317924499512 who:0.056917455047369 but:0.036665916442871094 the:0.029078854247927666 :0.08125129342079163 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -or:0.24604003131389618 and:0.22129258513450623 the:0.028619039803743362 to:0.026182521134614944 :0.06034469231963158 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.0962703675031662 in:0.06579264998435974 of:0.05651649832725525 at:0.05132417380809784 :0.11417680233716965 -of:0.2995724380016327 is:0.04915042221546173 was:0.04320988804101944 that:0.03736812248826027 :0.04120790958404541 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -He:0.09556804597377777 The:0.07419736683368683 I:0.03664061799645424 It:0.03552316501736641 :0.15053889155387878 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.19442985951900482 in:0.09621938318014145 a:0.09239201247692108 the:0.06247321888804436 :0.09339988231658936 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.6635745167732239 and:0.04413929209113121 ot:0.01193774864077568 to:0.009302066639065742 :0.02355938032269478 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1385406255722046 to:0.11773397773504257 that:0.07174374163150787 and:0.06765718758106232 :0.06353837996721268 -and:0.15756826102733612 the:0.04952697083353996 where:0.04796192795038223 at:0.02738608792424202 :0.12619221210479736 -and:0.09212981164455414 was:0.06624985486268997 of:0.041195888072252274 is:0.03977977856993675 :0.1024131327867508 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.38458773493766785 to:0.1420987993478775 in:0.04781346395611763 and:0.03612617403268814 :0.03565330058336258 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -of:0.273642361164093 to:0.05639013275504112 from:0.0444425567984581 was:0.03275790438055992 :0.0484980009496212 -be:0.3197149634361267 see:0.020124852657318115 bo:0.014944136142730713 do:0.01398740615695715 :0.1449533998966217 -who:0.12407079339027405 of:0.08138538151979446 and:0.06571182608604431 in:0.05156034603714943 :0.07582911103963852 -Episcopal:0.04078930616378784 and:0.040533583611249924 Church:0.019039133563637733 Church,:0.018958495929837227 :0.3088178038597107 -12,:0.04178783297538757 and:0.030972670763731003 12.:0.027789976447820663 in:0.018782544881105423 :0.3649335205554962 -and:0.19267278909683228 the:0.06915289908647537 but:0.03123854100704193 to:0.030866330489516258 :0.10218153148889542 -a:0.027395861223340034 the:0.022504489868879318 made:0.0182606503367424 no:0.008585826493799686 :0.2783674895763397 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.11303455382585526 of:0.09532830864191055 and:0.05156968906521797 the:0.03205724433064461 :0.05871444568037987 -to:0.25275489687919617 into:0.05258530378341675 on:0.04576890915632248 out:0.03537292405962944 :0.08202541619539261 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -of:0.13416483998298645 on:0.13144995272159576 to:0.07428006082773209 was:0.044878944754600525 :0.061019062995910645 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -to:0.09299120306968689 of:0.07938957959413528 and:0.05245117098093033 the:0.04695473238825798 :0.07857552915811539 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -of:0.48393943905830383 to:0.11072145402431488 the:0.0389530286192894 from:0.03672981262207031 :0.0438118577003479 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.26423677802085876 and:0.06661496311426163 issued:0.0569632351398468 to:0.037109993398189545 :0.030754145234823227 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -York:0.401128888130188 York,:0.08718613535165787 York.:0.03777214139699936 Orleans,:0.025607779622077942 :0.27619871497154236 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -of:0.10550924390554428 the:0.05972420051693916 he:0.0439058318734169 to:0.04389683157205582 :0.07139364629983902 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.10818829387426376 was:0.0662282183766365 to:0.04928357154130936 of:0.046436697244644165 :0.21553990244865417 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.07481495290994644 have:0.03649904951453209 be:0.03611213341355324 to:0.031508997082710266 :0.2045518159866333 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -same:0.008030792698264122 most:0.006648487411439419 present:0.005808359477669001 first:0.0056433649733662605 :0.4828549921512604 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -matter:0.09621050953865051 and:0.04175799340009689 matter,:0.0371088869869709 curiosity:0.007878839038312435 :0.3729584813117981 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -H.:0.0361349880695343 W:0.029154006391763687 A.:0.022741029039025307 L.:0.02208847552537918 :0.34149250388145447 -a:0.21331514418125153 the:0.1239723339676857 to:0.0550079308450222 that:0.02439114637672901 :0.146322101354599 -be:0.06658535450696945 the:0.06280869990587234 not:0.03976982831954956 a:0.03703264892101288 :0.12188208848237991 -a:0.03465565666556358 the:0.02578466571867466 in:0.020485755056142807 to:0.015683354809880257 :0.181648388504982 -of:0.5750617980957031 was:0.029469048604369164 and:0.02689717710018158 from:0.0204263124614954 :0.023230474442243576 -of:0.10888688266277313 and:0.0834030732512474 to:0.044551897794008255 or:0.04384537786245346 :0.10858501493930817 -and:0.09778743237257004 of:0.03354557603597641 in:0.025832725688815117 was:0.023429377004504204 :0.18960845470428467 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -be:0.09684829413890839 have:0.04009316489100456 the:0.036980122327804565 a:0.027034368366003036 :0.14224377274513245 -the:0.21181827783584595 they:0.03641663119196892 in:0.03181426599621773 he:0.025803958997130394 :0.11875980347394943 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.04269462823867798 the:0.012391533702611923 to:0.011758632026612759 of:0.011477851308882236 :0.40850263833999634 -be:0.3217567205429077 have:0.08306805044412613 not:0.02450818568468094 bo:0.018155692145228386 :0.08178785443305969 -the:0.21181827783584595 they:0.03641663119196892 in:0.03181426599621773 he:0.025803958997130394 :0.11875980347394943 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.13130687177181244 of:0.040917862206697464 that:0.02065867930650711 other:0.015213118866086006 :0.1654224693775177 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -of:0.17405928671360016 and:0.04027867317199707 payment:0.02137117274105549 amount:0.018908385187387466 :0.17771503329277039 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.1036822497844696 It:0.039678674191236496 They:0.035104747861623764 I:0.034226398915052414 :0.139480322599411 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -to:0.1868155151605606 in:0.14946025609970093 and:0.0889790952205658 of:0.05390506982803345 :0.051405977457761765 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.17470978200435638 by:0.1055002361536026 and:0.0661175474524498 in:0.03140096366405487 :0.07090330868959427 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.12184097617864609 It:0.057634998112916946 In:0.03944728896021843 This:0.030896078795194626 :0.19672398269176483 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -same:0.008030792698264122 most:0.006648487411439419 present:0.005808359477669001 first:0.0056433649733662605 :0.4828549921512604 -morning:0.07261134684085846 and:0.07178562879562378 afternoon:0.04440302774310112 at:0.04028451070189476 :0.1093861311674118 -terest:0.09791754931211472 creased:0.034657128155231476 stead:0.019352013245224953 tended:0.01393384113907814 :0.5562260746955872 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -feet:0.29592519998550415 ft.:0.07276979088783264 feet,:0.029705820605158806 miles:0.01906283013522625 :0.1384577453136444 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -plication:0.07037754356861115 pointed:0.06815262883901596 peared:0.05621560290455818 pearance:0.051613155752420425 :0.5432822108268738 -to:0.3775440454483032 by:0.2687694728374481 the:0.03867929428815842 and:0.03417196124792099 :0.026794420555233955 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.2114507406949997 by:0.07593990862369537 him:0.04026998206973076 and:0.03793283551931381 :0.06828831881284714 -ing:0.13273988664150238 fore:0.09931561350822449 tween:0.08537130802869797 cause:0.08139321953058243 :0.19399063289165497 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -have:0.11768656224012375 are:0.09226855635643005 were:0.03430884703993797 had:0.03061225824058056 :0.0752384215593338 -and:0.18082886934280396 which:0.04999034106731415 the:0.04363833740353584 but:0.04299754649400711 :0.07983091473579407 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -or:0.06559932976961136 hundred:0.061062559485435486 years:0.05509605258703232 and:0.030842231586575508 :0.20644277334213257 -of:0.3787841498851776 and:0.12860101461410522 are:0.03871341422200203 for:0.02507004141807556 :0.03397365286946297 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -for:0.22244827449321747 to:0.11390415579080582 of:0.07108110934495926 are:0.06187666207551956 :0.05519381910562515 -in:0.41446080803871155 on:0.1567411869764328 In:0.08226677030324936 at:0.019911952316761017 :0.04625260829925537 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -in:0.21909978985786438 and:0.09383351355791092 are:0.06940631568431854 of:0.0558418408036232 :0.03892695531249046 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -every:0.0454334132373333 a:0.0446772575378418 as:0.04280715063214302 entirely:0.02934308350086212 :0.2138059437274933 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -The:0.1714760661125183 It:0.05821174383163452 There:0.04576719552278519 In:0.029576575383543968 :0.1315189152956009 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.29126420617103577 the:0.09671089053153992 by:0.05508492514491081 in:0.04432674124836922 :0.080545574426651 -mortgage:0.05025293305516243 that:0.04517735168337822 to:0.021400433033704758 tract:0.01857263781130314 :0.18469125032424927 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.11768656224012375 are:0.09226855635643005 were:0.03430884703993797 had:0.03061225824058056 :0.0752384215593338 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.2714492082595825 of:0.09158558398485184 are:0.06289446353912354 in:0.04768343269824982 :0.04481986537575722 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -the:0.0977126732468605 be:0.030491473153233528 a:0.018781078979372978 tho:0.012101409025490284 :0.1834961175918579 -to:0.08067654818296432 of:0.07582460343837738 In:0.07097193598747253 in:0.06184028089046478 :0.07799427211284637 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -said:0.008043844252824783 same:0.007028656080365181 United:0.005665518343448639 other:0.004477257374674082 :0.3926052153110504 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.06310665607452393 is:0.040187060832977295 to:0.03643888980150223 in:0.03172094374895096 :0.08356594294309616 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -the:0.10303860902786255 be:0.04694443568587303 a:0.03346903249621391 and:0.014942476525902748 :0.1700000911951065 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.30676376819610596 of:0.23261430859565735 is:0.025729143992066383 and:0.023288588970899582 :0.04119803011417389 -days:0.09621956199407578 years:0.05538815259933472 weeks:0.04355703666806221 of:0.04348035901784897 :0.1754269152879715 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -morning:0.13509178161621094 of:0.08009947836399078 night:0.06222734972834587 and:0.0422828234732151 :0.08432851731777191 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -who:0.308531790971756 of:0.0703386664390564 in:0.021768072620034218 that:0.01657738909125328 :0.1333772838115692 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -by:0.279829204082489 as:0.24720996618270874 in:0.07409173250198364 and:0.03969859331846237 :0.08434116840362549 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.6454043984413147 the:0.03704651817679405 a:0.016056692227721214 with:0.01558027882128954 :0.06504684686660767 -is:0.05544097721576691 the:0.05181301757693291 was:0.049773234874010086 we:0.03411084786057472 :0.11250317841768265 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -.:0.017224440351128578 -:0.013245903886854649 e:0.013182943686842918 n:0.012991116382181644 :0.3863798975944519 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.10653825104236603 and:0.07547571510076523 in:0.05597320944070816 as:0.041333701461553574 :0.07960792630910873 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.6334308981895447 and:0.057277169078588486 which:0.021219592541456223 to:0.018491173163056374 :0.045149099081754684 -to:0.30676376819610596 of:0.23261430859565735 is:0.025729143992066383 and:0.023288588970899582 :0.04119803011417389 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3422064185142517 a:0.0838821679353714 and:0.027231331914663315 his:0.026744848117232323 :0.0935588926076889 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -bor:0.3336977958679199 dies:0.049003180116415024 -:0.012852179817855358 boring:0.012798269279301167 :0.3368115723133087 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -of:0.1222306564450264 was:0.08834601193666458 is:0.06429117172956467 the:0.04584828019142151 :0.043432362377643585 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.19330905377864838 a:0.05524349585175514 of:0.03571860119700432 that:0.0224900022149086 :0.05708878114819527 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -M.:0.014686383306980133 B.:0.011490418575704098 H.:0.01127084530889988 A:0.010250836610794067 :0.6087127923965454 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.2601586580276489 at:0.17767812311649323 in:0.04386064037680626 to:0.03678380697965622 :0.04627407342195511 -of:0.2977848947048187 for:0.17684577405452728 to:0.13688015937805176 is:0.025356445461511612 :0.024685926735401154 -and:0.08872973918914795 was:0.040622733533382416 had:0.022500330582261086 of:0.021962380036711693 :0.2715277373790741 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.10229448974132538 who:0.06158745288848877 in:0.05822974815964699 shall:0.054919786751270294 :0.057666510343551636 -The:0.16058467328548431 It:0.0697007104754448 He:0.030725644901394844 In:0.029674258083105087 :0.10079798847436905 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -to:0.401702344417572 the:0.05298846587538719 a:0.048436231911182404 him:0.02565865032374859 :0.052962977439165115 -the:0.0977126732468605 be:0.030491473153233528 a:0.018781078979372978 tho:0.012101409025490284 :0.1834961175918579 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -to:0.3001945912837982 of:0.11656277626752853 for:0.04510864242911339 from:0.03386828303337097 :0.05188104510307312 -mand:0.05641615390777588 grees:0.03593277931213379 scribed:0.02867727540433407 partment:0.025207728147506714 :0.5335603356361389 -from:0.2569828927516937 with:0.07701340317726135 the:0.06771159172058105 and:0.051886849105358124 :0.046561531722545624 -a:0.11357429623603821 the:0.05947435274720192 so:0.037937574088573456 very:0.03652309626340866 :0.20173566043376923 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.04505181312561035 deg.:0.03710627555847168 and:0.02859051153063774 @:0.023351550102233887 :0.2927442491054535 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -The:0.11936238408088684 He:0.06564389169216156 It:0.0377691313624382 This:0.03490784391760826 :0.14259304106235504 -the:0.13507233560085297 this:0.03877519816160202 be:0.034165628254413605 make:0.027875056490302086 :0.2079787403345108 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -of:0.18898296356201172 from:0.07749760150909424 to:0.07118473947048187 in:0.04343632236123085 :0.05838330462574959 -and:0.09250210970640182 was:0.025330787524580956 engines:0.01962536759674549 in:0.017895210534334183 :0.3089997470378876 -of:0.21921350061893463 and:0.08599501848220825 was:0.043105922639369965 to:0.026376498863101006 :0.1053793877363205 -who:0.054154857993125916 citizens,:0.026641912758350372 citizens:0.026611631736159325 and:0.02151784487068653 :0.20593155920505524 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -of:0.5791653990745544 and:0.04322871193289757 in:0.022620638832449913 was:0.01736978441476822 :0.03145233169198036 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -and:0.07018698751926422 J:0.008366270922124386 Bryan:0.005921191070228815 A.:0.00505058141425252 :0.6059755682945251 -of:0.2981179654598236 that:0.12393449246883392 to:0.037915945053100586 in:0.03633212670683861 :0.06365128606557846 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -in:0.07330600172281265 up:0.05434029549360275 the:0.04008609801530838 on:0.03949630260467529 :0.09214796125888824 -been:0.1038718968629837 made:0.027577029541134834 a:0.020664958283305168 in:0.019095730036497116 :0.14588220417499542 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.01294597890228033 and:0.008961791172623634 mind:0.00827283225953579 nature:0.0074856942519545555 :0.536697506904602 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.10353605449199677 to:0.04597510024905205 of:0.04524907469749451 was:0.03347308933734894 :0.0973840206861496 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -disorder:0.021068150177598 part:0.015643656253814697 and:0.013192645274102688 attention:0.01289455033838749 :0.16912461817264557 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -of:0.1932429075241089 and:0.11663550138473511 are:0.035708948969841 in:0.0267931055277586 :0.04073499143123627 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15963879227638245 tho:0.04397793486714363 a:0.04221108928322792 of:0.017866576090455055 :0.23700855672359467 -of:0.19209343194961548 in:0.09172321856021881 and:0.06614695489406586 to:0.05238322168588638 :0.06470300257205963 -the:0.05042621120810509 to:0.016350312158465385 all:0.01568274199962616 a:0.01517496071755886 :0.4316890239715576 -mand:0.05641615390777588 grees:0.03593277931213379 scribed:0.02867727540433407 partment:0.025207728147506714 :0.5335603356361389 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.2039395123720169 in:0.09429855644702911 under:0.048396844416856766 on:0.048097264021635056 :0.16614577174186707 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -The:0.16510187089443207 It:0.05229998752474785 I:0.04176189377903938 There:0.029734991490840912 :0.19035577774047852 -The:0.10675249248743057 It:0.043136946856975555 I:0.032104503363370895 He:0.0246749110519886 :0.16584819555282593 -in:0.26349183917045593 of:0.0843198299407959 books:0.05365370959043503 book:0.03462699428200722 :0.06147792562842369 -of:0.38425374031066895 which:0.05133915692567825 and:0.049561817198991776 to:0.03105589933693409 :0.0422796793282032 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.10151553899049759 the:0.043394558131694794 but:0.02970951609313488 sir,:0.02728346548974514 :0.08087105304002762 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.17934845387935638 to:0.0881994217634201 in:0.07109659910202026 and:0.04506242647767067 :0.031147755682468414 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.0885833203792572 and:0.05668537691235542 who:0.052580125629901886 girl.:0.03844635933637619 :0.2088872492313385 -of:0.06316037476062775 more:0.06229129433631897 as:0.04989323392510414 to:0.04015380144119263 :0.1596965789794922 -and:0.09040234237909317 the:0.04046560451388359 to:0.018077827990055084 in:0.017857957631349564 :0.25251132249832153 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -The:0.136624276638031 It:0.09315695613622665 I:0.04851526767015457 In:0.034730713814496994 :0.14774776995182037 -to:0.12992329895496368 and:0.07808385044336319 in:0.04662070423364639 as:0.03679947182536125 :0.2513079345226288 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.32831335067749023 time:0.028335057199001312 years:0.020031064748764038 are:0.0156633872538805 :0.12427078187465668 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.045372214168310165 is:0.0066552963107824326 Miller,:0.0063892086036503315 has:0.005676421336829662 :0.593504011631012 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.14111660420894623 the:0.10097179561853409 but:0.0379781574010849 as:0.03414800390601158 :0.07572302967309952 -the:0.016291771084070206 was:0.013952851295471191 to:0.013747919350862503 .:0.012156379409134388 :0.38293755054473877 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.07380209118127823 off:0.05815554037690163 and:0.0451648123562336 down:0.04026707261800766 :0.09452290832996368 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.16978515684604645 line:0.07059624791145325 quarter:0.05792009457945824 side:0.050644174218177795 :0.12782599031925201 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.3971322476863861 that:0.12249385565519333 upon:0.10682056099176407 with:0.048851706087589264 :0.046429794281721115 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.052077047526836395 a:0.017742393538355827 to:0.00982049759477377 with:0.00976747740060091 :0.3192233145236969 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.33018243312835693 and:0.07733188569545746 regulating:0.03222488984465599 are:0.028467591851949692 :0.049046590924263 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.21642769873142242 March:0.12431813031435013 July:0.0990501344203949 February:0.06852906197309494 :0.09741731733083725 -times,:0.015351301990449429 and:0.011691323481500149 years:0.011118987575173378 president:0.010793863795697689 :0.192510187625885 -the:0.25434228777885437 a:0.021279191598296165 this:0.019140973687171936 tho:0.01699717901647091 :0.2144143432378769 -in:0.10195839405059814 days:0.033966515213251114 part:0.03120974451303482 and:0.022123118862509727 :0.1931469589471817 -the:0.1380353420972824 of:0.08191534876823425 that:0.055511631071567535 this:0.036007437855005264 :0.12995800375938416 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -The:0.12395413219928741 It:0.044550005346536636 He:0.043588992208242416 I:0.04297355189919472 :0.16142554581165314 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -a:0.0643703043460846 the:0.051015954464673996 not:0.041775014251470566 to:0.02933470346033573 :0.2812431752681732 -the:0.021680697798728943 a:0.017965268343687057 .:0.017261095345020294 of:0.015939950942993164 :0.2944576144218445 -and:0.21946848928928375 the:0.0460115410387516 but:0.039461273699998856 as:0.026940561830997467 :0.07500888407230377 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.07208383828401566 was:0.047705501317977905 and:0.04026887193322182 to:0.030502445995807648 :0.3733378052711487 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.15543004870414734 the:0.0943555235862732 which:0.03956200182437897 but:0.03590676560997963 :0.068870410323143 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -that:0.121909961104393 of:0.09068313986063004 it:0.06859414279460907 the:0.05526568368077278 :0.043293297290802 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -the:0.17331837117671967 tho:0.03399989753961563 a:0.013640719465911388 tbe:0.012010549195110798 :0.2868979573249817 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.0699441134929657 in:0.05964526906609535 who:0.057345911860466 to:0.04898814857006073 :0.05527673661708832 -are:0.07771600037813187 and:0.07487301528453827 were:0.05460606515407562 have:0.039881858974695206 :0.05126515403389931 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -more:0.022853391245007515 of:0.018158670514822006 girl,:0.01250563096255064 to:0.010435924865305424 :0.29975685477256775 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.10766887664794922 by:0.04928351938724518 the:0.048262469470500946 in:0.03724057227373123 :0.1611463725566864 -of:0.13391278684139252 in:0.11600609868764877 and:0.0614430271089077 are:0.05412968248128891 :0.04680182412266731 -and:0.26664620637893677 but:0.05538904666900635 the:0.04120286554098129 as:0.021840373054146767 :0.07661250978708267 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.1318209171295166 am:0.06366096436977386 was:0.043716128915548325 had:0.03489619120955467 :0.1339367777109146 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.54236900806427 the:0.03223039582371712 a:0.022688671946525574 and:0.020126312971115112 :0.03587932512164116 -the:0.31594228744506836 tho:0.019255435094237328 them:0.01584724895656109 two:0.014858921058475971 :0.15068286657333374 -in:0.1129763126373291 that:0.10810033231973648 the:0.0824112817645073 a:0.06360829621553421 :0.07629287987947464 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.10532162338495255 to:0.05758138746023178 of:0.033170487731695175 a:0.03080001473426819 :0.10229098796844482 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.048351604491472244 not:0.03048747219145298 to:0.02893969416618347 the:0.0233351718634367 :0.4391556978225708 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.04074763506650925 to:0.03557520732283592 day:0.03014100342988968 time:0.019774211570620537 :0.1589614897966385 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.164275661110878 is:0.056853100657463074 was:0.047048307955265045 of:0.046487584710121155 :0.05594378337264061 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.05358007550239563 man:0.05287296324968338 men:0.03441380709409714 oak:0.019308483228087425 :0.3487381637096405 -the:0.3852451741695404 a:0.02973095141351223 tho:0.016936317086219788 this:0.012410535477101803 :0.18984441459178925 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.24884828925132751 of:0.11955544352531433 and:0.053410835564136505 angles:0.03276120871305466 :0.07252483069896698 -the:0.0578569658100605 a:0.014992605894804 that:0.012139124795794487 to:0.011600722558796406 :0.252699077129364 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.18520069122314453 in:0.06162676215171814 and:0.04835129901766777 are:0.0382748581469059 :0.051846686750650406 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.2840130925178528 a:0.10674763470888138 by:0.08331038057804108 the:0.06532904505729675 :0.05423550680279732 -and:0.08056432008743286 to:0.057531822472810745 in:0.03128810226917267 as:0.019594743847846985 :0.18107999861240387 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.2606671452522278 by:0.0705777108669281 that:0.024161869660019875 in:0.019789788872003555 :0.18974539637565613 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.11299528181552887 of:0.07643944770097733 in:0.04348042979836464 to:0.03144196793437004 :0.10110490769147873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.3701063394546509 by:0.05614028498530388 for:0.0495997853577137 in:0.03330420330166817 :0.07480386644601822 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -to:0.12992329895496368 and:0.07808385044336319 in:0.04662070423364639 as:0.03679947182536125 :0.2513079345226288 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.036591608077287674 to:0.023801257833838463 who:0.023357221856713295 or:0.02287161909043789 :0.22834089398384094 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -of:0.15353241562843323 to:0.13866226375102997 and:0.03040177747607231 that:0.030154407024383545 :0.05298222228884697 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -that:0.43857529759407043 of:0.4053722321987152 the:0.00760659109801054 ot:0.00690899882465601 :0.014653388410806656 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.5231902599334717 to:0.06311856955289841 which:0.039536409080028534 are:0.02784382738173008 :0.018247902393341064 -the:0.015476406551897526 of:0.015411526896059513 and:0.011960066854953766 .:0.009947109036147594 :0.5742428302764893 -and:0.11724372208118439 the:0.04714169353246689 when:0.03507041931152344 but:0.03471304848790169 :0.08087968826293945 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.3217567205429077 have:0.08306805044412613 not:0.02450818568468094 bo:0.018155692145228386 :0.08178785443305969 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.22990429401397705 to:0.054701969027519226 a:0.03257475793361664 of:0.02747958153486252 :0.08502306789159775 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.10524929314851761 and:0.06279144436120987 in:0.05238033086061478 men:0.04424301162362099 :0.09130105376243591 -of:0.03206227347254753 and:0.02413984388113022 to:0.017004581168293953 .:0.015061167068779469 :0.5443851351737976 -of:0.08558235317468643 and:0.06159047409892082 in:0.04963652789592743 for:0.04595930874347687 :0.08473901450634003 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -of:0.33098939061164856 the:0.11905372142791748 and:0.03918624296784401 to:0.03491877391934395 :0.033052220940589905 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -ry:0.010107666254043579 bor:0.005306791979819536 ford:0.004634540993720293 -:0.0037131262943148613 :0.8909841775894165 -the:0.034368086606264114 and:0.019949300214648247 of:0.01668313331902027 to:0.01350040640681982 :0.2720033526420593 -that:0.0874340683221817 the:0.06724696606397629 and:0.03575175255537033 as:0.02629426121711731 :0.1400466114282608 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2759329676628113 and:0.04254999756813049 to:0.031143812462687492 a:0.027929464355111122 :0.1242290586233139 -a:0.14751461148262024 the:0.12374261766672134 it:0.04567049443721771 an:0.026676274836063385 :0.07802078872919083 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.06989222764968872 since:0.024833248928189278 be:0.021288305521011353 had:0.01941671036183834 :0.18079784512519836 -and:0.13297946751117706 who:0.07623685896396637 the:0.03305559605360031 but:0.0325128510594368 :0.08063247799873352 -notice:0.10983205586671829 Works:0.05205876752734184 Service:0.04175803065299988 sentiment:0.01524367555975914 :0.49037909507751465 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -the:0.13436384499073029 and:0.0647086426615715 of:0.046327218413352966 to:0.0229506678879261 :0.12347905337810516 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.5040271282196045 that:0.03319040313363075 the:0.033066365867853165 you:0.030920766294002533 :0.03568773716688156 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -proud:0.05303938686847687 be:0.02619488723576069 entitled:0.01957324706017971 and:0.018450038507580757 :0.2357480227947235 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.11507247388362885 by:0.0973401814699173 in:0.09647482633590698 and:0.08026178181171417 :0.11621757596731186 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.07788652181625366 was:0.0518144853413105 had:0.02544642798602581 is:0.016940906643867493 :0.4097282290458679 -day:0.07575492560863495 to:0.04521100968122482 morning:0.025476647540926933 year:0.02421719767153263 :0.17939630150794983 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -is:0.059995513409376144 of:0.0466846264898777 and:0.04643479362130165 to:0.04248432070016861 :0.07485716789960861 -and:0.06543111056089401 of:0.06139712035655975 in:0.04465364292263985 is:0.033050019294023514 :0.11208674311637878 -The:0.2690952718257904 It:0.05005864053964615 This:0.031472865492105484 There:0.02854369580745697 :0.09368520975112915 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -line:0.09737416356801987 to:0.06694464385509491 and:0.0600736066699028 line,:0.041984859853982925 :0.09488501399755478 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04527241364121437 of:0.01300219725817442 a:0.012535080313682556 to:0.010928323492407799 :0.6262814402580261 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.07971417903900146 W.:0.0758269652724266 H.:0.029789667576551437 F.:0.024586545303463936 :0.350610613822937 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.49743932485580444 in:0.046750716865062714 and:0.03382071107625961 are:0.014828258194029331 :0.08788041025400162 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -of:0.13912788033485413 to:0.08275876939296722 and:0.04514344781637192 were:0.029511168599128723 :0.03341950848698616 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -is:0.17411915957927704 do:0.06926701962947845 has:0.05378211662173271 does:0.0518658384680748 :0.08405058830976486 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.11724372208118439 the:0.04714169353246689 when:0.03507041931152344 but:0.03471304848790169 :0.08087968826293945 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -time:0.049762461334466934 as:0.030612975358963013 to:0.02215949445962906 manner:0.01835881732404232 :0.13590042293071747 -of:0.15571995079517365 years:0.031163092702627182 other:0.024284161627292633 a:0.021334944292902946 :0.18804705142974854 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.19004400074481964 the:0.07313357293605804 to:0.051284898072481155 shall:0.04703919216990471 :0.0952211543917656 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.3056667745113373 and:0.11943035572767258 was:0.030680179595947266 with:0.027242159470915794 :0.09171038866043091 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.08608417958021164 can:0.06072521582245827 was:0.05144720524549484 has:0.05006227269768715 :0.08464129269123077 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -a:0.21331514418125153 the:0.1239723339676857 to:0.0550079308450222 that:0.02439114637672901 :0.146322101354599 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.048351604491472244 not:0.03048747219145298 to:0.02893969416618347 the:0.0233351718634367 :0.4391556978225708 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.13297946751117706 who:0.07623685896396637 the:0.03305559605360031 but:0.0325128510594368 :0.08063247799873352 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.13621516525745392 of:0.07428253442049026 in:0.028357328847050667 or:0.020030362531542778 :0.22823813557624817 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -of:0.06316037476062775 more:0.06229129433631897 as:0.04989323392510414 to:0.04015380144119263 :0.1596965789794922 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.1721123605966568 boon:0.06341830641031265 a:0.03319316729903221 the:0.024893347173929214 :0.11090400069952011 -relief.:0.0230691097676754 and:0.022488342598080635 relief:0.020086225122213364 chairman:0.008181411772966385 :0.3849026560783386 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.22479920089244843 as:0.050325434654951096 to:0.042932864278554916 shall:0.025103839114308357 :0.05783336982131004 -same:0.008030792698264122 most:0.006648487411439419 present:0.005808359477669001 first:0.0056433649733662605 :0.4828549921512604 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -is:0.10303271561861038 the:0.06430774927139282 he:0.0539449080824852 they:0.05261162295937538 :0.07537786662578583 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -day:0.03561704233288765 of:0.0342353992164135 time:0.03303401544690132 to:0.021134300157427788 :0.15742477774620056 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.43341735005378723 a:0.0633452907204628 tho:0.027144378051161766 which:0.025998953729867935 :0.08176284283399582 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.15476280450820923 was:0.07918627560138702 Is:0.02305437996983528 will:0.019818386062979698 :0.11869658529758453 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.05067207291722298 was:0.04821100831031799 is:0.017678726464509964 of:0.017130602151155472 :0.1198452040553093 -and:0.012059979140758514 hands,:0.007604937069118023 the:0.00560150807723403 or:0.004402921535074711 :0.3395673930644989 -treatment.:0.02859596535563469 men:0.026269976049661636 department:0.020537693053483963 profession,:0.02009199932217598 :0.21300354599952698 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.7180183529853821 with:0.0748930424451828 in:0.022019563242793083 by:0.016590388491749763 :0.019003096967935562 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -.:0.34477293491363525 B:0.007682952098548412 A:0.007276040036231279 M:0.007186130154877901 :0.3763997554779053 -the:0.016353880986571312 .:0.014830006286501884 was:0.013488330878317356 and:0.010302407667040825 :0.40963560342788696 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.3237060010433197 and:0.060419488698244095 are:0.032115962356328964 to:0.029727108776569366 :0.05333761125802994 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.05400724336504936 visits:0.015012768097221851 as:0.012676425278186798 or:0.010900014080107212 :0.504448413848877 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -all:0.1130373477935791 a:0.06593535840511322 every:0.05581777170300484 as:0.02507222443819046 :0.2325023114681244 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.15571995079517365 years:0.031163092702627182 other:0.024284161627292633 a:0.021334944292902946 :0.18804705142974854 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.21947115659713745 and:0.03553374856710434 to:0.028724534437060356 for:0.02216852642595768 :0.1669256091117859 -not:0.520152747631073 the:0.028544344007968903 he:0.012468121014535427 in:0.009819873608648777 :0.06437556445598602 -and:0.07362323254346848 in:0.04955446347594261 to:0.0439881905913353 at:0.030892012640833855 :0.06272338330745697 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -The:0.1395951509475708 It:0.05952424928545952 I:0.032110679894685745 This:0.026378005743026733 :0.1413082778453827 -and:0.07206498831510544 of:0.060922373086214066 months:0.028520772233605385 to:0.0240370724350214 :0.16747790575027466 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -tern:0.007619766052812338 .:0.0025311901699751616 -:0.0013316625263541937 the:0.0012506291968747973 :0.9269850850105286 -and:0.2685239315032959 the:0.05450482666492462 but:0.04876573383808136 as:0.02187890186905861 :0.12680773437023163 -that:0.20147337019443512 what:0.08905667066574097 the:0.07134820520877838 how:0.04897133633494377 :0.048351582139730453 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -to:0.17071129381656647 for:0.02696828916668892 report:0.023749392479658127 weather:0.021188968792557716 :0.11537923663854599 -of:0.09209580719470978 in:0.05051566660404205 to:0.04314110055565834 and:0.032860010862350464 :0.09662479907274246 -act:0.036325603723526 Act:0.034136105328798294 examination:0.02943369187414646 old:0.027726203203201294 :0.23069709539413452 -of:0.22303375601768494 that:0.12356118112802505 on:0.06889911741018295 the:0.041058484464883804 :0.0402347669005394 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -and:0.07207313179969788 in:0.03569985181093216 letter.:0.022242192178964615 of:0.018490256741642952 :0.1694471538066864 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.6048688292503357 tho:0.04073081910610199 which:0.031648941338062286 his:0.02382778190076351 :0.035510674118995667 -the:0.24416321516036987 they:0.054389484226703644 he:0.036025237292051315 it:0.03010527975857258 :0.10381904989480972 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.29389289021492004 a:0.05665617063641548 to:0.047457337379455566 and:0.028424980118870735 :0.1097216084599495 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -Minnesota,:0.11632968485355377 and:0.07331247627735138 North:0.04935444891452789 State:0.031980033963918686 :0.15301519632339478 -and:0.3461759090423584 each,:0.0736195370554924 in:0.0247255340218544 attorney's:0.02254946157336235 :0.24734628200531006 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -.:0.30928006768226624 W:0.022530170157551765 H:0.014557861723005772 J:0.0135013023391366 :0.303859144449234 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.009213379584252834 first:0.007240024860948324 river:0.006453746929764748 great:0.005746100563555956 :0.28255578875541687 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -est:0.4672546088695526 er:0.1502433717250824 way:0.03759928420186043 ways:0.023761041462421417 :0.08842406421899796 -name:0.01652987115085125 father:0.01460693683475256 wife:0.012967708520591259 first:0.00992235355079174 :0.29660022258758545 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -to:0.617419958114624 for:0.062084004282951355 of:0.0495387464761734 that:0.02892443723976612 :0.02718481235206127 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -who:0.05073373392224312 of:0.049887534230947495 was:0.0441715270280838 to:0.03263592720031738 :0.12060355395078659 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.05792469158768654 r:0.019938331097364426 >r:0.012289449572563171 .:0.011597756296396255 :0.2852281928062439 -Co.,:0.09304863959550858 Co.:0.06691919267177582 Ohio:0.033300016075372696 St.:0.01687372848391533 :0.37542811036109924 -B.:0.02028615213930607 E:0.020282939076423645 H.:0.01811414211988449 B:0.015139817260205746 :0.42620640993118286 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 --:0.025613656267523766 ported:0.012431562878191471 The:0.011824782006442547 cently:0.010246639139950275 :0.34021317958831787 -the:0.203014075756073 and:0.04571348801255226 to:0.03866835683584213 with:0.03252645581960678 :0.08168720453977585 -and:0.18870653212070465 the:0.07939858734607697 but:0.02078978344798088 it:0.019421298056840897 :0.08414818346500397 -of:0.30491191148757935 and:0.09243752062320709 by:0.03953918069601059 was:0.022364972159266472 :0.05590107664465904 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.43341735005378723 a:0.0633452907204628 tho:0.027144378051161766 which:0.025998953729867935 :0.08176284283399582 -from:0.06882988661527634 through:0.060939520597457886 the:0.0527995303273201 up:0.03768310695886612 :0.06110561639070511 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1029185950756073 enough:0.011579909361898899 stream:0.010471612215042114 as:0.010054852813482285 :0.2144835740327835 -of:0.5616535544395447 and:0.07215519994497299 is:0.02384786121547222 to:0.019049663096666336 :0.05329645797610283 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -sary:0.2489410787820816 sity:0.07249581813812256 and:0.0033292558509856462 of:0.0027326676063239574 :0.6027641892433167 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -been:0.18912282586097717 a:0.07519321888685226 the:0.05475170165300369 no:0.013400294817984104 :0.10632524639368057 -and:0.09778743237257004 of:0.03354557603597641 in:0.025832725688815117 was:0.023429377004504204 :0.18960845470428467 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -cent:0.2230542153120041 cent,:0.1211099848151207 cent.:0.07385829836130142 annum,:0.02711872011423111 :0.157860666513443 -be:0.3197149634361267 see:0.020124852657318115 bo:0.014944136142730713 do:0.01398740615695715 :0.1449533998966217 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -to:0.401702344417572 the:0.05298846587538719 a:0.048436231911182404 him:0.02565865032374859 :0.052962977439165115 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -the:0.21702398359775543 it:0.023397674784064293 he:0.02287350408732891 a:0.015089432708919048 :0.10378661751747131 -is:0.15476280450820923 was:0.07918627560138702 Is:0.02305437996983528 will:0.019818386062979698 :0.11869658529758453 -the:0.020649105310440063 of:0.014943127520382404 a:0.014446763321757317 to:0.010476849973201752 :0.3380710780620575 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -to:0.33850017189979553 the:0.06620445102453232 at:0.04238274693489075 with:0.0329672172665596 :0.0669013187289238 -the:0.04172476753592491 to:0.013757145032286644 a:0.013596316799521446 that:0.010590121150016785 :0.252066433429718 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -who:0.308531790971756 of:0.0703386664390564 in:0.021768072620034218 that:0.01657738909125328 :0.1333772838115692 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.4392460584640503 and:0.08671534061431885 with:0.031221648678183556 to:0.023959675803780556 :0.04468568414449692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.07362323254346848 in:0.04955446347594261 to:0.0439881905913353 at:0.030892012640833855 :0.06272338330745697 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.20465953648090363 the:0.043368443846702576 but:0.02482580579817295 in:0.0217864029109478 :0.1191350519657135 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.14196081459522247 but:0.04519118368625641 the:0.03555072098970413 where:0.020915450528264046 :0.09636161476373672 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -and:0.07991696149110794 growth:0.0495532788336277 progress:0.017389727756381035 increase:0.015731044113636017 :0.3314807415008545 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.2856326401233673 to:0.15150287747383118 on:0.04253438860177994 and:0.03819339722394943 :0.0385025329887867 -in:0.35363444685935974 the:0.054120831191539764 a:0.04382812976837158 In:0.032739900052547455 :0.048449303954839706 -the:0.11078117042779922 a:0.04739215970039368 to:0.04724182188510895 in:0.04221399128437042 :0.12349672615528107 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -and:0.033581916242837906 Debility,:0.016407674178481102 treatment,:0.00890344101935625 party:0.006251530721783638 :0.3273690938949585 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -the:0.13697537779808044 it:0.05254269018769264 I:0.03735991194844246 if:0.035609155893325806 :0.06623194366693497 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.09752556681632996 a:0.07700742036104202 the:0.05634775757789612 in:0.040741994976997375 :0.2291526347398758 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.06416065245866776 a:0.048969633877277374 to:0.0368959978222847 be:0.025181012228131294 :0.1372653990983963 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -in:0.21093083918094635 and:0.06244981661438942 to:0.045499466359615326 In:0.0394914485514164 :0.0976644828915596 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -of:0.16757559776306152 and:0.08425731956958771 was:0.04223001003265381 to:0.040672238916158676 :0.1115456148982048 -the:0.2452014982700348 future:0.02323385700583458 to:0.021372610703110695 a:0.01948806457221508 :0.28874000906944275 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.2312580943107605 but:0.054472628980875015 the:0.04556509107351303 which:0.030109234154224396 :0.10987094789743423 -the:0.21652759611606598 a:0.057185012847185135 their:0.014301182702183723 his:0.013723132200539112 :0.19880814850330353 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -the:0.17477525770664215 we:0.05017627030611038 you:0.049188416451215744 he:0.048380784690380096 :0.07771619409322739 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -of:0.1254737675189972 per:0.111298568546772 and:0.062289368361234665 on:0.04184459522366524 :0.06521812081336975 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.33931460976600647 the:0.08190430700778961 a:0.07961615175008774 that:0.02457825094461441 :0.027750760316848755 -west:0.1588110327720642 east:0.08597110956907272 and:0.04131249710917473 E:0.038516536355018616 :0.11105357855558395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -and:0.12483404576778412 of:0.10421852767467499 to:0.09076838940382004 for:0.0897742435336113 :0.04103408008813858 -who:0.15063558518886566 in:0.05140389874577522 of:0.038088493049144745 interested:0.03488509729504585 :0.07787659764289856 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.024260038509964943 the:0.022105716168880463 .:0.017498280853033066 n:0.00954865850508213 :0.4065815210342407 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -the:0.07380209118127823 off:0.05815554037690163 and:0.0451648123562336 down:0.04026707261800766 :0.09452290832996368 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -The:0.0965370237827301 I:0.049065086990594864 It:0.042938802391290665 He:0.03555922955274582 :0.14707277715206146 -and:0.010036023333668709 M.:0.00772193493321538 A.:0.007134494371712208 J.:0.007006961386650801 :0.7347821593284607 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -Assembly:0.08038734644651413 of:0.03058595582842827 and:0.018435105681419373 Lee:0.012138079851865768 :0.5070641040802002 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.16297489404678345 by:0.13385508954524994 the:0.09500141441822052 in:0.04236378148198128 :0.07340343296527863 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -the:0.22570937871932983 that:0.1733221411705017 a:0.06995558738708496 of:0.022368723526597023 :0.05126051604747772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -to:0.18199828267097473 and:0.08013910055160522 of:0.06443885713815689 on:0.030298350378870964 :0.11488573253154755 -and:0.11009274423122406 of:0.10121173411607742 in:0.0777750313282013 was:0.04021431505680084 :0.08615222573280334 -the:0.065240278840065 a:0.014627943746745586 that:0.014110713265836239 to:0.011815262027084827 :0.2729637622833252 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.16094830632209778 in:0.048083364963531494 on:0.04200253635644913 is:0.0368516780436039 :0.05490415170788765 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -that:0.10416775941848755 the:0.057384248822927475 in:0.048707254230976105 of:0.03970916196703911 :0.09983043372631073 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -the:0.3163287937641144 a:0.03225235268473625 tho:0.027232367545366287 his:0.025182027369737625 :0.04616093263030052 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -sent:0.03568820655345917 normal:0.03259650245308876 -:0.0034445743076503277 fined:0.002048112452030182 :0.7770412564277649 -that:0.2840226888656616 of:0.06611302495002747 to:0.04665173217654228 the:0.02356876991689205 :0.07026133686304092 -The:0.140981063246727 It:0.08723071217536926 I:0.04749554023146629 In:0.043885160237550735 :0.15308429300785065 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.10816779732704163 to:0.05309121683239937 for:0.03989104926586151 in:0.02834278903901577 :0.11352939158678055 -ent:0.3588239252567291 ident:0.22104035317897797 sure:0.0639188289642334 ence:0.06107104942202568 :0.20436593890190125 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.17880378663539886 a:0.17293210327625275 an:0.024200251325964928 it:0.023559225723147392 :0.1686021387577057 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -time:0.1558830738067627 distance:0.11165019124746323 of:0.0728195533156395 time.:0.0354284793138504 :0.13860422372817993 -the:0.13507233560085297 this:0.03877519816160202 be:0.034165628254413605 make:0.027875056490302086 :0.2079787403345108 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -and:0.0732128918170929 government:0.01554628275334835 army:0.010778818279504776 people:0.010389909148216248 :0.39924710988998413 -the:0.14178481698036194 about:0.09255027770996094 to:0.04650135710835457 them:0.04484964907169342 :0.10906154662370682 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.07991696149110794 growth:0.0495532788336277 progress:0.017389727756381035 increase:0.015731044113636017 :0.3314807415008545 -the:0.203014075756073 and:0.04571348801255226 to:0.03866835683584213 with:0.03252645581960678 :0.08168720453977585 -of:0.10357057303190231 who:0.07277946174144745 in:0.06772764027118683 to:0.05385837331414223 :0.05322176590561867 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -not:0.35322287678718567 non:0.0034472844563424587 I:0.0023996038362383842 i:0.002210092730820179 :0.5515097975730896 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.0954684391617775 year:0.038241513073444366 other:0.03241894021630287 and:0.030703196302056313 :0.15927621722221375 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -sex:0.02089974656701088 form:0.017012014985084534 and:0.0163477323949337 of:0.015429419465363026 :0.3117506206035614 -of:0.4793097972869873 and:0.07715752720832825 in:0.04678024351596832 is:0.019202820956707 :0.05118073895573616 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.074649378657341 to:0.07264310866594315 in:0.05573257431387901 that:0.031930796802043915 :0.09227880090475082 -.:0.012304886244237423 e:0.009364104829728603 -:0.005938652437180281 is:0.00580355990678072 :0.42104586958885193 -are:0.14767664670944214 were:0.09226115792989731 have:0.08225135505199432 will:0.04126095399260521 :0.08120933920145035 -of:0.3534145951271057 to:0.059635140001773834 and:0.048279911279678345 for:0.04451838508248329 :0.041102178394794464 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -of:0.07802034169435501 was:0.06473192572593689 or:0.05645693093538284 in:0.0493917278945446 :0.12011642009019852 -all:0.1130373477935791 a:0.06593535840511322 every:0.05581777170300484 as:0.02507222443819046 :0.2325023114681244 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.16825810074806213 in:0.05951280891895294 to:0.04995100572705269 that:0.04076302796602249 :0.05326521396636963 -and:0.21593423187732697 the:0.028194090351462364 to:0.02665644884109497 or:0.026493776589632034 :0.058455903083086014 -of:0.42583516240119934 the:0.019955912604928017 to:0.017940234392881393 in:0.016852116212248802 :0.15513983368873596 -cream:0.12694907188415527 and:0.0656089261174202 of:0.0330435149371624 in:0.03168382868170738 :0.12019462138414383 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.8559253215789795 thereto,:0.02062259614467621 thereto.:0.010886254720389843 lo:0.007517742924392223 :0.018930800259113312 -The:0.14163093268871307 It:0.0902898833155632 He:0.04790770635008812 I:0.03730719909071922 :0.14348271489143372 -of:0.12853972613811493 line:0.07943450659513474 side:0.05812530964612961 and:0.0508696585893631 :0.14346317946910858 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.20591773092746735 but:0.06214812025427818 the:0.026213577017188072 as:0.025386543944478035 :0.08680951595306396 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -us:0.16412381827831268 the:0.12409006059169769 me:0.06224114075303078 them:0.060903143137693405 :0.0602022185921669 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -to:0.17811395227909088 from:0.06112676113843918 into:0.054642654955387115 the:0.04823397845029831 :0.03612157329916954 -and:0.04927146062254906 school:0.04163248464465141 as:0.0401715524494648 prices:0.017521396279335022 :0.1710171103477478 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -the:0.13706998527050018 it:0.12320033460855484 he:0.03698725253343582 we:0.03675014153122902 :0.048648856580257416 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -by:0.18529126048088074 in:0.08524767309427261 and:0.05565516650676727 the:0.030137639492750168 :0.0606662854552269 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -the:0.12662775814533234 of:0.12650007009506226 a:0.060908082872629166 in:0.040420591831207275 :0.06459768116474152 -been:0.08802321553230286 be:0.0528547428548336 a:0.026625769212841988 the:0.021958863362669945 :0.16560016572475433 -and:0.15834487974643707 the:0.04283255338668823 but:0.03351390361785889 that:0.020244035869836807 :0.08555325865745544 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -York:0.08744712173938751 the:0.0704488530755043 that:0.06374293565750122 therefore,:0.04470082372426987 :0.08650172501802444 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.23979175090789795 a:0.031034329906105995 tho:0.022321950644254684 this:0.019696947187185287 :0.22795014083385468 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -The:0.1524369716644287 It:0.05526532977819443 In:0.04280277341604233 There:0.04059378430247307 :0.13756896555423737 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.11885451525449753 the:0.06479456275701523 of:0.04857243224978447 a:0.03848325461149216 :0.12342594563961029 -and:0.06543111056089401 of:0.06139712035655975 in:0.04465364292263985 is:0.033050019294023514 :0.11208674311637878 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.05236238241195679 number:0.0468994565308094 amount:0.028084835037589073 as:0.025021644309163094 :0.23513855040073395 -and:0.09100267291069031 was:0.03249761462211609 of:0.02685122936964035 to:0.025187786668539047 :0.15656346082687378 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.06956382840871811 as:0.018164878711104393 business:0.012234371155500412 scale:0.010695352219045162 :0.3603701889514923 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -of:0.13721901178359985 house:0.058044616132974625 to:0.04043838009238243 in:0.03876442834734917 :0.0766279473900795 -of:0.191961869597435 for:0.06672775000333786 simple:0.06301956623792648 and:0.04427849128842354 :0.14438948035240173 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -years:0.09308212250471115 or:0.03924446180462837 days:0.03583189845085144 miles:0.033794160932302475 :0.20223042368888855 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.10151553899049759 the:0.043394558131694794 but:0.02970951609313488 sir,:0.02728346548974514 :0.08087105304002762 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.24120762944221497 the:0.0780426487326622 to:0.04823844134807587 for:0.04285573959350586 :0.05103164166212082 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.09600761532783508 to:0.041692089289426804 at:0.03184173256158829 was:0.026659278199076653 :0.18206579983234406 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -as:0.06843478232622147 in:0.06034527346491814 if:0.030532246455550194 after:0.02788349986076355 :0.1054292619228363 -of:0.42558935284614563 to:0.06525833904743195 and:0.04989854246377945 along:0.04689973220229149 :0.03889188542962074 -line:0.09737416356801987 to:0.06694464385509491 and:0.0600736066699028 line,:0.041984859853982925 :0.09488501399755478 -ton:0.6937342286109924 ton,:0.09784885495901108 ton.:0.03694247826933861 to:0.003922701813280582 :0.10406991094350815 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -at:0.1904793381690979 and:0.13205723464488983 to:0.03270417079329491 in:0.029671097174286842 :0.1589527428150177 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.11521824449300766 he:0.03935821354389191 it:0.02855965495109558 and:0.024424893781542778 :0.17860886454582214 -The:0.09482406079769135 It:0.05209080129861832 I:0.04004567861557007 He:0.03837054222822189 :0.1527205854654312 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -der:0.1291748732328415 til:0.09035032987594604 less:0.04007190093398094 able:0.015834156423807144 :0.39893680810928345 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.401702344417572 the:0.05298846587538719 a:0.048436231911182404 him:0.02565865032374859 :0.052962977439165115 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.18471759557724 the:0.046809397637844086 but:0.0365094356238842 in:0.01973937451839447 :0.07032668590545654 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.38459983468055725 and:0.0677705705165863 in:0.03446520119905472 on:0.023357512429356575 :0.09550020843744278 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.16583649814128876 the:0.04148932173848152 where:0.028702974319458008 in:0.02794053591787815 :0.1964341551065445 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.020759250968694687 and:0.02049703150987625 in:0.017055807635188103 constructing:0.012956801801919937 :0.2580913007259369 -person:0.13839514553546906 one:0.09652121365070343 parent,:0.0808851569890976 and:0.03151991218328476 :0.15695638954639435 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -by:0.09366034716367722 to:0.0920054167509079 for:0.08857766538858414 in:0.05501260608434677 :0.06851991266012192 -in:0.08368636667728424 and:0.0490151047706604 into:0.04003641754388809 from:0.03567204251885414 :0.032799381762742996 -and:0.26664620637893677 but:0.05538904666900635 the:0.04120286554098129 as:0.021840373054146767 :0.07661250978708267 -of:0.7671369314193726 ot:0.01481379009783268 to:0.014560811221599579 and:0.010325328446924686 :0.01698368228971958 -the:0.06990853697061539 to:0.038212019950151443 a:0.03100251965224743 of:0.025291141122579575 :0.20887890458106995 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -years:0.053588785231113434 or:0.049720849841833115 hundred:0.032202597707509995 of:0.03051123209297657 :0.21560759842395782 -the:0.19848540425300598 a:0.067912757396698 him:0.039897531270980835 him.:0.034319791942834854 :0.13451960682868958 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -years:0.10627036541700363 days:0.06763610243797302 o'clock:0.047235917299985886 per:0.03206649050116539 :0.19858530163764954 -to:0.0777907520532608 and:0.059169869869947433 that:0.05025317519903183 on:0.043332841247320175 :0.12485269457101822 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.19405746459960938 the:0.04508276283740997 or:0.027924081310629845 which:0.026551587507128716 :0.052234187722206116 -The:0.10723388940095901 In:0.032933641225099564 He:0.03151072934269905 It:0.027654390782117844 :0.08745408803224564 -that:0.11222869157791138 the:0.10443345457315445 a:0.08795348554849625 out:0.06014947593212128 :0.07275356352329254 -to:0.4151676595211029 that:0.12518596649169922 of:0.03813125938177109 in:0.029646439477801323 :0.09529788047075272 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.12555250525474548 from:0.07405679672956467 by:0.06459669768810272 in:0.05567841976881027 :0.06057837978005409 -of:0.43870672583580017 to:0.290204256772995 and:0.02410030923783779 or:0.017736302688717842 :0.0191713348031044 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -the:0.15924152731895447 it:0.08490157127380371 them:0.06423330307006836 a:0.05403672903776169 :0.08441431820392609 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -and:0.06946471333503723 floral:0.06024238094687462 as:0.01185214426368475 young:0.011570535600185394 :0.2606329321861267 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -men:0.044765397906303406 and:0.036862365901470184 man:0.016477257013320923 man,:0.013640287332236767 :0.3498648405075073 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.12421156466007233 a:0.09713384509086609 in:0.09530699253082275 by:0.039189428091049194 :0.08816751837730408 -of:0.3717420697212219 and:0.04696829244494438 to:0.04619872570037842 in:0.04019583761692047 :0.03956449031829834 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1584748476743698 to:0.07884838432073593 a:0.04004427045583725 their:0.03707015886902809 :0.07124196738004684 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.074649378657341 to:0.07264310866594315 in:0.05573257431387901 that:0.031930796802043915 :0.09227880090475082 -to:0.13243992626667023 the:0.07390456646680832 in:0.04262017086148262 a:0.03425760567188263 :0.14737729728221893 -and:0.14429421722888947 of:0.06482981145381927 on:0.03496091812849045 to:0.029531771317124367 :0.11448423564434052 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -19,:0.06730613857507706 and:0.04286337271332741 the:0.025248313322663307 township:0.019158609211444855 :0.34245026111602783 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -and:0.07593128085136414 is:0.021120313555002213 to:0.02005067653954029 in:0.019202865660190582 :0.2236143946647644 -the:0.3271964192390442 their:0.08853436261415482 his:0.06856418401002884 its:0.0609094463288784 :0.02706943079829216 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -instance:0.014823373407125473 man:0.01245850883424282 and:0.009432531893253326 year:0.009086987003684044 :0.20002023875713348 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -to:0.05844938009977341 that:0.02912774868309498 a:0.02541263960301876 and:0.021269403398036957 :0.20883525907993317 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.10182633250951767 to:0.024005096405744553 beets:0.022355541586875916 is:0.020206404849886894 :0.2263927310705185 -erate:0.3643359839916229 ern:0.30076804757118225 est:0.028038201853632927 eration:0.004695880692452192 :0.19387401640415192 -and:0.06126667559146881 as:0.016731712967157364 in:0.01002673152834177 or:0.005567219574004412 :0.3548869490623474 -and:0.11009274423122406 of:0.10121173411607742 in:0.0777750313282013 was:0.04021431505680084 :0.08615222573280334 -and:0.0320090651512146 trial:0.006810033228248358 tariff:0.005701027344912291 law:0.005502484273165464 :0.25621017813682556 -far:0.0854136273264885 long:0.0587230809032917 the:0.05746699124574661 it:0.053963493555784225 :0.09349177777767181 -The:0.15895779430866241 It:0.09108681976795197 In:0.03362635523080826 He:0.03291359916329384 :0.15341341495513916 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ing:0.8816511034965515 Ing:0.01740916073322296 ers:0.01584724523127079 ng:0.010649457573890686 :0.023397604003548622 -terest:0.02970144897699356 crease:0.022288411855697632 stead:0.02054322324693203 to:0.017772745341062546 :0.6365475058555603 -.:0.1979600489139557 .,:0.021332433447241783 .;:0.01872205175459385 and:0.009969104081392288 :0.2619868516921997 -was:0.08393397927284241 had:0.06523281335830688 has:0.034160416573286057 would:0.027467429637908936 :0.17044216394424438 -by:0.30690157413482666 the:0.139188751578331 and:0.050346966832876205 in:0.04706640541553497 :0.14265702664852142 -more:0.022853391245007515 of:0.018158670514822006 girl,:0.01250563096255064 to:0.010435924865305424 :0.29975685477256775 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -to:0.20666977763175964 from:0.09486296772956848 in:0.07822024077177048 and:0.03298863768577576 :0.05758345499634743 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.021505115553736687 to:0.015332705341279507 same:0.012579773552715778 a:0.007654754910618067 :0.4339827597141266 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -of:0.6856895089149475 to:0.03408908471465111 for:0.03178003802895546 and:0.0208304300904274 :0.028483418747782707 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -time:0.049762461334466934 as:0.030612975358963013 to:0.02215949445962906 manner:0.01835881732404232 :0.13590042293071747 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.034368086606264114 and:0.019949300214648247 of:0.01668313331902027 to:0.01350040640681982 :0.2720033526420593 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -office:0.10019661486148834 No.:0.0636303499341011 of:0.055273886770009995 marked:0.04405421391129494 :0.15217390656471252 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -same:0.007046762853860855 city:0.005843535531312227 ir:0.004731467459350824 old:0.0046788291074335575 :0.37267640233039856 -be:0.07274522632360458 to:0.033926188945770264 as:0.03037261962890625 and:0.02598402090370655 :0.19802725315093994 -to:0.7209903597831726 that:0.013951505534350872 at:0.010120190680027008 as:0.0091582415625453 :0.07241428643465042 -of:0.1843823492527008 to:0.09029081463813782 will:0.04492533951997757 the:0.03951752185821533 :0.048330385237932205 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -in:0.20563329756259918 and:0.06788675487041473 the:0.06589314341545105 of:0.06213334575295448 :0.06088292971253395 -of:0.07078016549348831 and:0.05763674154877663 was:0.044383540749549866 to:0.03068116493523121 :0.19284240901470184 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.5493183135986328 those:0.07127649337053299 these:0.03855639696121216 them:0.03843187168240547 :0.03801003098487854 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -not:0.573444664478302 the:0.03841054067015648 it:0.018170703202486038 this:0.012435434386134148 :0.039332445710897446 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -was:0.10560928285121918 of:0.06560438126325607 that:0.04398421198129654 and:0.043826065957546234 :0.056597840040922165 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -tirely:0.10133197158575058 tered:0.0526694692671299 listed:0.02891162969172001 gaged:0.02440042421221733 :0.6126540303230286 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.3849536180496216 of:0.05842979997396469 is:0.05552792549133301 was:0.04298829659819603 :0.02542220801115036 -and:0.31503355503082275 but:0.047284308820962906 the:0.03868468850851059 or:0.03205656260251999 :0.05233237147331238 -is:0.10303271561861038 the:0.06430774927139282 he:0.0539449080824852 they:0.05261162295937538 :0.07537786662578583 -and:0.10896347463130951 of:0.05143655464053154 was:0.048552006483078 to:0.027486825361847878 :0.16805516183376312 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -by:0.16208545863628387 that:0.12302620708942413 in:0.0828733965754509 to:0.07729697227478027 :0.0422799214720726 -the:0.6048688292503357 tho:0.04073081910610199 which:0.031648941338062286 his:0.02382778190076351 :0.035510674118995667 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -The:0.11678027361631393 It:0.06593035161495209 In:0.03951597958803177 If:0.02658957615494728 :0.13238254189491272 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -the:0.051289282739162445 of:0.039685484021902084 and:0.038495972752571106 to:0.03843885660171509 :0.05664743110537529 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -deg.:0.07512961328029633 and:0.030910134315490723 degrees:0.027275418862700462 per:0.027090273797512054 :0.32840830087661743 -and:0.18980008363723755 the:0.02749830298125744 but:0.027009252458810806 or:0.024677814915776253 :0.11336328834295273 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.17477525770664215 we:0.05017627030611038 you:0.049188416451215744 he:0.048380784690380096 :0.07771619409322739 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.25542962551116943 and:0.06393180787563324 is:0.04067269340157509 in:0.03241788223385811 :0.05621630698442459 -by:0.2546173334121704 the:0.11045999825000763 in:0.027437658980488777 him:0.026949161663651466 :0.03096381016075611 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.05998329073190689 of:0.05423448607325554 as:0.010668705217540264 for:0.01030017901211977 :0.27986830472946167 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -that:0.19927488267421722 how:0.08418402820825577 the:0.07590509951114655 what:0.05238405987620354 :0.032400719821453094 -of:0.31459835171699524 and:0.16851316392421722 from:0.07664836943149567 to:0.04710164666175842 :0.031592994928359985 -fore:0.26947537064552307 after,:0.13232462108135223 fore,:0.10852978378534317 by:0.03709741309285164 :0.035229891538619995 -upon:0.36202046275138855 on:0.18188869953155518 wholly:0.03615962341427803 for:0.034187279641628265 :0.0410463772714138 -cream:0.12694907188415527 and:0.0656089261174202 of:0.0330435149371624 in:0.03168382868170738 :0.12019462138414383 -the:0.05695101246237755 of:0.036281291395425797 and:0.03316640853881836 to:0.032728005200624466 :0.20882754027843475 -line:0.031530119478702545 body:0.028349438682198524 sewer:0.013029372319579124 building:0.012415912002325058 :0.16538730263710022 -The:0.14798052608966827 It:0.09379163384437561 I:0.0660451129078865 This:0.042225439101457596 :0.19460691511631012 -to:0.24884828925132751 of:0.11955544352531433 and:0.053410835564136505 angles:0.03276120871305466 :0.07252483069896698 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.11524530500173569 up:0.060498204082250595 country:0.03251560777425766 into:0.024640824645757675 :0.0929386243224144 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.13968674838542938 dollars:0.12791003286838531 dollars,:0.055144403129816055 and:0.03450779244303703 :0.13664786517620087 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -the:0.1878998577594757 he:0.057015471160411835 they:0.047607988119125366 it:0.03839648887515068 :0.11646385490894318 -and:0.11134382337331772 Porto:0.03181440755724907 but:0.027517523616552353 the:0.02446899004280567 :0.03061508573591709 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -Carolina:0.1777162402868271 Carolina,:0.043457452207803726 Dakota.:0.029480356723070145 Dakota,:0.02807755209505558 :0.19015632569789886 -of:0.49674320220947266 to:0.02370394393801689 for:0.022525131702423096 in:0.020868323743343353 :0.05529341846704483 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.3566654622554779 and:0.03645728901028633 in:0.02218753844499588 to:0.015545498579740524 :0.10607901215553284 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -of:0.09209580719470978 in:0.05051566660404205 to:0.04314110055565834 and:0.032860010862350464 :0.09662479907274246 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -in:0.0722622349858284 the:0.05902083218097687 when:0.052288785576820374 as:0.044213440269231796 :0.10697866231203079 -of:0.041125744581222534 in:0.03147821128368378 and:0.01918099634349346 powder,:0.014045635238289833 :0.5397838354110718 -is:0.2611105144023895 are:0.16385239362716675 was:0.13630259037017822 were:0.08566633611917496 :0.03625030443072319 -the:0.08860152214765549 up:0.06642384082078934 in:0.06161285936832428 around:0.0442868210375309 :0.04255557060241699 -the:0.32736217975616455 a:0.04392413794994354 all:0.027107393369078636 that:0.023630866780877113 :0.15245620906352997 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.1872510313987732 &:0.05211412534117699 to:0.029762810096144676 City:0.021859630942344666 :0.13900268077850342 -of:0.03835534676909447 and:0.028915533795952797 in:0.017031537368893623 a:0.011559315025806427 :0.3484443128108978 -of:0.19589440524578094 that:0.10093285143375397 is:0.10078539699316025 to:0.08938940614461899 :0.04084471985697746 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.3219010829925537 in:0.08528423309326172 and:0.057535357773303986 more:0.04463514685630798 :0.07643859833478928 -to:0.053164586424827576 the:0.051701270043849945 is:0.041565269231796265 of:0.03744036704301834 :0.09436409920454025 -the:0.23305723071098328 and:0.06593552976846695 by:0.05110868439078331 to:0.03132811561226845 :0.12302646040916443 -is:0.0662999227643013 and:0.06322187930345535 in:0.03891077637672424 was:0.02754562348127365 :0.20591622591018677 -the:0.09911836683750153 thence:0.0339459553360939 Mrs.:0.01852942444384098 a:0.00893858727067709 :0.402665913105011 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.18971185386180878 than:0.1557130217552185 into:0.05004630610346794 in:0.025612175464630127 :0.12380102276802063 -a:0.14751461148262024 the:0.12374261766672134 it:0.04567049443721771 an:0.026676274836063385 :0.07802078872919083 -the:0.06473292410373688 be:0.030889034271240234 a:0.02146528847515583 n:0.012202109210193157 :0.45186081528663635 -the:0.06957213580608368 that:0.019522743299603462 a:0.01704966090619564 in:0.013474501669406891 :0.2346765547990799 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -days:0.09621956199407578 years:0.05538815259933472 weeks:0.04355703666806221 of:0.04348035901784897 :0.1754269152879715 -party:0.24922598898410797 party,:0.06045268476009369 party.:0.02325577475130558 and:0.019244655966758728 :0.18453431129455566 -the:0.13879473507404327 a:0.13107214868068695 it:0.06926743686199188 no:0.03314053267240524 :0.0525323860347271 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -in:0.1932215690612793 and:0.11436717212200165 of:0.0794268324971199 In:0.0482412688434124 :0.04422251135110855 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -the:0.12235946953296661 a:0.06923636049032211 more:0.02314385026693344 to:0.023087404668331146 :0.14727626740932465 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.1412525475025177 the:0.12051797658205032 in:0.061304930597543716 by:0.05822179466485977 :0.06545306742191315 -the:0.0703696608543396 a:0.06365428864955902 to:0.06205326318740845 well:0.03973861783742905 :0.10053952038288116 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -are:0.09544548392295837 men:0.040532711893320084 were:0.036977432668209076 facts:0.023668546229600906 :0.17026278376579285 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -The:0.14508047699928284 It:0.06923002749681473 I:0.034788262099027634 He:0.030929680913686752 :0.13471755385398865 -been:0.18791475892066956 the:0.017778180539608 taken:0.015527551993727684 ever:0.010920346714556217 :0.2183113694190979 -the:0.1878998577594757 he:0.057015471160411835 they:0.047607988119125366 it:0.03839648887515068 :0.11646385490894318 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.23819512128829956 but:0.06851862370967865 the:0.051301490515470505 which:0.04745408892631531 :0.06380385905504227 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -of:0.16878075897693634 and:0.12877650558948517 in:0.09267634153366089 to:0.06346389651298523 :0.055462148040533066 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.15275919437408447 of:0.08728194981813431 and:0.08232421427965164 to:0.047830257564783096 :0.04567153751850128 -of:0.10292154550552368 in:0.04439935088157654 by:0.04213154315948486 the:0.04178483784198761 :0.11894291639328003 -of:0.13279974460601807 to:0.0773082748055458 and:0.06834308058023453 from:0.04455305263400078 :0.044756099581718445 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -days:0.09621956199407578 years:0.05538815259933472 weeks:0.04355703666806221 of:0.04348035901784897 :0.1754269152879715 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.2231111079454422 of:0.11187649518251419 in:0.06380284577608109 are:0.042444340884685516 :0.05402500182390213 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -of:0.42658135294914246 to:0.049302637577056885 the:0.03756619617342949 that:0.01854613795876503 :0.10342223197221756 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -that:0.08124659210443497 in:0.0777863934636116 of:0.05990419536828995 to:0.058577992022037506 :0.04777910187840462 -is:0.15476280450820923 was:0.07918627560138702 Is:0.02305437996983528 will:0.019818386062979698 :0.11869658529758453 -the:0.11078117042779922 a:0.04739215970039368 to:0.04724182188510895 in:0.04221399128437042 :0.12349672615528107 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.09424768388271332 that:0.04623519629240036 in:0.04370569437742233 the:0.04215296730399132 :0.08041801303625107 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -H.:0.0361349880695343 W:0.029154006391763687 A.:0.022741029039025307 L.:0.02208847552537918 :0.34149250388145447 -of:0.29217779636383057 the:0.12310703098773956 and:0.045149169862270355 for:0.032957546412944794 :0.04936737194657326 -the:0.10719962418079376 a:0.058764636516571045 of:0.04021510109305382 out:0.028131548315286636 :0.06803616881370544 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -every:0.1314636468887329 all:0.1281188428401947 the:0.08186931908130646 any:0.05025361105799675 :0.15744104981422424 -and:0.1984053999185562 the:0.04335682839155197 but:0.03112872503697872 with:0.02761182375252247 :0.07470914721488953 -ordered:0.0265146866440773 notified:0.02627418376505375 enacted,:0.020376592874526978 than:0.019262738525867462 :0.25041383504867554 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -to:0.22607474029064178 in:0.048345621675252914 from:0.04227367788553238 out:0.04218066856265068 :0.05084111541509628 -and:0.21544323861598969 but:0.05223560705780983 the:0.03290136903524399 as:0.028330715373158455 :0.06002327427268028 -in:0.34913334250450134 the:0.07711385935544968 within:0.06679168343544006 In:0.06668456643819809 :0.054258499294519424 -the:0.17477525770664215 we:0.05017627030611038 you:0.049188416451215744 he:0.048380784690380096 :0.07771619409322739 -the:0.02791515178978443 of:0.01937713846564293 and:0.012403581291437149 have:0.01214358676224947 :0.32562127709388733 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.23613590002059937 out:0.06032463535666466 down:0.04459838196635246 on:0.04217234253883362 :0.06246890872716904 -the:0.026404615491628647 a:0.017750242725014687 to:0.01662764698266983 not:0.013355626724660397 :0.25507619976997375 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -to:0.430428683757782 by:0.145365372300148 that:0.048805877566337585 in:0.022378023713827133 :0.019050266593694687 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -be:0.2578584551811218 not:0.03358340635895729 do:0.024384891614317894 bo:0.01854175329208374 :0.11540351063013077 -the:0.13697537779808044 it:0.05254269018769264 I:0.03735991194844246 if:0.035609155893325806 :0.06623194366693497 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -with:0.6087102293968201 to:0.24307936429977417 in:0.011507024057209492 and:0.007619864773005247 :0.03148458153009415 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -the:0.0960964784026146 it:0.039381224662065506 he:0.037857964634895325 a:0.02475777454674244 :0.1247284784913063 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.033074695616960526 The:0.02662740834057331 ":0.019467024132609367 the:0.017410865053534508 :0.19666464626789093 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.21707302331924438 a:0.08957666158676147 upon:0.039884451776742935 them:0.03188160061836243 :0.045103419572114944 -years:0.0784083902835846 or:0.044089969247579575 hundred:0.028000427410006523 successive:0.024910900741815567 :0.16574934124946594 -and:0.169135183095932 which:0.10348526388406754 the:0.057367049157619476 but:0.04465758800506592 :0.06369960308074951 -.:0.06988608837127686 few:0.04215701296925545 large:0.024859881028532982 man:0.013344060629606247 :0.2676287889480591 -distance:0.04643572121858597 number:0.04421847313642502 portion:0.031177697703242302 amount:0.023235082626342773 :0.1544487327337265 -of:0.2900887727737427 House:0.0942523404955864 for:0.054751474410295486 in:0.04428257420659065 :0.08686212450265884 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.15571995079517365 years:0.031163092702627182 other:0.024284161627292633 a:0.021334944292902946 :0.18804705142974854 -the:0.41426390409469604 a:0.047441739588975906 tho:0.024267999455332756 any:0.019511129707098007 :0.06090214103460312 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -per:0.053887996822595596 to:0.05205395072698593 years:0.048120900988578796 cents:0.0474126860499382 :0.2046201378107071 -and:0.03682602196931839 child:0.026966925710439682 of:0.016275418922305107 heirs:0.015970710664987564 :0.39006152749061584 -the:0.19300110638141632 it:0.03930683061480522 to:0.035132262855768204 we:0.029549099504947662 :0.05102869123220444 -W.:0.01876971311867237 the:0.01500739436596632 The:0.01459491066634655 and:0.01437334530055523 :0.31353116035461426 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.24287065863609314 in:0.0634198933839798 and:0.054435063153505325 to:0.032205939292907715 :0.1126965880393982 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.1480366438627243 of:0.1359778791666031 to:0.03255610540509224 is:0.022893525660037994 :0.15915338695049286 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.033074695616960526 The:0.02662740834057331 ":0.019467024132609367 the:0.017410865053534508 :0.19666464626789093 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -the:0.14496420323848724 a:0.08352820575237274 that:0.04974643141031265 to:0.03412146121263504 :0.1339670866727829 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.056439515203237534 of:0.05189945176243782 in:0.038383424282073975 sides:0.022368621081113815 :0.18085162341594696 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -p.:0.15063297748565674 in:0.10787739604711533 a.:0.10472390800714493 A.:0.06611566245555878 :0.06908968091011047 -Virginia.:0.07287900149822235 of:0.04712715372443199 Virginia:0.043864477425813675 and:0.034131258726119995 :0.331719309091568 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -terest:0.02970144897699356 crease:0.022288411855697632 stead:0.02054322324693203 to:0.017772745341062546 :0.6365475058555603 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -gage:0.7582758665084839 gaged:0.022140834480524063 the:0.00032815997838042676 and:0.0002937427198048681 :0.20901785790920258 -the:0.121829554438591 it:0.04392915219068527 tho:0.022008690983057022 he:0.0189349465072155 :0.11337848752737045 -and:0.09889071434736252 was:0.05788882449269295 is:0.03466686233878136 to:0.031323108822107315 :0.06266307085752487 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -the:0.11853601038455963 a:0.027234412729740143 be:0.02621631510555744 that:0.008939793333411217 :0.3091663122177124 -of:0.16978515684604645 line:0.07059624791145325 quarter:0.05792009457945824 side:0.050644174218177795 :0.12782599031925201 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -in:0.08045592904090881 on:0.06610492616891861 at:0.05294967070221901 by:0.05012045428156853 :0.0985231027007103 -the:0.11222947388887405 by:0.10235639661550522 from:0.08216504007577896 and:0.03687259182333946 :0.041668135672807693 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.1750575602054596 is:0.09048108011484146 in:0.04056324437260628 was:0.037136051803827286 :0.057170093059539795 -the:0.08762522041797638 of:0.06783795356750488 in:0.054729193449020386 and:0.0317135751247406 :0.07739269733428955 -of:0.3929330110549927 and:0.10836255550384521 which:0.03504156321287155 are:0.026551803573966026 :0.051444653421640396 -Assembly:0.08038734644651413 of:0.03058595582842827 and:0.018435105681419373 Lee:0.012138079851865768 :0.5070641040802002 -the:0.050468217581510544 a:0.016576260328292847 to:0.015248732641339302 and:0.01004817895591259 :0.20260289311408997 -ing:0.13273988664150238 fore:0.09931561350822449 tween:0.08537130802869797 cause:0.08139321953058243 :0.19399063289165497 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.13829705119132996 in:0.09867558628320694 and:0.039550844579935074 on:0.03335849195718765 :0.06541605293750763 -and:0.06175997853279114 in:0.04626323655247688 is:0.04238457605242729 of:0.03972432762384415 :0.19739703834056854 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.02279348112642765 of:0.012669960968196392 a:0.01022688951343298 .:0.009398240596055984 :0.3351995348930359 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -sons:0.1668223887681961 sonal:0.09056008607149124 fectly:0.056097522377967834 mit:0.0400557778775692 :0.3848210573196411 -of:0.601859450340271 No.:0.0513099767267704 to:0.028662383556365967 and:0.016544245183467865 :0.04627168923616409 -the:0.0868455320596695 it:0.0400262251496315 if:0.03415347635746002 yet:0.027642888948321342 :0.06376281380653381 -and:0.20848970115184784 at:0.05333497375249863 the:0.048240795731544495 to:0.040087517350912094 :0.08227895945310593 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -be:0.3013826310634613 have:0.11894971877336502 not:0.038309138268232346 bo:0.01216239295899868 :0.07202029228210449 -by:0.09029407799243927 to:0.08670508861541748 the:0.06397102028131485 in:0.05847260355949402 :0.08452489227056503 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.10074153542518616 in:0.09169835597276688 a:0.043258678168058395 the:0.038918908685445786 :0.11314281076192856 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -and:0.0320090651512146 trial:0.006810033228248358 tariff:0.005701027344912291 law:0.005502484273165464 :0.25621017813682556 -by:0.2619675099849701 the:0.20813335478305817 him:0.06748116761445999 me:0.060195837169885635 :0.05734594911336899 -and:0.06349293142557144 or:0.01907767727971077 injury:0.013660883530974388 suffering.:0.013281550258398056 :0.34382665157318115 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -day:0.03561704233288765 of:0.0342353992164135 time:0.03303401544690132 to:0.021134300157427788 :0.15742477774620056 -in:0.08766806870698929 into:0.06783183664083481 by:0.048765040934085846 the:0.04596585035324097 :0.04714960604906082 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -the:0.08163104206323624 a:0.03945162892341614 it:0.03446461260318756 he:0.022362936288118362 :0.11593642830848694 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.18881095945835114 the:0.06200873479247093 but:0.047760240733623505 that:0.04405245929956436 :0.0606529675424099 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.08045592904090881 on:0.06610492616891861 at:0.05294967070221901 by:0.05012045428156853 :0.0985231027007103 -the:0.31594228744506836 tho:0.019255435094237328 them:0.01584724895656109 two:0.014858921058475971 :0.15068286657333374 -as:0.2651868164539337 from:0.0762321949005127 beyond:0.0325518436729908 more:0.031949158757925034 :0.0632418766617775 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.05219976231455803 that:0.05045267194509506 to:0.040917593985795975 the:0.037040725350379944 :0.08966314047574997 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.15394900739192963 dry:0.03747003898024559 up:0.03501686826348305 the:0.015690527856349945 :0.1451229602098465 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -that:0.22918137907981873 of:0.12856806814670563 thereof,:0.05565999075770378 thereof:0.042092207819223404 :0.03329604119062424 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -time:0.1558830738067627 distance:0.11165019124746323 of:0.0728195533156395 time.:0.0354284793138504 :0.13860422372817993 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.02832677774131298 man:0.0189571101218462 fashioned:0.010256295092403889 age.:0.009680424816906452 :0.3170650601387024 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -menced:0.07823775708675385 pelled:0.050859469920396805 pany:0.050730135291814804 plete:0.04309970140457153 :0.3139413595199585 -and:0.06451641768217087 in:0.05123370885848999 of:0.0439157634973526 products:0.04127505421638489 :0.12675996124744415 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.20361989736557007 of:0.11336494237184525 In:0.055067576467990875 that:0.05130242183804512 :0.04327438026666641 -and:0.11613814532756805 that:0.06848165392875671 of:0.06834692507982254 to:0.05445736274123192 :0.10238823294639587 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -He:0.09556804597377777 The:0.07419736683368683 I:0.03664061799645424 It:0.03552316501736641 :0.15053889155387878 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.02018102817237377 the:0.0160328671336174 and:0.015632078051567078 of:0.015357382595539093 :0.2634615898132324 -and:0.1712169200181961 but:0.04674845561385155 which:0.04329037666320801 the:0.038033947348594666 :0.08094431459903717 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -of:0.38425374031066895 which:0.05133915692567825 and:0.049561817198991776 to:0.03105589933693409 :0.0422796793282032 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.18193121254444122 the:0.06664083898067474 but:0.0473182275891304 for:0.022697320207953453 :0.13410870730876923 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -of:0.1833534836769104 and:0.1327815055847168 to:0.04660544544458389 in:0.041350942105054855 :0.10675200819969177 -and:0.11586641520261765 of:0.1124834194779396 in:0.05395277217030525 is:0.04655914381146431 :0.0582398846745491 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -of:0.36295080184936523 and:0.04360893368721008 in:0.025834064930677414 were:0.024683356285095215 :0.04548907279968262 -same:0.007847712375223637 United:0.007386963348835707 most:0.004855936858803034 city:0.004673869349062443 :0.2560567557811737 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.04716258868575096 more:0.032873496413230896 the:0.03224669024348259 a:0.022797901183366776 :0.21265579760074615 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.2243841588497162 or:0.06156697869300842 but:0.03439720720052719 the:0.020992416888475418 :0.09489278495311737 -to:0.20666977763175964 from:0.09486296772956848 in:0.07822024077177048 and:0.03298863768577576 :0.05758345499634743 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.11586641520261765 of:0.1124834194779396 in:0.05395277217030525 is:0.04655914381146431 :0.0582398846745491 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -be:0.3197149634361267 see:0.020124852657318115 bo:0.014944136142730713 do:0.01398740615695715 :0.1449533998966217 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.06034154072403908 a:0.043448708951473236 in:0.027066903188824654 made:0.023584788665175438 :0.18853774666786194 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -to:0.09467166662216187 the:0.09194901585578918 up:0.07476664334535599 them:0.04756578803062439 :0.04318514093756676 -him:0.11965429037809372 me:0.11262659728527069 the:0.1017884686589241 that:0.08461704850196838 :0.07026275247335434 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -a:0.04044744744896889 the:0.02922150492668152 not:0.028611404821276665 to:0.01414442341774702 :0.24007518589496613 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.1606513410806656 and:0.11494292318820953 the:0.03761382773518562 according:0.025698615238070488 :0.10397353768348694 -of:0.3335553705692291 to:0.08080381900072098 that:0.04510531574487686 a:0.036591097712516785 :0.08184067159891129 -to:0.42862093448638916 by:0.29447701573371887 in:0.022749202325940132 the:0.019479526206851006 :0.01981920190155506 -to:0.12407982349395752 and:0.02482190541923046 thing:0.010402683168649673 in:0.009888360276818275 :0.27768704295158386 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -he:0.03273729607462883 the:0.025790724903345108 of:0.020090339705348015 be:0.01200561597943306 :0.2891792058944702 -to:0.13351991772651672 by:0.06513974070549011 that:0.06011863797903061 a:0.053098954260349274 :0.05245118960738182 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.13806399703025818 a:0.06546656787395477 tne:0.016328833997249603 their:0.013024450279772282 :0.1880766898393631 -and:0.1125078871846199 is:0.03590475022792816 of:0.028551246970891953 was:0.02357841469347477 :0.13848178088665009 -against:0.17570273578166962 in:0.06386354565620422 to:0.06103603169322014 on:0.04848849028348923 :0.08832155168056488 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -said:0.006335065234452486 great:0.003661954076960683 first:0.0031896051950752735 same:0.00271544954739511 :0.7160301208496094 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -by:0.10728443413972855 and:0.05059347674250603 in:0.04861028864979744 a:0.036939799785614014 :0.16736173629760742 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.14691855013370514 H.:0.028339285403490067 B.:0.020242707803845406 F.:0.019475234672427177 :0.42512696981430054 -Virginia.:0.07287900149822235 of:0.04712715372443199 Virginia:0.043864477425813675 and:0.034131258726119995 :0.331719309091568 -and:0.16961027681827545 but:0.053691864013671875 the:0.047063425183296204 which:0.03291984274983406 :0.07524286210536957 -of:0.20485256612300873 the:0.14481262862682343 to:0.11699853092432022 in:0.025807643309235573 :0.05835837498307228 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.44959160685539246 by:0.12306750565767288 that:0.03841948136687279 in:0.025157839059829712 :0.027575330808758736 -the:0.18164770305156708 and:0.04947137087583542 of:0.025517890229821205 to:0.021322935819625854 :0.11426305770874023 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.11223039776086807 to:0.07025516033172607 into:0.04625483602285385 and:0.04565291106700897 :0.07119318842887878 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -ing:0.13273988664150238 fore:0.09931561350822449 tween:0.08537130802869797 cause:0.08139321953058243 :0.19399063289165497 -ner:0.0876915380358696 aged:0.0421006865799427 kind.:0.029789013788104057 ner,:0.021055404096841812 :0.6348174810409546 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.18870653212070465 the:0.07939858734607697 but:0.02078978344798088 it:0.019421298056840897 :0.08414818346500397 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1850171685218811 in:0.03443899378180504 the:0.03186153993010521 on:0.02209295704960823 :0.12487462162971497 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.1418885886669159 the:0.06607399135828018 so:0.038482386618852615 due:0.024400828406214714 :0.25110363960266113 -out:0.06619517505168915 forth:0.06040060147643089 of:0.059924300760030746 up:0.05789599567651749 :0.0789448693394661 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.053859539330005646 to:0.02716151624917984 and:0.021624255925416946 in:0.01681123673915863 :0.20239737629890442 -to:0.11101650446653366 over:0.10430597513914108 out:0.07677783071994781 the:0.039879269897937775 :0.05975142866373062 -is:0.23493410646915436 was:0.10590562224388123 has:0.042989034205675125 Is:0.033101506531238556 :0.20334140956401825 -that:0.13784848153591156 the:0.10762919485569 a:0.07753301411867142 to:0.0704394280910492 :0.09805900603532791 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.26657819747924805 and:0.23289869725704193 to:0.05851686745882034 in:0.02003367803990841 :0.03800630569458008 -of:0.2981179654598236 that:0.12393449246883392 to:0.037915945053100586 in:0.03633212670683861 :0.06365128606557846 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -.:0.017224440351128578 -:0.013245903886854649 e:0.013182943686842918 n:0.012991116382181644 :0.3863798975944519 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -D.:0.09169359505176544 D:0.07701209932565689 M:0.04354330152273178 D.,:0.024752678349614143 :0.3761599659919739 -to:0.10428117960691452 upon:0.09748611599206924 the:0.09490382671356201 for:0.04762966185808182 :0.1430780589580536 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.04273684695363045 sition:0.04077406972646713 litical:0.03638848662376404 and:0.009767938405275345 :0.5530340075492859 -the:0.24146895110607147 their:0.04241461679339409 and:0.03165692090988159 themselves:0.02926957607269287 :0.07306209206581116 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -of:0.2816278338432312 to:0.18582305312156677 and:0.06173652783036232 in:0.040058523416519165 :0.044421058148145676 -the:0.28321319818496704 this:0.05459144338965416 that:0.04031408205628395 a:0.03681033104658127 :0.20886756479740143 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.15963879227638245 tho:0.04397793486714363 a:0.04221108928322792 of:0.017866576090455055 :0.23700855672359467 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -A:0.09297900646924973 The:0.07724854350090027 A.:0.021119102835655212 It:0.008305547758936882 :0.5402111411094666 -the:0.17712469398975372 it:0.06325319409370422 or:0.059955522418022156 they:0.05993082746863365 :0.0730995237827301 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -us:0.16412381827831268 the:0.12409006059169769 me:0.06224114075303078 them:0.060903143137693405 :0.0602022185921669 -.:0.06988608837127686 few:0.04215701296925545 large:0.024859881028532982 man:0.013344060629606247 :0.2676287889480591 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.18747153878211975 it:0.0842946395277977 he:0.07421020418405533 not:0.05616376921534538 :0.09199190139770508 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -and:0.12882868945598602 A.:0.03703976422548294 B.:0.033519890159368515 H.:0.02971845306456089 :0.3360730707645416 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.23275312781333923 the:0.057795312255620956 and:0.05612742900848389 in:0.03463105112314224 :0.07601442188024521 -ing:0.6443160176277161 ed:0.11513838917016983 ing,:0.0406913161277771 ly:0.016908833757042885 :0.05274461954832077 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.10626532137393951 for:0.0637437179684639 to:0.03858303278684616 of:0.03506874293088913 :0.11045214533805847 -as:0.10825265198945999 and:0.054943282157182693 before:0.0289095900952816 enough:0.026509786024689674 :0.17240241169929504 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1253039687871933 a:0.08425124734640121 off:0.05155619978904724 away:0.03425564616918564 :0.07866451889276505 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.2710016071796417 a:0.05846872925758362 their:0.056106582283973694 his:0.050483338534832 :0.10510464012622833 -and:0.1828882098197937 the:0.05862479656934738 which:0.044438548386096954 or:0.02423899993300438 :0.12483560293912888 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.08781484514474869 in:0.06735174357891083 the:0.04610050097107887 by:0.04230770468711853 :0.1366884708404541 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.17477525770664215 we:0.05017627030611038 you:0.049188416451215744 he:0.048380784690380096 :0.07771619409322739 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.04716258868575096 more:0.032873496413230896 the:0.03224669024348259 a:0.022797901183366776 :0.21265579760074615 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.08284001052379608 and:0.07365631312131882 on:0.05862702056765556 to:0.044355615973472595 :0.08858268707990646 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 --:0.07247088104486465 ir:0.00977068766951561 y:0.009298774413764477 e:0.005927425809204578 :0.5312309265136719 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -that:0.25615981221199036 the:0.18525204062461853 he:0.056748807430267334 a:0.04309443384408951 :0.05394749715924263 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.3520914912223816 for:0.18398790061473846 was:0.05307195335626602 the:0.03573067858815193 :0.036629147827625275 -and:0.2401551753282547 but:0.058695223182439804 the:0.048029981553554535 as:0.023836422711610794 :0.18427497148513794 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3788739740848541 and:0.07684588432312012 in:0.055859293788671494 are:0.03165069967508316 :0.04444983974099159 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.10325054079294205 and:0.07628858089447021 is:0.039110273122787476 from:0.03171437233686447 :0.11235393583774567 -was:0.05139259621500969 and:0.040625978261232376 to:0.040444981306791306 is:0.03633306175470352 :0.03388495743274689 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.25646576285362244 that:0.09135294705629349 and:0.04631670191884041 to:0.04545079916715622 :0.03862737491726875 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -cent:0.2230542153120041 cent,:0.1211099848151207 cent.:0.07385829836130142 annum,:0.02711872011423111 :0.157860666513443 -Justice:0.5366296172142029 of:0.06692901253700256 Engineer:0.02022920735180378 Clerk:0.01602846384048462 :0.19024363160133362 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.017224440351128578 -:0.013245903886854649 e:0.013182943686842918 n:0.012991116382181644 :0.3863798975944519 -the:0.04262174665927887 been:0.02158973179757595 to:0.019896704703569412 .:0.018454598262906075 :0.2589532732963562 -years:0.09944374859333038 years,:0.037234868854284286 miles:0.03417085483670235 (20):0.0332900770008564 :0.23617134988307953 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.030054951086640358 and:0.024022459983825684 In:0.02234664000570774 I:0.020053237676620483 :0.2511492967605591 -of:0.15168190002441406 a:0.14205898344516754 the:0.06233258545398712 an:0.04192729294300079 :0.1072683185338974 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -night:0.04171675071120262 year:0.037758007645606995 year.:0.029282230883836746 year,:0.026110395789146423 :0.11887776851654053 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -of:0.3362801969051361 door:0.21746033430099487 and:0.0378754548728466 the:0.023639673367142677 :0.06776734441518784 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.46119818091392517 not:0.22458747029304504 be:0.01194881834089756 the:0.00787830539047718 :0.04028819128870964 -area:0.032113902270793915 profit:0.03041527420282364 of:0.029567861929535866 gain:0.028394311666488647 :0.1099705696105957 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.11495407670736313 stock:0.039176519960165024 and:0.03737979009747505 to:0.03731749579310417 :0.12442266941070557 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2287377417087555 a:0.0680219829082489 all:0.04513256624341011 two:0.02163292095065117 :0.16339246928691864 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.06912552565336227 and:0.06845516711473465 were:0.0608598031103611 have:0.04899287596344948 :0.06977254897356033 -of:0.03127415105700493 and:0.01589454524219036 .:0.01528619509190321 to:0.014104236848652363 :0.37127217650413513 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.14089332520961761 of:0.07981541752815247 and:0.06698942929506302 in:0.06166719272732735 :0.07653330266475677 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.08310669660568237 in:0.0721217691898346 are:0.05833977088332176 and:0.05328124016523361 :0.05556821823120117 -and:0.11121737211942673 Tennessee,:0.06387053430080414 who:0.043057188391685486 the:0.028765998780727386 :0.11672243475914001 -and:0.03151750564575195 as:0.02081204019486904 in:0.014236459508538246 to:0.01354913879185915 :0.4476446807384491 -of:0.2856326401233673 to:0.15150287747383118 on:0.04253438860177994 and:0.03819339722394943 :0.0385025329887867 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.2660672664642334 in:0.19641560316085815 the:0.15278126299381256 In:0.02018044888973236 :0.026607893407344818 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -to:0.15909218788146973 out:0.05340169370174408 about:0.04949793592095375 the:0.04316485673189163 :0.057520657777786255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -York:0.08744712173938751 the:0.0704488530755043 that:0.06374293565750122 therefore,:0.04470082372426987 :0.08650172501802444 -and:0.2576634883880615 but:0.054657984524965286 the:0.03508896008133888 which:0.021395955234766006 :0.09016654640436172 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.25707581639289856 it:0.1300750970840454 they:0.058363813906908035 a:0.04261109605431557 :0.04223419725894928 -of:0.5258973240852356 to:0.07740174233913422 in:0.045728087425231934 and:0.03443576395511627 :0.04899132624268532 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.2289803922176361 but:0.0611066110432148 the:0.022443439811468124 as:0.020169394090771675 :0.09057585895061493 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.024868208914995193 John:0.016977384686470032 Pierce's:0.016448376700282097 J.:0.015136649832129478 :0.5590976476669312 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.15261845290660858 of:0.044453129172325134 is:0.028651023283600807 or:0.0268388781696558 :0.15990684926509857 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -a:0.04400823637843132 the:0.032443560659885406 made:0.01650260202586651 no:0.015315092168748379 :0.2852921485900879 -D.:0.09169359505176544 D:0.07701209932565689 M:0.04354330152273178 D.,:0.024752678349614143 :0.3761599659919739 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.06609325855970383 mills:0.04638028144836426 is:0.027936656028032303 crop:0.02562171034514904 :0.14819787442684174 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.33098939061164856 the:0.11905372142791748 and:0.03918624296784401 to:0.03491877391934395 :0.033052220940589905 -have:0.10225638747215271 are:0.06870058178901672 were:0.028768403455615044 can:0.02542116865515709 :0.17102183401584625 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.07574225217103958 and:0.03198060765862465 girl.:0.028256559744477272 who:0.026802774518728256 :0.21384111046791077 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -to:0.26739707589149475 and:0.06274423748254776 the:0.059943702071905136 a:0.02156662568449974 :0.06943143904209137 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.17470978200435638 by:0.1055002361536026 and:0.0661175474524498 in:0.03140096366405487 :0.07090330868959427 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.16635365784168243 by:0.10773929953575134 a:0.06265707314014435 for:0.03509243205189705 :0.1158311665058136 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -of:0.1949658989906311 in:0.16391333937644958 for:0.04071861505508423 In:0.038393039256334305 :0.05301620438694954 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -be:0.2578584551811218 not:0.03358340635895729 do:0.024384891614317894 bo:0.01854175329208374 :0.11540351063013077 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.31594228744506836 tho:0.019255435094237328 them:0.01584724895656109 two:0.014858921058475971 :0.15068286657333374 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.05245903506875038 land:0.037777550518512726 products:0.025647876784205437 land,:0.023610923439264297 :0.17693229019641876 -the:0.08675182610750198 of:0.025512032210826874 a:0.022906402125954628 and:0.014942584559321404 :0.33342018723487854 -tant:0.09586241096258163 tance:0.09049641340970993 trict:0.05209236219525337 charge:0.04965286701917648 :0.38522404432296753 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1581300050020218 and:0.0636352077126503 Taft:0.03269411623477936 to:0.026117056608200073 :0.1928872913122177 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.23613590002059937 out:0.06032463535666466 down:0.04459838196635246 on:0.04217234253883362 :0.06246890872716904 -of:0.10888688266277313 and:0.0834030732512474 to:0.044551897794008255 or:0.04384537786245346 :0.10858501493930817 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1770995557308197 the:0.045941341668367386 which:0.038472943007946014 but:0.03349050134420395 :0.1456664651632309 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -and:0.0960635170340538 in:0.0697869285941124 of:0.037542976438999176 on:0.03667097166180611 :0.12087862193584442 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -and:0.10495975613594055 of:0.0727125033736229 office:0.04184509068727493 the:0.02483806200325489 :0.13862676918506622 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -been:0.030655687674880028 the:0.02691657282412052 as:0.02375328354537487 a:0.015629680827260017 :0.14259637892246246 -of:0.15571995079517365 years:0.031163092702627182 other:0.024284161627292633 a:0.021334944292902946 :0.18804705142974854 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -The:0.15672920644283295 I:0.06229633092880249 It:0.056777141988277435 A:0.027986254543066025 :0.19559842348098755 -and:0.20312005281448364 the:0.04483586177229881 as:0.029245827347040176 a:0.02867555245757103 :0.14661091566085815 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -that:0.20147337019443512 what:0.08905667066574097 the:0.07134820520877838 how:0.04897133633494377 :0.048351582139730453 -and:0.1029185950756073 enough:0.011579909361898899 stream:0.010471612215042114 as:0.010054852813482285 :0.2144835740327835 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -visions:0.12271422892808914 duced:0.03575288876891136 tection:0.029099592939019203 vide:0.028614068403840065 :0.5140203237533569 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -not:0.07071167975664139 sure:0.03997979313135147 a:0.03921214118599892 going:0.01862390898168087 :0.16433919966220856 -the:0.14054067432880402 tne:0.0230503361672163 a:0.02267247810959816 any:0.011735508218407631 :0.26556673645973206 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.11357429623603821 the:0.05947435274720192 so:0.037937574088573456 very:0.03652309626340866 :0.20173566043376923 -of:0.40610188245773315 with:0.10202339291572571 more:0.05334185063838959 in:0.03538995608687401 :0.045536503195762634 -to:0.12316901236772537 and:0.0909867063164711 in:0.01707279309630394 demand:0.016114365309476852 :0.22681638598442078 -the:0.5595689415931702 tho:0.03461235389113426 a:0.02738848328590393 his:0.017285723239183426 :0.055420126765966415 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -same:0.008030792698264122 most:0.006648487411439419 present:0.005808359477669001 first:0.0056433649733662605 :0.4828549921512604 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -to:0.2606671452522278 by:0.0705777108669281 that:0.024161869660019875 in:0.019789788872003555 :0.18974539637565613 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.18611715734004974 of:0.13165394961833954 to:0.05771494284272194 was:0.03569226339459419 :0.06316081434488297 -the:0.05415022745728493 a:0.03578799590468407 that:0.02839328721165657 and:0.02174241840839386 :0.15172389149665833 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -dollars:0.08149302750825882 dollars,:0.04094420000910759 of:0.030837910249829292 eight:0.025085417553782463 :0.24961765110492706 -of:0.6792590618133545 the:0.01827983744442463 ot:0.014317733235657215 in:0.013927948661148548 :0.01829099841415882 -with:0.15537451207637787 to:0.0526549331843853 and:0.05153696611523628 into:0.04372013732790947 :0.07679044455289841 -by:0.14404430985450745 in:0.10510137677192688 a:0.07125004380941391 the:0.0675232857465744 :0.07368863373994827 -tinued:0.034667860716581345 tract:0.030118511989712715 struction:0.020052818581461906 nected:0.019565146416425705 :0.542401134967804 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3219010829925537 in:0.08528423309326172 and:0.057535357773303986 more:0.04463514685630798 :0.07643859833478928 -been:0.09002414345741272 In:0.040151067078113556 to:0.03209042176604271 in:0.02641025371849537 :0.0646362155675888 -and:0.08457443863153458 as:0.05339771509170532 in:0.03842267766594887 but:0.03551887348294258 :0.07697319239377975 -The:0.1823328286409378 It:0.03856436908245087 He:0.033838365226984024 There:0.028600012883543968 :0.11402732133865356 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.2394770234823227 or:0.04150976985692978 but:0.040766455233097076 as:0.038820866495370865 :0.06362892687320709 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.11586641520261765 of:0.1124834194779396 in:0.05395277217030525 is:0.04655914381146431 :0.0582398846745491 -of:0.1027897372841835 and:0.07544682174921036 the:0.062018439173698425 on:0.048748284578323364 :0.07178954035043716 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -cept:0.05201881378889084 pected:0.04062062129378319 penses:0.023408958688378334 perience:0.014684257097542286 :0.6337358355522156 -to:0.3094582259654999 that:0.17194616794586182 in:0.04910026863217354 from:0.04514061659574509 :0.03688572719693184 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.10147027671337128 the:0.03266233205795288 a:0.015012010931968689 in:0.014429992996156216 :0.336907297372818 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -from:0.2569828927516937 with:0.07701340317726135 the:0.06771159172058105 and:0.051886849105358124 :0.046561531722545624 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -a:0.2821892201900482 the:0.15338104963302612 and:0.03879160434007645 an:0.03186236321926117 :0.09706570208072662 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -be:0.09684829413890839 have:0.04009316489100456 the:0.036980122327804565 a:0.027034368366003036 :0.14224377274513245 -and:0.16825810074806213 in:0.05951280891895294 to:0.04995100572705269 that:0.04076302796602249 :0.05326521396636963 -D.:0.09169359505176544 D:0.07701209932565689 M:0.04354330152273178 D.,:0.024752678349614143 :0.3761599659919739 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -property:0.10131147503852844 knowledge:0.034620724618434906 estate:0.0337027981877327 appearance:0.019173264503479004 :0.18902689218521118 -than:0.10255640745162964 be:0.06293734908103943 to:0.03276421129703522 a:0.023775752633810043 :0.16496168076992035 -and:0.08222077786922455 that:0.08049468696117401 of:0.06272981315851212 for:0.05302389711141586 :0.06559636443853378 -and:0.19150413572788239 but:0.04691001772880554 the:0.04623062536120415 or:0.03237808495759964 :0.05566660314798355 -of:0.35708653926849365 and:0.06359636783599854 to:0.03439959138631821 for:0.027664534747600555 :0.05492239445447922 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.274614542722702 of:0.15881864726543427 the:0.058553546667099 a:0.035974521189928055 :0.05241212993860245 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -to:0.749203622341156 to,:0.05048322677612305 to.:0.04199243709445 the:0.013574017211794853 :0.038858477026224136 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -ister:0.19692087173461914 ular:0.12573353946208954 -:0.004531225189566612 and:0.0027373027987778187 :0.5959950685501099 -a:0.1418885886669159 the:0.06607399135828018 so:0.038482386618852615 due:0.024400828406214714 :0.25110363960266113 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -The:0.11094167083501816 It:0.03135240077972412 He:0.024106409400701523 A:0.02346044033765793 :0.2748049199581146 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.1774410903453827 but:0.06373215466737747 the:0.04601883515715599 as:0.02299869805574417 :0.06876694411039352 -of:0.09510569274425507 in:0.08398308604955673 and:0.061579663306474686 by:0.054337285459041595 :0.04675563797354698 -of:0.16724859178066254 and:0.12053232640028 to:0.05147343873977661 who:0.049941275268793106 :0.05949622765183449 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -have:0.11768656224012375 are:0.09226855635643005 were:0.03430884703993797 had:0.03061225824058056 :0.0752384215593338 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -was:0.17297698557376862 had:0.06520053744316101 is:0.04912802204489708 has:0.03723181039094925 :0.10190985351800919 -tain:0.17140619456768036 pended:0.07971790432929993 tained:0.05210109427571297 pension:0.021646924316883087 :0.5870782732963562 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -The:0.23169374465942383 It:0.06158125400543213 A:0.036637499928474426 He:0.02471993863582611 :0.23442263901233673 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.14922937750816345 was:0.04070264473557472 which:0.03326711803674698 in:0.030768241733312607 :0.052769217640161514 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -party:0.230843186378479 party,:0.12668219208717346 and:0.04505842551589012 of:0.010335161350667477 :0.1874307543039322 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.1088213175535202 it:0.053892042487859726 the:0.05335839092731476 he:0.037503380328416824 :0.033510010689496994 -The:0.11025992780923843 It:0.056819550693035126 I:0.03605329990386963 There:0.03328348696231842 :0.1664714813232422 -a:0.0899466723203659 the:0.07284276932477951 any:0.06332673877477646 being:0.01404645573347807 :0.24706797301769257 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.11820848286151886 In:0.03390546515583992 It:0.03137340024113655 A:0.029950814321637154 :0.20154094696044922 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.05236238241195679 number:0.0468994565308094 amount:0.028084835037589073 as:0.025021644309163094 :0.23513855040073395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -car:0.056691765785217285 and:0.031192054972052574 boat:0.03053278475999832 car,:0.02429305389523506 :0.22992001473903656 -the:0.039833907037973404 of:0.017600394785404205 to:0.016799042001366615 and:0.013425630517303944 :0.36135903000831604 -party:0.2514079511165619 party,:0.1196979507803917 party.:0.01815715618431568 members:0.014893055893480778 :0.21687626838684082 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -of:0.03420783206820488 to:0.013145451433956623 .:0.012639174237847328 and:0.012218286283314228 :0.3456663489341736 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.13027626276016235 where:0.048086609691381454 the:0.04764235392212868 in:0.04108181223273277 :0.04399045184254646 -tinued:0.034667860716581345 tract:0.030118511989712715 struction:0.020052818581461906 nected:0.019565146416425705 :0.542401134967804 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -H.:0.0361349880695343 W:0.029154006391763687 A.:0.022741029039025307 L.:0.02208847552537918 :0.34149250388145447 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -and:0.17564746737480164 but:0.03834117576479912 which:0.032771963626146317 the:0.029532797634601593 :0.0460762158036232 -of:0.43848901987075806 and:0.13025416433811188 which:0.02364150434732437 in:0.023189961910247803 :0.037384841591119766 -nd:0.0156668983399868 r:0.014731954783201218 .:0.013588588684797287 the:0.010140538215637207 :0.2105702906847 -ing:0.13273988664150238 fore:0.09931561350822449 tween:0.08537130802869797 cause:0.08139321953058243 :0.19399063289165497 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -in:0.09515975415706635 as:0.06650279462337494 after:0.06350309401750565 with:0.04368365928530693 :0.06289763003587723 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1150154322385788 of:0.09078148752450943 or:0.03025120496749878 in:0.018473999574780464 :0.3802383840084076 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -B:0.020638056099414825 J:0.02010377123951912 L:0.012144862674176693 H:0.012122518382966518 :0.5127801299095154 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -to:0.22926747798919678 from:0.048440661281347275 in:0.04655684158205986 up:0.040091849863529205 :0.0716758519411087 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -of:0.6716819405555725 and:0.03522171825170517 that:0.021226681768894196 ot:0.017691878601908684 :0.02692038007080555 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -up:0.10867094248533249 by:0.07294211536645889 in:0.06572529673576355 a:0.050315972417593 :0.04317615553736687 -that:0.13784848153591156 the:0.10762919485569 a:0.07753301411867142 to:0.0704394280910492 :0.09805900603532791 -of:0.6856895089149475 to:0.03408908471465111 for:0.03178003802895546 and:0.0208304300904274 :0.028483418747782707 -to:0.09424768388271332 that:0.04623519629240036 in:0.04370569437742233 the:0.04215296730399132 :0.08041801303625107 -been:0.07629714906215668 be:0.0499790757894516 had:0.025709202513098717 have:0.022763649001717567 :0.12283376604318619 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.1966484934091568 that:0.1394416093826294 by:0.07413453608751297 the:0.06804725527763367 :0.08407191932201385 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -be:0.24925768375396729 not:0.03364473581314087 have:0.023497387766838074 bo:0.01898653618991375 :0.18229927122592926 -of:0.2660672664642334 in:0.19641560316085815 the:0.15278126299381256 In:0.02018044888973236 :0.026607893407344818 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.07448340952396393 who:0.07158875465393066 in:0.044706303626298904 was:0.03933262452483177 :0.08477235585451126 -of:0.3219502568244934 in:0.04532679170370102 and:0.04127082601189613 or:0.03200960531830788 :0.028566330671310425 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.10025423765182495 for:0.08598709851503372 in:0.050028521567583084 of:0.04666369780898094 :0.08173917233943939 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -parts:0.04925866425037384 kinds:0.020171547308564186 other:0.018170258030295372 forms,:0.015546479262411594 :0.31474295258522034 -vegetable:0.04440583661198616 a:0.031213970854878426 political:0.024502074345946312 the:0.014511802233755589 :0.3447282612323761 -been:0.18912282586097717 a:0.07519321888685226 the:0.05475170165300369 no:0.013400294817984104 :0.10632524639368057 -o'clock:0.110672727227211 per:0.07149618119001389 to:0.043467555195093155 a.:0.027001770213246346 :0.19192562997341156 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -partment:0.04691333696246147 fendant:0.002549179596826434 spite:0.0025114465970546007 mand:0.0020104011055082083 :0.8802104592323303 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -of:0.43262261152267456 the:0.05952709540724754 in:0.04093717411160469 for:0.02506745047867298 :0.038560058921575546 -and:0.09675233066082001 of:0.06645508855581284 in:0.03704924136400223 the:0.03578222170472145 :0.09280648082494736 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -Dated:0.37449386715888977 The:0.06053132563829422 Now,:0.04555191099643707 And:0.02212078683078289 :0.1049327403306961 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.1189686730504036 in:0.02714597061276436 the:0.02459447830915451 who:0.021456195041537285 :0.2670544385910034 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.17477525770664215 we:0.05017627030611038 you:0.049188416451215744 he:0.048380784690380096 :0.07771619409322739 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -16,:0.06327411532402039 and:0.059009213000535965 16.:0.017200719565153122 block:0.016574030742049217 :0.2805196940898895 -visions:0.12271422892808914 duced:0.03575288876891136 tection:0.029099592939019203 vide:0.028614068403840065 :0.5140203237533569 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.20108383893966675 and:0.05771812051534653 at:0.044577546417713165 of:0.04219905659556389 :0.06102670356631279 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.09909011423587799 of:0.09673328697681427 in:0.08265326172113419 to:0.04738331586122513 :0.10660188645124435 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -to:0.15909218788146973 out:0.05340169370174408 about:0.04949793592095375 the:0.04316485673189163 :0.057520657777786255 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.19150413572788239 but:0.04691001772880554 the:0.04623062536120415 or:0.03237808495759964 :0.05566660314798355 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.24281242489814758 and:0.07628455013036728 for:0.0738271102309227 to:0.050037264823913574 :0.061899568885564804 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -day:0.03561704233288765 of:0.0342353992164135 time:0.03303401544690132 to:0.021134300157427788 :0.15742477774620056 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -that:0.126918226480484 of:0.061995938420295715 to:0.055295463651418686 and:0.04567193612456322 :0.17878924310207367 -and:0.10353605449199677 to:0.04597510024905205 of:0.04524907469749451 was:0.03347308933734894 :0.0973840206861496 -the:0.31594228744506836 tho:0.019255435094237328 them:0.01584724895656109 two:0.014858921058475971 :0.15068286657333374 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -of:0.06316037476062775 more:0.06229129433631897 as:0.04989323392510414 to:0.04015380144119263 :0.1596965789794922 -to:0.16867627203464508 for:0.0960066094994545 in:0.05788319185376167 and:0.03065180405974388 :0.10207348316907883 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.16352416574954987 to:0.15024036169052124 Block:0.05639450624585152 of:0.03286074474453926 :0.1660093516111374 -amount:0.01233748346567154 country:0.011587810702621937 length:0.007251199800521135 body:0.006957653909921646 :0.24169330298900604 -the:0.06034154072403908 a:0.043448708951473236 in:0.027066903188824654 made:0.023584788665175438 :0.18853774666786194 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.23080797493457794 with:0.03859663009643555 the:0.03460568189620972 but:0.027310431003570557 :0.06170147657394409 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.2640928626060486 the:0.041736017912626266 in:0.022334758192300797 but:0.019807398319244385 :0.12293218821287155 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -of:0.13999855518341064 and:0.11611048877239227 were:0.10137008875608444 are:0.07986345887184143 :0.054865334182977676 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -far:0.0603245347738266 the:0.021929031237959862 be:0.013097374700009823 to:0.012695294804871082 :0.24385406076908112 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -A.:0.08205440640449524 and:0.06318892538547516 the:0.022860895842313766 in:0.015022648498415947 :0.5515340566635132 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.1149897500872612 were:0.0675496906042099 with:0.05658862739801407 of:0.04851336032152176 :0.04565003514289856 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -the:0.06034154072403908 a:0.043448708951473236 in:0.027066903188824654 made:0.023584788665175438 :0.18853774666786194 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -and:0.06804472953081131 of:0.04825378954410553 the:0.03793931007385254 in:0.019190775230526924 :0.4111747145652771 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -to:0.10663603246212006 for:0.10262053459882736 with:0.08170778304338455 in:0.05401778221130371 :0.23503942787647247 -sand:0.05838210880756378 art:0.022571679204702377 the:0.01702655293047428 and:0.01501445658504963 :0.5061779618263245 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.10303271561861038 the:0.06430774927139282 he:0.0539449080824852 they:0.05261162295937538 :0.07537786662578583 -til:0.04283996671438217 der:0.030575480312108994 the:0.025765521451830864 to:0.012319210916757584 :0.4562009274959564 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -.:0.3498915433883667 .,:0.01298720296472311 F:0.008500682190060616 street:0.006512082181870937 :0.34648367762565613 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.2611105144023895 are:0.16385239362716675 was:0.13630259037017822 were:0.08566633611917496 :0.03625030443072319 -and:0.06609325855970383 mills:0.04638028144836426 is:0.027936656028032303 crop:0.02562171034514904 :0.14819787442684174 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.1880553662776947 It:0.05513957887887955 A:0.03903193771839142 In:0.029730144888162613 :0.17286381125450134 -of:0.3502819836139679 where:0.06600803136825562 in:0.043860163539648056 and:0.03271374851465225 :0.0720604881644249 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -and:0.024165140464901924 A:0.01726721227169037 E:0.01623479649424553 of:0.012100287713110447 :0.5445197224617004 -of:0.3566654622554779 and:0.03645728901028633 in:0.02218753844499588 to:0.015545498579740524 :0.10607901215553284 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.31036457419395447 and:0.10490414500236511 to:0.09083712100982666 was:0.03084782138466835 :0.05332275480031967 -of:0.22479920089244843 as:0.050325434654951096 to:0.042932864278554916 shall:0.025103839114308357 :0.05783336982131004 -for:0.2802656292915344 and:0.14607271552085876 of:0.10154528170824051 to:0.06761787831783295 :0.06284421682357788 -ing:0.13273988664150238 fore:0.09931561350822449 tween:0.08537130802869797 cause:0.08139321953058243 :0.19399063289165497 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -part:0.08663614094257355 and:0.051644567400217056 states:0.029494881629943848 boundary:0.019049229100346565 :0.26681968569755554 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.12636443972587585 who:0.06472870707511902 to:0.04112473130226135 the:0.0373423770070076 :0.13033807277679443 -to:0.2036912739276886 in:0.13861478865146637 and:0.06737426668405533 of:0.049883000552654266 :0.048130132257938385 -that:0.08236318826675415 cured.:0.03111322969198227 to:0.029647085815668106 and:0.027056142687797546 :0.19572508335113525 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -a:0.010283667594194412 the:0.009843056090176105 to:0.009234092198312283 of:0.00864758063107729 :0.28567513823509216 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.13697537779808044 it:0.05254269018769264 I:0.03735991194844246 if:0.035609155893325806 :0.06623194366693497 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -the:0.10645195096731186 by:0.10180506855249405 through:0.05344239994883537 a:0.04655205085873604 :0.07113930583000183 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -night:0.04171675071120262 year:0.037758007645606995 year.:0.029282230883836746 year,:0.026110395789146423 :0.11887776851654053 -to:0.18091177940368652 for:0.08005465567111969 that:0.07725795358419418 the:0.031633131206035614 :0.11655044555664062 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.0875076875090599 the:0.06762214750051498 up:0.06661771982908249 on:0.05827484652400017 :0.0542076975107193 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.11613911390304565 county:0.03290032222867012 Registry:0.031551823019981384 county,:0.026347719132900238 :0.22559569776058197 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -The:0.2054242193698883 It:0.04121340066194534 There:0.027269313111901283 A:0.02121083438396454 :0.17433860898017883 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -of:0.17445935308933258 and:0.0641859769821167 in:0.053873296827077866 on:0.02613328956067562 :0.08842708170413971 -than:0.12756937742233276 and:0.05135563388466835 ones:0.02971532940864563 quantities:0.027543624863028526 :0.24563708901405334 -and:0.04310399666428566 of:0.015088770538568497 to:0.01424325443804264 at:0.01290897000581026 :0.4792046546936035 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -pared:0.052988450974226 sent:0.04485972970724106 sented:0.03831470385193825 vious:0.02760361321270466 :0.651074230670929 -terest:0.02970144897699356 crease:0.022288411855697632 stead:0.02054322324693203 to:0.017772745341062546 :0.6365475058555603 -and:0.13311024010181427 rubber:0.037296030670404434 to:0.02754395455121994 with:0.02731463499367237 :0.2192918062210083 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -in:0.2401110827922821 In:0.14368665218353271 of:0.124692901968956 and:0.04475991800427437 :0.12290942668914795 -that:0.29726341366767883 and:0.18360647559165955 the:0.032036520540714264 but:0.02976476587355137 :0.04714713990688324 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -upon:0.37809914350509644 by:0.1594257950782776 on:0.08795449882745743 the:0.048141755163669586 :0.04425068199634552 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -and:0.07788652181625366 was:0.0518144853413105 had:0.02544642798602581 is:0.016940906643867493 :0.4097282290458679 -by:0.5990964770317078 the:0.06330124288797379 in:0.037150830030441284 to:0.028703253716230392 :0.02019193023443222 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -be:0.06658535450696945 the:0.06280869990587234 not:0.03976982831954956 a:0.03703264892101288 :0.12188208848237991 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -and:0.22372348606586456 on:0.1966286152601242 as:0.14259013533592224 by:0.10917240381240845 :0.02874797210097313 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -days:0.09621956199407578 years:0.05538815259933472 weeks:0.04355703666806221 of:0.04348035901784897 :0.1754269152879715 -pected:0.06675603240728378 penses:0.04985416308045387 pressed:0.02595956064760685 tended:0.020796801894903183 :0.6112529039382935 -to:0.08475599437952042 that:0.07605068385601044 of:0.055467020720243454 in:0.05342980474233627 :0.07746848464012146 -the:0.24416321516036987 they:0.054389484226703644 he:0.036025237292051315 it:0.03010527975857258 :0.10381904989480972 -and:0.11009274423122406 of:0.10121173411607742 in:0.0777750313282013 was:0.04021431505680084 :0.08615222573280334 -in:0.11357032507658005 on:0.08090199530124664 at:0.04513144865632057 of:0.03953545540571213 :0.11601812392473221 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.0650552362203598 in:0.04962833225727081 is:0.033417120575904846 to:0.03271962329745293 :0.10478051006793976 -of:0.14766336977481842 and:0.04698250815272331 is:0.034746892750263214 has:0.027912242338061333 :0.1445118486881256 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.15910939872264862 the:0.058506377041339874 which:0.045836467295885086 but:0.03172915056347847 :0.11068432778120041 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -to:0.5285189151763916 for:0.07826908677816391 of:0.03545813262462616 in:0.02486705593764782 :0.05126749724149704 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -to:0.22926747798919678 from:0.048440661281347275 in:0.04655684158205986 up:0.040091849863529205 :0.0716758519411087 -the:0.4027281403541565 and:0.06169125437736511 a:0.02616485208272934 into:0.022430744022130966 :0.05162535235285759 -and:0.10884125530719757 are:0.07918241620063782 in:0.04957425221800804 were:0.04778638482093811 :0.05131111294031143 -government:0.03559626266360283 Central:0.023997502401471138 war:0.021052811294794083 War,:0.020263617858290672 :0.15263119339942932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4877642095088959 that:0.12980805337429047 to:0.020979687571525574 the:0.01884293556213379 :0.016383584588766098 -of:0.060768112540245056 country:0.02046826481819153 matter:0.014081597328186035 amount:0.012219402007758617 :0.15567417442798615 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.14759008586406708 the:0.0387558750808239 to:0.03332141786813736 but:0.029653631150722504 :0.09510361403226852 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4074952304363251 or:0.07487807422876358 and:0.04243630915880203 for:0.022222770377993584 :0.04799551144242287 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -same:0.008030792698264122 most:0.006648487411439419 present:0.005808359477669001 first:0.0056433649733662605 :0.4828549921512604 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.6048688292503357 tho:0.04073081910610199 which:0.031648941338062286 his:0.02382778190076351 :0.035510674118995667 -the:0.1156386211514473 he:0.075358547270298 I:0.05297842249274254 there:0.04754842072725296 :0.04662245884537697 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -that:0.4559643268585205 the:0.09008145332336426 to:0.08481056243181229 a:0.023153547197580338 :0.03644834831357002 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.0650552362203598 in:0.04962833225727081 is:0.033417120575904846 to:0.03271962329745293 :0.10478051006793976 -the:0.06416065245866776 a:0.048969633877277374 to:0.0368959978222847 be:0.025181012228131294 :0.1372653990983963 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -only:0.2857971787452698 a:0.1421457976102829 one:0.043421532958745956 the:0.022006768733263016 :0.05385666340589523 -.:0.30928006768226624 W:0.022530170157551765 H:0.014557861723005772 J:0.0135013023391366 :0.303859144449234 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -D:0.02294819802045822 C:0.016131799668073654 C.:0.012932316400110722 W.:0.00932737160474062 :0.5767592787742615 -the:0.06322209537029266 a:0.0242884773761034 to:0.02155732363462448 he:0.018249301239848137 :0.17012540996074677 -and:0.08781816065311432 has:0.058443330228328705 was:0.046843450516462326 is:0.0301290825009346 :0.13922713696956635 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.04883850738406181 with:0.04231506958603859 of:0.03956930339336395 in:0.031602416187524796 :0.08793099224567413 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.0578569658100605 a:0.014992605894804 that:0.012139124795794487 to:0.011600722558796406 :0.252699077129364 -the:0.29389289021492004 a:0.05665617063641548 to:0.047457337379455566 and:0.028424980118870735 :0.1097216084599495 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.06218210980296135 composition:0.03844595327973366 skill:0.03217039257287979 work:0.007315218914300203 :0.3244250416755676 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.07629714906215668 be:0.0499790757894516 had:0.025709202513098717 have:0.022763649001717567 :0.12283376604318619 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.16081133484840393 to:0.12296096235513687 and:0.06147054582834244 on:0.044364649802446365 :0.06571459025144577 -that:0.13784848153591156 the:0.10762919485569 a:0.07753301411867142 to:0.0704394280910492 :0.09805900603532791 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.1129763126373291 that:0.10810033231973648 the:0.0824112817645073 a:0.06360829621553421 :0.07629287987947464 -the:0.020649105310440063 of:0.014943127520382404 a:0.014446763321757317 to:0.010476849973201752 :0.3380710780620575 -the:0.15545375645160675 is:0.07289856672286987 was:0.035194821655750275 it:0.01917683705687523 :0.06537233293056488 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.41975340247154236 and:0.11614673584699631 as:0.03018265590071678 that:0.021707741543650627 :0.03502047434449196 -mer:0.4502279758453369 mit:0.03670269995927811 mon:0.00408974289894104 a:0.0025965189561247826 :0.4117615520954132 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.0665447786450386 goods:0.05445878952741623 weather:0.03716367483139038 in:0.022291984409093857 :0.19445055723190308 -of:0.19604231417179108 number:0.01910843886435032 yield:0.0188970435410738 price:0.013051974587142467 :0.15272057056427002 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -deg.:0.0891566351056099 and:0.03989153355360031 cents:0.037813667207956314 min.:0.028632311150431633 :0.28633758425712585 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.45258018374443054 for:0.055965207517147064 and:0.039506055414676666 of:0.034837450832128525 :0.08954005688428879 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -y:0.01995832845568657 ir:0.019868189468979836 and:0.00862768106162548 the:0.0063058785162866116 :0.2506798207759857 -of:0.1546773910522461 and:0.07494808733463287 the:0.03954891487956047 in:0.037834953516721725 :0.07049109041690826 -and:0.1306997686624527 who:0.07976262271404266 but:0.0389949269592762 a:0.02062574028968811 :0.06597866863012314 -as:0.2651868164539337 from:0.0762321949005127 beyond:0.0325518436729908 more:0.031949158757925034 :0.0632418766617775 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -of:0.6358018517494202 in:0.03563551604747772 to:0.021895503625273705 and:0.02062171883881092 :0.03627351298928261 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -a:0.04682449251413345 the:0.039327483624219894 not:0.03195876255631447 to:0.01318331714719534 :0.4139143228530884 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.12517888844013214 magistrate:0.04694029316306114 consulting:0.02178681455552578 and:0.02004123106598854 :0.18426524102687836 -and:0.13654522597789764 the:0.050845228135585785 which:0.026272058486938477 said:0.011319857090711594 :0.32235124707221985 -by:0.4754517376422882 the:0.07391157746315002 a:0.04836845397949219 in:0.04292500019073486 :0.044415876269340515 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.06104563921689987 County:0.04758407548069954 doctrine:0.044429924339056015 county,:0.02997838892042637 :0.2874145805835724 -to:0.41373446583747864 the:0.0972265899181366 in:0.06318604946136475 for:0.02170729637145996 :0.06723134219646454 -in:0.1699301302433014 above,:0.07585625350475311 and:0.03682392090559006 the:0.03653364256024361 :0.08102498948574066 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -are:0.14767664670944214 were:0.09226115792989731 have:0.08225135505199432 will:0.04126095399260521 :0.08120933920145035 -street.:0.19658830761909485 and:0.13898171484470367 street,:0.12606863677501678 street:0.10724957287311554 :0.16233384609222412 -in:0.04716258868575096 more:0.032873496413230896 the:0.03224669024348259 a:0.022797901183366776 :0.21265579760074615 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -of:0.32273074984550476 the:0.059481244534254074 was:0.03502509370446205 made:0.032435666769742966 :0.04509316384792328 -in:0.0875076875090599 the:0.06762214750051498 up:0.06661771982908249 on:0.05827484652400017 :0.0542076975107193 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15524160861968994 a:0.08469796180725098 up:0.03953614458441734 care:0.03166709840297699 :0.08760204911231995 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -The:0.15895779430866241 It:0.09108681976795197 In:0.03362635523080826 He:0.03291359916329384 :0.15341341495513916 -be:0.3013826310634613 have:0.11894971877336502 not:0.038309138268232346 bo:0.01216239295899868 :0.07202029228210449 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -a:0.03465565666556358 the:0.02578466571867466 in:0.020485755056142807 to:0.015683354809880257 :0.181648388504982 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.21181827783584595 they:0.03641663119196892 in:0.03181426599621773 he:0.025803958997130394 :0.11875980347394943 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -than:0.1419132947921753 to:0.03906868398189545 for:0.03051593527197838 and:0.026000842452049255 :0.13465552031993866 -and:0.1347280591726303 the:0.03895092383027077 but:0.030751174315810204 for:0.02475922182202339 :0.03764427825808525 -of:0.3718712627887726 and:0.03934444487094879 ity:0.030223505571484566 is:0.02463131956756115 :0.1001162901520729 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.43341735005378723 a:0.0633452907204628 tho:0.027144378051161766 which:0.025998953729867935 :0.08176284283399582 -the:0.1380353420972824 of:0.08191534876823425 that:0.055511631071567535 this:0.036007437855005264 :0.12995800375938416 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.19293659925460815 the:0.031256165355443954 in:0.028581630438566208 which:0.025196973234415054 :0.10197681933641434 -of:0.25578513741493225 in:0.1319703757762909 and:0.061221688985824585 at:0.041246842592954636 :0.0522075891494751 -the:0.10240107774734497 a:0.06718461215496063 them:0.04779723286628723 him:0.04725667089223862 :0.07082982361316681 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -and:0.05757301673293114 were:0.04953930154442787 to:0.03841705620288849 in:0.03780410811305046 :0.1263469010591507 -of:0.4163845181465149 Court:0.15494266152381897 No.:0.03225182741880417 Attorney:0.026617353782057762 :0.0960589349269867 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -by:0.16295108199119568 the:0.1039854884147644 and:0.07914760708808899 up:0.03437541425228119 :0.07735449820756912 -the:0.14009109139442444 a:0.13008543848991394 place:0.04484888166189194 up:0.036087095737457275 :0.07066571712493896 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -to:0.25275489687919617 into:0.05258530378341675 on:0.04576890915632248 out:0.03537292405962944 :0.08202541619539261 -and:0.19616606831550598 but:0.05309823527932167 the:0.03722590208053589 as:0.026194652542471886 :0.08128372579813004 -the:0.26920169591903687 a:0.031167710199952126 tho:0.02622123621404171 his:0.020416971296072006 :0.17247262597084045 -the:0.44452470541000366 them:0.03702633082866669 those:0.030101561918854713 other:0.024286722764372826 :0.06483293324708939 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.06988608837127686 few:0.04215701296925545 large:0.024859881028532982 man:0.013344060629606247 :0.2676287889480591 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -of:0.260743111371994 to:0.05336461961269379 and:0.049315955489873886 in:0.02416197396814823 :0.11105412244796753 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.03420783206820488 to:0.013145451433956623 .:0.012639174237847328 and:0.012218286283314228 :0.3456663489341736 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -in:0.12313403934240341 and:0.09262939542531967 to:0.0730418786406517 of:0.05863563343882561 :0.05696794390678406 -to:0.1711033135652542 and:0.034957461059093475 men:0.025459829717874527 testimony,:0.01951747201383114 :0.23561488091945648 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.16171973943710327 he:0.029789619147777557 a:0.024873679503798485 it:0.024347107857465744 :0.21045412123203278 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -It:0.1107133999466896 I:0.08171673119068146 The:0.061039675027132034 No:0.03167043626308441 :0.15170644223690033 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -days:0.08576156944036484 years:0.048169348388910294 per:0.04746786877512932 miles:0.03436305373907089 :0.23219332098960876 -of:0.446575403213501 the:0.10297165811061859 and:0.043288420885801315 over:0.030068011954426765 :0.03932855278253555 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -of:0.25692957639694214 and:0.19514602422714233 or:0.056448981165885925 in:0.03234702721238136 :0.03755030781030655 -of:0.06432542949914932 and:0.04856538027524948 in:0.04008541628718376 bidder:0.02624334581196308 :0.1328165978193283 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.44452470541000366 them:0.03702633082866669 those:0.030101561918854713 other:0.024286722764372826 :0.06483293324708939 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -D:0.02294819802045822 C:0.016131799668073654 C.:0.012932316400110722 W.:0.00932737160474062 :0.5767592787742615 -tack:0.10676229000091553 tempt:0.09697066992521286 tention:0.06621547043323517 tached:0.04280566796660423 :0.4109724164009094 -the:0.10532162338495255 to:0.05758138746023178 of:0.033170487731695175 a:0.03080001473426819 :0.10229098796844482 -the:0.07689852267503738 f:0.01860533282160759 a:0.016741830855607986 of:0.010041109286248684 :0.27641627192497253 -of:0.10468851029872894 is:0.05091295391321182 like:0.043023448437452316 must:0.03589404746890068 :0.10069668292999268 -the:0.22990429401397705 to:0.054701969027519226 a:0.03257475793361664 of:0.02747958153486252 :0.08502306789159775 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.478274405002594 and:0.06630939990282059 in:0.04056169465184212 is:0.023214993998408318 :0.030136972665786743 -as:0.2177988737821579 to:0.17232200503349304 that:0.0753200426697731 and:0.041111938655376434 :0.06550521403551102 -of:0.0943920686841011 and:0.07357285916805267 in:0.050240375101566315 to:0.043916359543800354 :0.07184737175703049 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -ago:0.12965543568134308 ago,:0.0871092826128006 in:0.058216776698827744 ago.:0.05116092041134834 :0.062029410153627396 -the:0.09011607617139816 a:0.019389165565371513 be:0.017765894532203674 do:0.00984228029847145 :0.4186668395996094 -the:0.20417936146259308 described:0.05117717757821083 named:0.040278948843479156 all:0.02727392315864563 :0.16135798394680023 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.41952916979789734 and:0.054504819214344025 in:0.05330637842416763 at:0.028347047045826912 :0.06718425452709198 -from:0.2569828927516937 with:0.07701340317726135 the:0.06771159172058105 and:0.051886849105358124 :0.046561531722545624 -to:0.12817981839179993 of:0.0391782745718956 and:0.03371908888220787 was:0.031301409006118774 :0.060253772884607315 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.30727994441986084 a:0.10786231607198715 an:0.023572342470288277 no:0.022844506427645683 :0.11222636699676514 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.22990429401397705 to:0.054701969027519226 a:0.03257475793361664 of:0.02747958153486252 :0.08502306789159775 -people:0.03136385977268219 and:0.01538049802184105 people,:0.008467555977404118 flag:0.008037121966481209 :0.41985195875167847 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.13003705441951752 a:0.07929063588380814 and:0.06665844470262527 to:0.03640653192996979 :0.11056575924158096 -to:0.27054890990257263 of:0.18377096951007843 was:0.028950560837984085 the:0.026933277025818825 :0.033241067081689835 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.15588611364364624 for:0.07042981684207916 in:0.06388475000858307 to:0.05469648912549019 :0.08007698506116867 -The:0.10169743001461029 It:0.05093848705291748 He:0.04750414565205574 I:0.03965824469923973 :0.17316170036792755 -of:0.38425374031066895 which:0.05133915692567825 and:0.049561817198991776 to:0.03105589933693409 :0.0422796793282032 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.1744253933429718 the:0.07302115112543106 that:0.07136843353509903 but:0.05949877202510834 :0.07076875865459442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -Monday:0.07201678305864334 of:0.06878000497817993 day:0.03409482538700104 and:0.03261931613087654 :0.14414577186107635 -in:0.0822431892156601 and:0.08223102986812592 to:0.07497331500053406 with:0.041803278028964996 :0.09143580496311188 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.12125865370035172 It:0.06780296564102173 I:0.03455876186490059 We:0.031218694522976875 :0.20942045748233795 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.3556046783924103 is:0.04341163858771324 and:0.03924814239144325 was:0.031596649438142776 :0.044983625411987305 -to:0.09424768388271332 that:0.04623519629240036 in:0.04370569437742233 the:0.04215296730399132 :0.08041801303625107 -of:0.33577829599380493 and:0.07941045612096786 to:0.032196879386901855 is:0.02078622207045555 :0.051736850291490555 -the:0.08209871500730515 and:0.050208937376737595 a:0.03967507928609848 that:0.033074770122766495 :0.062115225940942764 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.12329422682523727 at:0.11891527473926544 by:0.06394807249307632 the:0.04816187918186188 :0.06176922470331192 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -not:0.07071167975664139 sure:0.03997979313135147 a:0.03921214118599892 going:0.01862390898168087 :0.16433919966220856 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.31594228744506836 tho:0.019255435094237328 them:0.01584724895656109 two:0.014858921058475971 :0.15068286657333374 -of:0.25542962551116943 and:0.06393180787563324 is:0.04067269340157509 in:0.03241788223385811 :0.05621630698442459 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -that:0.190326526761055 the:0.0808967873454094 a:0.05292752757668495 as:0.03393283113837242 :0.08723070472478867 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -day:0.5960075259208679 of:0.09720577299594879 and:0.02048085443675518 street,:0.012222487479448318 :0.08291361480951309 -the:0.11078117042779922 a:0.04739215970039368 to:0.04724182188510895 in:0.04221399128437042 :0.12349672615528107 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -not:0.07071167975664139 sure:0.03997979313135147 a:0.03921214118599892 going:0.01862390898168087 :0.16433919966220856 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.2439442127943039 and:0.09007826447486877 in:0.035942401736974716 the:0.029100090265274048 :0.039181943982839584 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -pared:0.08519740402698517 vent:0.049183644354343414 sented:0.04869944602251053 ferred:0.042125847190618515 :0.5127013921737671 -scribed:0.006845100782811642 partment:0.0067746276035904884 cided:0.005995437502861023 la:0.005484118591994047 :0.7089904546737671 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -of:0.18898296356201172 from:0.07749760150909424 to:0.07118473947048187 in:0.04343632236123085 :0.05838330462574959 -a:0.09458132833242416 the:0.08997581899166107 as:0.06482566148042679 by:0.06420480459928513 :0.10522288829088211 -of:0.06434095650911331 and:0.039384625852108 to:0.03642920404672623 for:0.029210031032562256 :0.29020869731903076 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.051693905144929886 the:0.028269333764910698 to:0.024869505316019058 and:0.021218568086624146 :0.28655627369880676 -of:0.23417498171329498 in:0.08349113911390305 to:0.04763532429933548 for:0.03891903534531593 :0.039770469069480896 -of:0.4355223774909973 and:0.032767295837402344 was:0.0318191759288311 to:0.023479091003537178 :0.10530288517475128 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -Fe:0.30179014801979065 Anna:0.03545292094349861 Barbara:0.02167280577123165 Clara:0.017521830275654793 :0.5697999000549316 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -fied:0.5080186128616333 factory:0.07071132212877274 faction:0.034216076135635376 factory,:0.004610981792211533 :0.3120114505290985 -in:0.5144662261009216 In:0.13460735976696014 on:0.08091014623641968 and:0.044817306101322174 :0.022469792515039444 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.23960143327713013 but:0.06268807500600815 the:0.0431777648627758 which:0.03527955710887909 :0.04948792606592178 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -J:0.016763215884566307 W.:0.012953825294971466 of:0.010599656030535698 A:0.009619582444429398 :0.47458672523498535 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -all:0.1130373477935791 a:0.06593535840511322 every:0.05581777170300484 as:0.02507222443819046 :0.2325023114681244 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.22474820911884308 and:0.0633370652794838 for:0.03244761750102043 in:0.029326098039746284 :0.05552872270345688 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.2772887945175171 into:0.1339714080095291 upon:0.06332696229219437 and:0.03240111097693443 :0.06429398059844971 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.08373484760522842 down:0.050071556121110916 in:0.03921767324209213 was:0.03260216861963272 :0.06068764254450798 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -of:0.23174212872982025 and:0.17072851955890656 to:0.07654999196529388 in:0.04120856150984764 :0.0376148484647274 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.116499163210392 the:0.02451038919389248 a:0.018481194972991943 or:0.014800656586885452 :0.36341968178749084 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.45028021931648254 and:0.04599367082118988 to:0.04162082448601723 was:0.026377053931355476 :0.04154922068119049 -of:0.5708197951316833 who:0.07029681652784348 and:0.021793538704514503 are:0.01659589633345604 :0.023390579968690872 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.19614900648593903 the:0.052741482853889465 but:0.04890841990709305 which:0.022038297727704048 :0.06522481143474579 -year:0.04991335794329643 few:0.0480017364025116 two:0.042205728590488434 and:0.03596019372344017 :0.13481755554676056 -of:0.06222127750515938 the:0.042997170239686966 and:0.03514218330383301 boy.:0.034404609352350235 :0.2645570635795593 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.13297946751117706 who:0.07623685896396637 the:0.03305559605360031 but:0.0325128510594368 :0.08063247799873352 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -to:0.3019680082798004 for:0.14922307431697845 by:0.10808699578046799 and:0.04155449569225311 :0.03076075203716755 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -of:0.4892599880695343 and:0.045130569487810135 by:0.02706266939640045 the:0.019929392263293266 :0.041178684681653976 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.1555851548910141 the:0.10056058317422867 through:0.02996993437409401 but:0.028448596596717834 :0.11456074565649033 -to:0.08814259618520737 and:0.06860069185495377 in:0.05667705088853836 for:0.04383286088705063 :0.08221182227134705 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -and:0.13311024010181427 rubber:0.037296030670404434 to:0.02754395455121994 with:0.02731463499367237 :0.2192918062210083 -to:0.617419958114624 for:0.062084004282951355 of:0.0495387464761734 that:0.02892443723976612 :0.02718481235206127 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.17712469398975372 it:0.06325319409370422 or:0.059955522418022156 they:0.05993082746863365 :0.0730995237827301 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3289187252521515 and:0.08347387611865997 in:0.03447592258453369 for:0.03191215544939041 :0.05380299314856529 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.15261845290660858 of:0.044453129172325134 is:0.028651023283600807 or:0.0268388781696558 :0.15990684926509857 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -to:0.1770935207605362 above:0.0834425538778305 of:0.08211614936590195 in:0.04307474568486214 :0.07087589800357819 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -noon:0.5071296691894531 ward:0.0843261182308197 wards:0.05924693122506142 noon,:0.05528755486011505 :0.13625657558441162 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3075050711631775 Hundred:0.03636154904961586 day:0.03349391743540764 thing:0.01811542920768261 :0.08347582072019577 -York:0.401128888130188 York,:0.08718613535165787 York.:0.03777214139699936 Orleans,:0.025607779622077942 :0.27619871497154236 -the:0.13683831691741943 a:0.09846357256174088 place:0.07857562601566315 up:0.04121507331728935 :0.07779614627361298 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.14118874073028564 thence:0.046440523117780685 the:0.034162528812885284 ledge:0.015488902106881142 :0.2729315459728241 -by:0.18529126048088074 in:0.08524767309427261 and:0.05565516650676727 the:0.030137639492750168 :0.0606662854552269 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.09283730387687683 the:0.08938390016555786 a:0.07682307809591293 in:0.03980674222111702 :0.05560992658138275 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.19144678115844727 in:0.07673317939043045 to:0.07024168223142624 and:0.05012201890349388 :0.10864973068237305 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.05358007550239563 man:0.05287296324968338 men:0.03441380709409714 oak:0.019308483228087425 :0.3487381637096405 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -m,:0.1473013013601303 m:0.04926828294992447 .:0.03553163632750511 m.:0.03338773548603058 :0.30403444170951843 -and:0.14024855196475983 water:0.02745509147644043 water,:0.026083406060934067 to:0.02499334327876568 :0.2611815333366394 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.06623979657888412 of:0.06198824942111969 officers:0.03452509269118309 is:0.024444162845611572 :0.08492770791053772 -in:0.08068245649337769 on:0.05579516291618347 and:0.045572854578495026 it:0.03908039629459381 :0.059005945920944214 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.3159201145172119 of:0.2145196944475174 in:0.04179682955145836 at:0.033643972128629684 :0.03258112818002701 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -The:0.09605150669813156 It:0.06216111779212952 In:0.03617728129029274 I:0.03255031630396843 :0.2686406672000885 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -to:0.17071129381656647 for:0.02696828916668892 report:0.023749392479658127 weather:0.021188968792557716 :0.11537923663854599 -in:0.33708471059799194 In:0.09489314258098602 the:0.08330384641885757 in,:0.0205843523144722 :0.053171396255493164 -of:0.4577818512916565 that:0.036909304559230804 the:0.03635130450129509 to:0.023530669510364532 :0.028783055022358894 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.22287075221538544 and:0.07354531437158585 in:0.024367477744817734 to:0.023403756320476532 :0.07093559205532074 -of:0.26800337433815 was:0.05279257521033287 in:0.04666518419981003 to:0.041202664375305176 :0.04472726956009865 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -The:0.13846151530742645 It:0.050350092351436615 He:0.02997933141887188 This:0.026927944272756577 :0.16518892347812653 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -years:0.12025433778762817 days:0.0857079029083252 miles:0.039293672889471054 or:0.025202544406056404 :0.23778705298900604 -of:0.22311416268348694 and:0.09142286330461502 to:0.05148640647530556 the:0.04236864671111107 :0.11615251004695892 -and:0.12987326085567474 but:0.04113072156906128 yet:0.03392484039068222 though:0.020857688039541245 :0.11881468445062637 -and:0.025538193061947823 E.:0.006976697593927383 has:0.004397624637931585 is:0.003967798314988613 :0.78787761926651 -m,:0.1473013013601303 m:0.04926828294992447 .:0.03553163632750511 m.:0.03338773548603058 :0.30403444170951843 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.22866007685661316 and:0.09697648882865906 is:0.05927297845482826 in:0.05671772360801697 :0.058149270713329315 -be:0.3217567205429077 have:0.08306805044412613 not:0.02450818568468094 bo:0.018155692145228386 :0.08178785443305969 -The:0.1036822497844696 It:0.039678674191236496 They:0.035104747861623764 I:0.034226398915052414 :0.139480322599411 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -the:0.14350806176662445 in:0.08143368363380432 and:0.06137488782405853 to:0.03091198392212391 :0.05638466030359268 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -much:0.14333897829055786 many:0.03466739505529404 late.:0.025848792865872383 far:0.025535600259900093 :0.14510856568813324 -and:0.08156726509332657 in:0.030858073383569717 or:0.019913988187909126 bullion:0.019097765907645226 :0.24044279754161835 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -of:0.6334623694419861 for:0.06641658395528793 and:0.017819935455918312 the:0.011329319328069687 :0.03360108658671379 -of:0.2994207441806793 for:0.05962838605046272 to:0.028426295146346092 was:0.022697269916534424 :0.06448044627904892 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.22607474029064178 in:0.048345621675252914 from:0.04227367788553238 out:0.04218066856265068 :0.05084111541509628 -and:0.06557458639144897 to:0.06437172740697861 in:0.050494253635406494 the:0.03856607899069786 :0.1650417596101761 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -or:0.13417109847068787 who:0.10369283705949783 shall:0.056526217609643936 to:0.05461915582418442 :0.05926255136728287 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -the:0.11118033528327942 a:0.04600849375128746 and:0.040497589856386185 to:0.032113466411828995 :0.08270877599716187 -the:0.17425459623336792 order:0.03852367401123047 view:0.02936120517551899 a:0.024193212389945984 :0.07923731207847595 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -of:0.1648188829421997 to:0.06801620125770569 in:0.05368642881512642 for:0.04261425882577896 :0.054143913090229034 -the:0.15545375645160675 is:0.07289856672286987 was:0.035194821655750275 it:0.01917683705687523 :0.06537233293056488 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.15852026641368866 a:0.027683928608894348 tho:0.02367771789431572 that:0.009760078974068165 :0.18820689618587494 -last:0.006621201988309622 amount:0.004975114017724991 of:0.0044779847376048565 public:0.004285862669348717 :0.39074185490608215 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.11470025777816772 of:0.08671606332063675 is:0.07289578765630722 in:0.039037007838487625 :0.08082514256238937 -in:0.036349181085824966 and:0.03544916212558746 was:0.030170904472470284 into:0.02895173616707325 :0.2200457751750946 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.19267278909683228 the:0.06915289908647537 but:0.03123854100704193 to:0.030866330489516258 :0.10218153148889542 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -of:0.2932034730911255 and:0.10044574737548828 was:0.03790086880326271 is:0.023610055446624756 :0.06705499440431595 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -and:0.22485505044460297 the:0.045861370861530304 but:0.03862984851002693 or:0.03633915260434151 :0.07939884066581726 -of:0.1254737675189972 per:0.111298568546772 and:0.062289368361234665 on:0.04184459522366524 :0.06521812081336975 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -of:0.08356288075447083 and:0.08319321274757385 which:0.0473591610789299 to:0.039160799235105515 :0.0628436878323555 -the:0.24441130459308624 a:0.046838775277137756 this:0.019510861486196518 tho:0.01732468046247959 :0.25683310627937317 -of:0.5330098867416382 to:0.05750838667154312 and:0.03136858344078064 in:0.02800629287958145 :0.03209846094250679 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.3234793245792389 at:0.06764961034059525 by:0.056591786444187164 a:0.05651681497693062 :0.05362117290496826 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.13588514924049377 and:0.1102328896522522 with:0.03480164334177971 in:0.030923791229724884 :0.07750550657510757 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -limits:0.3264371454715729 seal:0.03818313404917717 powers:0.02557883784174919 name:0.021578984335064888 :0.17515046894550323 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3075050711631775 Hundred:0.03636154904961586 day:0.03349391743540764 thing:0.01811542920768261 :0.08347582072019577 -be:0.3013826310634613 have:0.11894971877336502 not:0.038309138268232346 bo:0.01216239295899868 :0.07202029228210449 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -on:0.12018904834985733 out:0.08034127205610275 to:0.06529968231916428 off:0.056727584451436996 :0.052785106003284454 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.13697537779808044 it:0.05254269018769264 I:0.03735991194844246 if:0.035609155893325806 :0.06623194366693497 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -not:0.520152747631073 the:0.028544344007968903 he:0.012468121014535427 in:0.009819873608648777 :0.06437556445598602 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.010283667594194412 the:0.009843056090176105 to:0.009234092198312283 of:0.00864758063107729 :0.28567513823509216 -ter:0.3650234043598175 ter,:0.11413466930389404 ters:0.10774174332618713 ter.:0.022829284891486168 :0.3217749297618866 -much:0.08464746922254562 to:0.08419680595397949 the:0.08266311138868332 they:0.0423126183450222 :0.08944229781627655 -and:0.18962261080741882 but:0.0733332559466362 the:0.05692189186811447 or:0.025484131649136543 :0.05024372413754463 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0891878679394722 more:0.0506981797516346 in:0.04016854241490364 to:0.03962491825222969 :0.1259959489107132 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -and:0.09340540319681168 at:0.06303509324789047 in:0.05032327026128769 of:0.038580141961574554 :0.06707105040550232 -parts:0.05562663450837135 from:0.047603607177734375 kinds:0.015998514369130135 sections:0.012431591749191284 :0.2114400714635849 -property:0.10131147503852844 knowledge:0.034620724618434906 estate:0.0337027981877327 appearance:0.019173264503479004 :0.18902689218521118 -the:0.020649105310440063 of:0.014943127520382404 a:0.014446763321757317 to:0.010476849973201752 :0.3380710780620575 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -W:0.068779855966568 W.:0.049946971237659454 H.:0.02403586357831955 H:0.02281278185546398 :0.3758145868778229 -of:0.5401589274406433 to:0.0978030189871788 the:0.03736472129821777 that:0.018533987924456596 :0.01999776065349579 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.5409311652183533 and:0.045308973640203476 as:0.027516163885593414 to:0.026931043714284897 :0.026288840919733047 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -quarter:0.3483019471168518 corner:0.1452684998512268 of:0.08811358362436295 quarter,:0.02956051006913185 :0.09341850131750107 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.520152747631073 the:0.028544344007968903 he:0.012468121014535427 in:0.009819873608648777 :0.06437556445598602 -partment:0.04691333696246147 fendant:0.002549179596826434 spite:0.0025114465970546007 mand:0.0020104011055082083 :0.8802104592323303 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -to:0.46172088384628296 the:0.07580596208572388 him:0.030016614124178886 a:0.026833223178982735 :0.07692743092775345 -and:0.18627633154392242 but:0.05060607194900513 the:0.04161308705806732 which:0.039112482219934464 :0.07998815178871155 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.06989222764968872 since:0.024833248928189278 be:0.021288305521011353 had:0.01941671036183834 :0.18079784512519836 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -one-half:0.18622232973575592 one:0.09411188215017319 half:0.04397263750433922 one-fourth:0.016479583457112312 :0.23180405795574188 -Co.,:0.09304863959550858 Co.:0.06691919267177582 Ohio:0.033300016075372696 St.:0.01687372848391533 :0.37542811036109924 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -fund:0.18125922977924347 of:0.13026759028434753 the:0.03967299312353134 a:0.027138227596879005 :0.10766269266605377 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -o'clock:0.0652131661772728 to:0.05634898692369461 and:0.031810954213142395 per:0.029086846858263016 :0.2045426368713379 -from:0.13089531660079956 to:0.1270892173051834 of:0.11875505745410919 and:0.04696578159928322 :0.07665502279996872 -and:0.16433288156986237 who:0.042920175939798355 in:0.034065160900354385 the:0.0333855003118515 :0.12156303226947784 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -by:0.1717168688774109 the:0.15500865876674652 as:0.08761691302061081 and:0.05494051054120064 :0.05912376195192337 -and:0.16770221292972565 the:0.03449779376387596 which:0.02780846878886223 but:0.025578567758202553 :0.09025027602910995 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.020648406818509102 a:0.020045768469572067 to:0.013628866523504257 ter:0.012075023725628853 :0.27222740650177 -not:0.07071167975664139 sure:0.03997979313135147 a:0.03921214118599892 going:0.01862390898168087 :0.16433919966220856 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -of:0.5255436301231384 and:0.05255448445677757 that:0.028231266885995865 in:0.025224745273590088 :0.04295264557003975 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -the:0.12879395484924316 he:0.02999013289809227 they:0.024326305836439133 it:0.022471725940704346 :0.11924564838409424 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -H.:0.030757376924157143 W.:0.02059096284210682 H:0.019544081762433052 B.:0.017545320093631744 :0.38613712787628174 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -and:0.18412703275680542 the:0.09662215411663055 which:0.0471489243209362 but:0.026491230353713036 :0.12596161663532257 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -a:0.11522706598043442 the:0.0878361165523529 and:0.04959215968847275 at:0.019357386976480484 :0.09695179015398026 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.17306914925575256 where:0.06724864989519119 the:0.03962748870253563 in:0.03512229025363922 :0.0744144394993782 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.25646576285362244 that:0.09135294705629349 and:0.04631670191884041 to:0.04545079916715622 :0.03862737491726875 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.39312562346458435 in:0.07102598249912262 to:0.03236016631126404 and:0.026547610759735107 :0.0863339826464653 -of:0.41114944219589233 in:0.06389008462429047 is:0.058478232473134995 was:0.05665121227502823 :0.031773436814546585 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -of:0.2436208724975586 and:0.07616732269525528 to:0.03560998663306236 was:0.024449262768030167 :0.08431541174650192 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -a:0.09838232398033142 to:0.09228556603193283 the:0.045619841665029526 for:0.032718636095523834 :0.19863155484199524 -of:0.46103435754776 and:0.028109842911362648 which:0.021815229207277298 on:0.01830068789422512 :0.0496506430208683 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -in:0.157210111618042 and:0.07830304652452469 of:0.0739433541893959 on:0.06369242072105408 :0.045510128140449524 -The:0.0687716156244278 He:0.03166133537888527 It:0.029336147010326385 I:0.01743534579873085 :0.5146011114120483 -son:0.11105507612228394 fectly:0.06912560015916824 sonal:0.05670921504497528 haps:0.048009343445301056 :0.3620106279850006 -as:0.09658680856227875 and:0.06264884024858475 in:0.02857842855155468 to:0.02704486809670925 :0.27687713503837585 -in:0.06979134678840637 and:0.039729706943035126 is:0.038782767951488495 the:0.0368645042181015 :0.06636440008878708 -of:0.2673279941082001 in:0.05055373162031174 or:0.049483541399240494 is:0.04812273383140564 :0.0399865061044693 -of:0.3501932919025421 to:0.04500313475728035 was:0.03496691957116127 is:0.029073256999254227 :0.04880897328257561 -of:0.29086413979530334 and:0.07303524762392044 was:0.03657591715455055 in:0.036492958664894104 :0.04497784003615379 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.2797698378562927 to:0.05269865319132805 the:0.04633016884326935 nothing:0.029549751430749893 :0.09693089127540588 -not:0.07071167975664139 sure:0.03997979313135147 a:0.03921214118599892 going:0.01862390898168087 :0.16433919966220856 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.0669894814491272 rails:0.04032588005065918 or:0.01763814501464367 trust:0.013488446362316608 :0.2722415030002594 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.13155902922153473 struggle:0.02025894820690155 to:0.012863635085523129 or:0.007979115471243858 :0.4362979531288147 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -years:0.053588785231113434 or:0.049720849841833115 hundred:0.032202597707509995 of:0.03051123209297657 :0.21560759842395782 -the:0.1723855882883072 of:0.16230066120624542 to:0.05990853160619736 in:0.03503343090415001 :0.07971040159463882 -and:0.14971493184566498 of:0.1443813592195511 to:0.13522237539291382 in:0.0359213761985302 :0.022095561027526855 -the:0.10240107774734497 a:0.06718461215496063 them:0.04779723286628723 him:0.04725667089223862 :0.07082982361316681 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -1,:0.030767405405640602 and:0.02682754211127758 30,:0.016880037263035774 to:0.014292255975306034 :0.4102919399738312 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -son:0.11105507612228394 fectly:0.06912560015916824 sonal:0.05670921504497528 haps:0.048009343445301056 :0.3620106279850006 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -to:0.4098396301269531 the:0.06507712602615356 by:0.05468763783574104 that:0.0361224040389061 :0.05998922884464264 -of:0.14583271741867065 and:0.05376538634300232 in:0.04807736724615097 for:0.044097933918237686 :0.044993363320827484 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -for:0.19425718486309052 are:0.11093475669622421 and:0.05940152332186699 were:0.03201882913708687 :0.07318276911973953 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -the:0.3433256149291992 of:0.07682585716247559 a:0.03396211564540863 at:0.028903402388095856 :0.11533274501562119 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -to:0.3301684856414795 of:0.15029436349868774 that:0.0663251206278801 and:0.045437950640916824 :0.03872650861740112 -the:0.23979175090789795 a:0.031034329906105995 tho:0.022321950644254684 this:0.019696947187185287 :0.22795014083385468 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -that:0.19927488267421722 how:0.08418402820825577 the:0.07590509951114655 what:0.05238405987620354 :0.032400719821453094 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.08393397927284241 had:0.06523281335830688 has:0.034160416573286057 would:0.027467429637908936 :0.17044216394424438 -to:0.3019680082798004 for:0.14922307431697845 by:0.10808699578046799 and:0.04155449569225311 :0.03076075203716755 -the:0.22907604277133942 section:0.05674265697598457 year.:0.03821095824241638 year:0.0359065905213356 :0.07682117819786072 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -committee:0.03464316204190254 correspondent:0.01677306368947029 own:0.009235154837369919 party:0.008050605654716492 :0.29098543524742126 -of:0.546127438545227 and:0.04104672372341156 ot:0.025456633418798447 that:0.017453059554100037 :0.02324550412595272 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -and:0.027679985389113426 at:0.026796821504831314 the:0.02464049868285656 to:0.02345702238380909 :0.1609565168619156 -are:0.09259466826915741 and:0.0844324380159378 in:0.06128324940800667 that:0.04615075886249542 :0.04784531891345978 -in:0.04811844974756241 that:0.046156369149684906 and:0.043607134371995926 the:0.04196131229400635 :0.07012840360403061 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -of:0.16878075897693634 and:0.12877650558948517 in:0.09267634153366089 to:0.06346389651298523 :0.055462148040533066 -of:0.33593830466270447 to:0.10985403507947922 for:0.08829142153263092 and:0.08749812841415405 :0.033126749098300934 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.2576634883880615 but:0.054657984524965286 the:0.03508896008133888 which:0.021395955234766006 :0.09016654640436172 -of:0.09785239398479462 important:0.020495742559432983 difficult:0.011607902124524117 dangerous:0.009898709133267403 :0.29064807295799255 -civil:0.3713090121746063 insolvent:0.02669820934534073 men:0.006982044316828251 other:0.0063559687696397305 :0.17816603183746338 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.015930749475955963 election:0.015414835885167122 welfare:0.014750231057405472 nature:0.01118016242980957 :0.1961066573858261 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15242137014865875 interest:0.038993921130895615 a:0.032458651810884476 in:0.02493627928197384 :0.11218539625406265 -The:0.12383483350276947 It:0.057886265218257904 I:0.04447556287050247 He:0.030764002352952957 :0.21444644033908844 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2236766219139099 to:0.10114677250385284 for:0.042424123734235764 in:0.03943457081913948 :0.11782310903072357 -to:0.2353266179561615 the:0.1677592247724533 for:0.09286446124315262 a:0.043095145374536514 :0.11475729942321777 -the:0.06712863594293594 out:0.03742967173457146 in:0.03670984506607056 of:0.0351104736328125 :0.12892687320709229 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1176682710647583 in:0.08195910602807999 that:0.0728069394826889 as:0.044407181441783905 :0.08533850312232971 -to:0.2229938805103302 in:0.13336631655693054 on:0.06290892511606216 at:0.056509315967559814 :0.05115557461977005 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.11516278237104416 in:0.08836955577135086 of:0.06685985624790192 who:0.047495272010564804 :0.09033878147602081 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -of:0.10524929314851761 and:0.06279144436120987 in:0.05238033086061478 men:0.04424301162362099 :0.09130105376243591 -gether:0.21342401206493378 day:0.14374516904354095 ward:0.12124612927436829 day,:0.026859614998102188 :0.20279669761657715 -the:0.12935781478881836 through:0.05515362322330475 a:0.04824560135602951 to:0.03715251013636589 :0.0590725876390934 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -by:0.0427742563188076 in:0.0410645566880703 and:0.03861821070313454 the:0.0318639762699604 :0.11249209940433502 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -that:0.20147337019443512 what:0.08905667066574097 the:0.07134820520877838 how:0.04897133633494377 :0.048351582139730453 -and:0.12802095711231232 who:0.10340132564306259 the:0.05168796330690384 mother,:0.028534216806292534 :0.117741160094738 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.06273122876882553 the:0.05152281001210213 from:0.04799569770693779 and:0.04393894970417023 :0.17407874763011932 -him:0.09373514354228973 a:0.0883430615067482 the:0.0812935158610344 me:0.04305979236960411 :0.05273142829537392 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3672008216381073 that:0.23552702367305756 is:0.04080989584326744 was:0.031869709491729736 :0.03502640128135681 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.16014093160629272 shall:0.06468995660543442 the:0.053209736943244934 or:0.04731021821498871 :0.05179338902235031 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24441130459308624 a:0.046838775277137756 this:0.019510861486196518 tho:0.01732468046247959 :0.25683310627937317 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.0987391471862793 B.:0.02024749666452408 W.:0.01582491397857666 A.:0.015220013447105885 :0.4533112049102783 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -cific:0.1685711294412613 I:0.007626439910382032 1:0.005033702589571476 and:0.004144814796745777 :0.6955897212028503 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ways:0.179538756608963 though:0.17088906466960907 ready:0.12821944057941437 most:0.08373018354177475 :0.11043448746204376 -H.:0.030757376924157143 W.:0.02059096284210682 H:0.019544081762433052 B.:0.017545320093631744 :0.38613712787628174 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.16208545863628387 that:0.12302620708942413 in:0.0828733965754509 to:0.07729697227478027 :0.0422799214720726 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.016291771084070206 was:0.013952851295471191 to:0.013747919350862503 .:0.012156379409134388 :0.38293755054473877 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -to:0.13351991772651672 by:0.06513974070549011 that:0.06011863797903061 a:0.053098954260349274 :0.05245118960738182 -terest:0.02970144897699356 crease:0.022288411855697632 stead:0.02054322324693203 to:0.017772745341062546 :0.6365475058555603 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -to:0.5022405385971069 for:0.09202190488576889 as:0.014143409207463264 and:0.012695244513452053 :0.0379357635974884 -that:0.18499590456485748 the:0.058796871453523636 whether:0.048824433237314224 of:0.043978068977594376 :0.0534769669175148 -and:0.15979310870170593 but:0.026171984151005745 which:0.02395603246986866 the:0.019818319007754326 :0.08107452094554901 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.5993553996086121 and:0.08278138190507889 in:0.024741513654589653 who:0.01799585111439228 :0.017475135624408722 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -of:0.2537390887737274 and:0.04797760769724846 that:0.03903402388095856 in:0.02849040925502777 :0.07568418234586716 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -The:0.1524369716644287 It:0.05526532977819443 In:0.04280277341604233 There:0.04059378430247307 :0.13756896555423737 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -was:0.08393397927284241 had:0.06523281335830688 has:0.034160416573286057 would:0.027467429637908936 :0.17044216394424438 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -try:0.47788137197494507 try,:0.18803946673870087 ty:0.05743768811225891 tries:0.03802337497472763 :0.07605955749750137 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -to:0.13821139931678772 that:0.05628193914890289 and:0.03477304428815842 a:0.02936231903731823 :0.1333797723054886 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -hich:0.057510774582624435 ith:0.05582921579480171 ill:0.0469384528696537 hole:0.025882527232170105 :0.37805095314979553 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -to:0.08597735315561295 in:0.04278738424181938 and:0.028564611449837685 of:0.021158376708626747 :0.46051472425460815 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -a:0.0812002420425415 the:0.07127150893211365 to:0.06758715212345123 them:0.03861260041594505 :0.07499213516712189 -of:0.07933368533849716 were:0.059588655829429626 adopted:0.04519745707511902 for:0.03246300294995308 :0.13947990536689758 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.0236665066331625 of:0.019204938784241676 to:0.018693650141358376 in:0.016812078654766083 :0.18612779676914215 -of:0.4655577838420868 to:0.08667701482772827 over:0.04638833925127983 in:0.035220466554164886 :0.02658485248684883 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -.:0.3708801567554474 A:0.009120835922658443 .,:0.00815567933022976 J:0.005903398618102074 :0.3622790277004242 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -All:0.15424378216266632 The:0.1344492882490158 Dated:0.0640076994895935 In:0.024740204215049744 :0.1857524812221527 -and:0.18825119733810425 or:0.04282820597290993 as:0.03540506586432457 the:0.023402469232678413 :0.05165192857384682 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.09424768388271332 that:0.04623519629240036 in:0.04370569437742233 the:0.04215296730399132 :0.08041801303625107 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.17477525770664215 we:0.05017627030611038 you:0.049188416451215744 he:0.048380784690380096 :0.07771619409322739 -The:0.16488637030124664 It:0.05787681043148041 There:0.04271574690937996 We:0.030833307653665543 :0.12686796486377716 -own:0.04195336252450943 answer:0.009210593067109585 friends:0.0059311119839549065 money:0.005459604784846306 :0.21357011795043945 -terday:0.46646547317504883 and:0.0026644840836524963 a:0.0018348796293139458 the:0.0012535384157672524 :0.48889780044555664 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.44452470541000366 them:0.03702633082866669 those:0.030101561918854713 other:0.024286722764372826 :0.06483293324708939 -of:0.2966545820236206 for:0.06954970955848694 and:0.05499853938817978 to:0.05062897130846977 :0.038307663053274155 -Pacific:0.06644485145807266 and:0.05073722451925278 of:0.025704922154545784 Pacific,:0.02454528585076332 :0.14281362295150757 -the:0.12458815425634384 to:0.10550481826066971 and:0.07510421425104141 of:0.05049052834510803 :0.06764363497495651 -of:0.2899462878704071 business:0.05866537243127823 work:0.047110415995121 and:0.04081443324685097 :0.09747467190027237 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -to:0.1475919783115387 in:0.11507395654916763 for:0.09256439656019211 by:0.06922773271799088 :0.059399813413619995 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.15870489180088043 the:0.05835660547018051 but:0.031427327543497086 as:0.030262522399425507 :0.10507569462060928 -of:0.17140571773052216 and:0.06794518232345581 was:0.03373167663812637 men:0.027933888137340546 :0.11426034569740295 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.09847643226385117 or:0.05893068388104439 in:0.02247278206050396 prac-:0.019400455057621002 :0.27858832478523254 -the:0.2758026123046875 this:0.07061681151390076 a:0.042534295469522476 that:0.02658023126423359 :0.14110659062862396 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -a:0.21331514418125153 the:0.1239723339676857 to:0.0550079308450222 that:0.02439114637672901 :0.146322101354599 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.15476280450820923 was:0.07918627560138702 Is:0.02305437996983528 will:0.019818386062979698 :0.11869658529758453 -of:0.17375065386295319 to:0.13031579554080963 and:0.05599357932806015 was:0.05542341619729996 :0.05282938480377197 -day:0.07575492560863495 to:0.04521100968122482 morning:0.025476647540926933 year:0.02421719767153263 :0.17939630150794983 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -the:0.24416321516036987 they:0.054389484226703644 he:0.036025237292051315 it:0.03010527975857258 :0.10381904989480972 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -of:0.4892599880695343 and:0.045130569487810135 by:0.02706266939640045 the:0.019929392263293266 :0.041178684681653976 -of:0.08868038654327393 over:0.07402916252613068 the:0.05750033259391785 out:0.04827268794178963 :0.06248406693339348 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -that:0.2797698378562927 to:0.05269865319132805 the:0.04633016884326935 nothing:0.029549751430749893 :0.09693089127540588 -The:0.10949592292308807 I:0.03535053879022598 In:0.034285176545381546 There:0.030438661575317383 :0.16522909700870514 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -that:0.10416775941848755 the:0.057384248822927475 in:0.048707254230976105 of:0.03970916196703911 :0.09983043372631073 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.2177988737821579 to:0.17232200503349304 that:0.0753200426697731 and:0.041111938655376434 :0.06550521403551102 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.025218429043889046 a:0.02155044861137867 in:0.020615791901946068 to:0.018755843862891197 :0.2672697603702545 -is:0.10303271561861038 the:0.06430774927139282 he:0.0539449080824852 they:0.05261162295937538 :0.07537786662578583 -and:0.08222077786922455 that:0.08049468696117401 of:0.06272981315851212 for:0.05302389711141586 :0.06559636443853378 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -and:0.08606159687042236 of:0.07853242009878159 in:0.0704713761806488 are:0.055290304124355316 :0.05823760852217674 -the:0.04371552914381027 a:0.012631160207092762 to:0.012150408700108528 and:0.006203054916113615 :0.3726281523704529 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.13785575330257416 was:0.03671351447701454 of:0.028937088325619698 is:0.027583008632063866 :0.15756140649318695 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.1899995356798172 to:0.06486306339502335 it:0.06371372193098068 them:0.04158812761306763 :0.04343217983841896 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -The:0.136624276638031 It:0.09315695613622665 I:0.04851526767015457 In:0.034730713814496994 :0.14774776995182037 -the:0.020137004554271698 of:0.01950620673596859 is:0.018718335777521133 a:0.014140231534838676 :0.31716296076774597 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -Beginning:0.07333672046661377 The:0.05376216024160385 Commencing:0.04952124506235123 Section:0.018922988325357437 :0.29170942306518555 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.11101650446653366 over:0.10430597513914108 out:0.07677783071994781 the:0.039879269897937775 :0.05975142866373062 -and:0.06542141735553741 Railroad:0.05014750361442566 Labor:0.02820650488138199 Pacific:0.017980771139264107 :0.32068517804145813 -The:0.11593116074800491 I:0.061691708862781525 It:0.05969611555337906 We:0.04381364956498146 :0.16247756779193878 -houses:0.07818439602851868 in:0.048933569341897964 house:0.04273775964975357 with:0.04201072081923485 :0.0640115812420845 -of:0.41687342524528503 between:0.03825605660676956 to:0.033103957772254944 and:0.03256978839635849 :0.09143662452697754 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -been:0.06989222764968872 since:0.024833248928189278 be:0.021288305521011353 had:0.01941671036183834 :0.18079784512519836 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.17498663067817688 on:0.1726818084716797 at:0.08500722050666809 to:0.038133926689624786 :0.05612799525260925 -to:0.1966484934091568 that:0.1394416093826294 by:0.07413453608751297 the:0.06804725527763367 :0.08407191932201385 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -e:0.011873014271259308 the:0.008178193122148514 other:0.0054146661423146725 .:0.005412180908024311 :0.24802495539188385 -the:0.05792469158768654 r:0.019938331097364426 >r:0.012289449572563171 .:0.011597756296396255 :0.2852281928062439 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -of:0.10392389446496964 for:0.08654025197029114 are:0.05461042746901512 and:0.03403621166944504 :0.057977914810180664 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.08022454380989075 a:0.018779832869768143 ways:0.015474321320652962 ready:0.01338608656078577 :0.28689882159233093 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -good:0.0668158084154129 well:0.06345010548830032 rich:0.02676519565284252 well.:0.025355245918035507 :0.22593152523040771 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -and:0.09675233066082001 of:0.06645508855581284 in:0.03704924136400223 the:0.03578222170472145 :0.09280648082494736 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -m,:0.1473013013601303 m:0.04926828294992447 .:0.03553163632750511 m.:0.03338773548603058 :0.30403444170951843 -and:0.013629894703626633 front:0.010195218957960606 walls:0.0066527510061860085 line:0.006013920065015554 :0.6330962181091309 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -to:0.16251292824745178 that:0.07358972728252411 by:0.0642344206571579 a:0.057493049651384354 :0.08046634495258331 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.14296913146972656 in:0.026072965934872627 is:0.022419966757297516 to:0.02157621830701828 :0.2753763496875763 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.30652132630348206 and:0.06897982954978943 is:0.043553516268730164 in:0.04109807312488556 :0.05132972449064255 -and:0.2804344892501831 but:0.044416822493076324 the:0.02458251640200615 with:0.023176556453108788 :0.08846275508403778 -to:0.19083836674690247 and:0.16080687940120697 in:0.04868246614933014 for:0.030472058802843094 :0.14814387261867523 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.009900739416480064 business:0.007565493229776621 run:0.006339153274893761 way:0.005699533969163895 :0.3642122447490692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.16706757247447968 been:0.0328071191906929 what:0.030659625306725502 before:0.03020877204835415 :0.07866605371236801 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -for:0.19515636563301086 and:0.15853802859783173 of:0.14744794368743896 to:0.0865911915898323 :0.0467064343392849 -to:0.04336109012365341 Cos,:0.033549319952726364 is:0.022776370868086815 .:0.01976850815117359 :0.26556241512298584 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.20923134684562683 but:0.04058516398072243 the:0.03971249610185623 as:0.024869095534086227 :0.07562913000583649 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -The:0.14437295496463776 It:0.037261661142110825 There:0.025802696123719215 I:0.024344518780708313 :0.10647571831941605 -that:0.21997542679309845 to:0.1313057243824005 of:0.1270308941602707 for:0.052508946508169174 :0.04396672919392586 -line:0.2785557508468628 direction:0.1245906725525856 along:0.10631944239139557 from:0.03458990529179573 :0.04684070870280266 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -if:0.17766472697257996 in:0.06727372854948044 at:0.051010411232709885 as:0.0387706458568573 :0.13867898285388947 -the:0.43341735005378723 a:0.0633452907204628 tho:0.027144378051161766 which:0.025998953729867935 :0.08176284283399582 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.36233967542648315 and:0.09298945963382721 in:0.03754302114248276 are:0.022625474259257317 :0.050631288439035416 -of:0.41114944219589233 in:0.06389008462429047 is:0.058478232473134995 was:0.05665121227502823 :0.031773436814546585 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -that:0.0874340683221817 the:0.06724696606397629 and:0.03575175255537033 as:0.02629426121711731 :0.1400466114282608 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.35614532232284546 and:0.0696265697479248 for:0.02536494843661785 is:0.023408593609929085 :0.08956267684698105 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -.:0.11744508147239685 the:0.065430648624897 .,:0.06000164523720741 a:0.022781655192375183 :0.2174055576324463 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.4170264005661011 upon:0.06508718430995941 into:0.06085001677274704 a:0.05389002710580826 :0.09414749592542648 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.03686114400625229 a:0.014770838432013988 .:0.009514274075627327 to:0.007632232736796141 :0.5774274468421936 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -.:0.11744508147239685 the:0.065430648624897 .,:0.06000164523720741 a:0.022781655192375183 :0.2174055576324463 -ing:0.13273988664150238 fore:0.09931561350822449 tween:0.08537130802869797 cause:0.08139321953058243 :0.19399063289165497 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.19580808281898499 the:0.06366346776485443 a:0.04090047627687454 to:0.02135777287185192 :0.10899172723293304 -of:0.08279070258140564 to:0.03428015112876892 and:0.02874119207262993 interests:0.020510505884885788 :0.1555841863155365 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.09424768388271332 that:0.04623519629240036 in:0.04370569437742233 the:0.04215296730399132 :0.08041801303625107 -that:0.21997542679309845 to:0.1313057243824005 of:0.1270308941602707 for:0.052508946508169174 :0.04396672919392586 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.2578584551811218 not:0.03358340635895729 do:0.024384891614317894 bo:0.01854175329208374 :0.11540351063013077 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.18377652764320374 the:0.05423504114151001 with:0.045096348971128464 but:0.043998584151268005 :0.0877830907702446 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -was:0.1199399083852768 had:0.09387841820716858 has:0.042880017310380936 is:0.035394374281167984 :0.10805658996105194 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -day:0.5600349307060242 of:0.072308249771595 and:0.04784025996923447 street,:0.008852431550621986 :0.14627410471439362 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.09630373120307922 and:0.04203871637582779 that:0.031132424250245094 a:0.023554589599370956 :0.0901830792427063 -the:0.31594228744506836 tho:0.019255435094237328 them:0.01584724895656109 two:0.014858921058475971 :0.15068286657333374 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.14583271741867065 and:0.05376538634300232 in:0.04807736724615097 for:0.044097933918237686 :0.044993363320827484 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -ago:0.12396024912595749 of:0.11536110192537308 ago.:0.0523359440267086 ago,:0.05031469464302063 :0.06862995773553848 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -who:0.12407079339027405 of:0.08138538151979446 and:0.06571182608604431 in:0.05156034603714943 :0.07582911103963852 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -the:0.16081133484840393 to:0.12296096235513687 and:0.06147054582834244 on:0.044364649802446365 :0.06571459025144577 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.15168190002441406 a:0.14205898344516754 the:0.06233258545398712 an:0.04192729294300079 :0.1072683185338974 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -in:0.1125306636095047 from:0.07187546044588089 at:0.07033713161945343 around:0.06900077313184738 :0.06771465390920639 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.18048349022865295 that:0.09681305289268494 in:0.03788938373327255 and:0.0332343690097332 :0.05259529873728752 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -and:0.14681382477283478 but:0.10405462235212326 the:0.055602386593818665 that:0.03284212946891785 :0.07234521210193634 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.292230486869812 for:0.13424865901470184 and:0.06258975714445114 to:0.06222284585237503 :0.045131050050258636 -as:0.16297489404678345 by:0.13385508954524994 the:0.09500141441822052 in:0.04236378148198128 :0.07340343296527863 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.11078117042779922 a:0.04739215970039368 to:0.04724182188510895 in:0.04221399128437042 :0.12349672615528107 -a:0.21331514418125153 the:0.1239723339676857 to:0.0550079308450222 that:0.02439114637672901 :0.146322101354599 -of:0.3918779790401459 that:0.08702816069126129 and:0.05226714164018631 is:0.04004763066768646 :0.042665034532547 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -for:0.19122909009456635 until:0.1577470749616623 on:0.059800367802381516 to:0.03896044194698334 :0.05306992307305336 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -00:0.08320736885070801 30:0.08059559762477875 15:0.05316315218806267 40:0.04783189296722412 :0.09633040428161621 -to:0.165134459733963 and:0.085479736328125 of:0.0670914575457573 that:0.04870119318366051 :0.03786152973771095 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -in:0.26349183917045593 of:0.0843198299407959 books:0.05365370959043503 book:0.03462699428200722 :0.06147792562842369 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -time:0.049762461334466934 as:0.030612975358963013 to:0.02215949445962906 manner:0.01835881732404232 :0.13590042293071747 -The:0.13681669533252716 It:0.041179925203323364 I:0.03838694840669632 In:0.030357034876942635 :0.19285215437412262 -and:0.04674110189080238 of:0.03002522513270378 house:0.029905516654253006 the:0.025395531207323074 :0.18370725214481354 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.10489937663078308 to:0.0945349857211113 by:0.09034654498100281 the:0.07796995341777802 :0.1205245777964592 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.06034154072403908 a:0.043448708951473236 in:0.027066903188824654 made:0.023584788665175438 :0.18853774666786194 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.1535498946905136 the:0.0713125690817833 of:0.03970836475491524 what:0.03889409080147743 :0.0465799942612648 -was:0.06336414068937302 of:0.049826376140117645 and:0.04813387617468834 in:0.04510105028748512 :0.09103653579950333 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -to:0.23613590002059937 out:0.06032463535666466 down:0.04459838196635246 on:0.04217234253883362 :0.06246890872716904 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.09847357869148254 that:0.07356416434049606 and:0.04779434949159622 it:0.0448528453707695 :0.0715799629688263 -and:0.2054021805524826 the:0.04896659404039383 but:0.039968091994524 for:0.031876131892204285 :0.06451055407524109 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.20195846259593964 corner:0.023857293650507927 18,:0.020423367619514465 number:0.013750355690717697 :0.15866254270076752 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.17477525770664215 we:0.05017627030611038 you:0.049188416451215744 he:0.048380784690380096 :0.07771619409322739 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.07000324875116348 and:0.06331194192171097 the:0.047413840889930725 to:0.030434932559728622 :0.2979699671268463 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.09462974965572357 He:0.07663241028785706 It:0.06078285351395607 She:0.04733787104487419 :0.15740108489990234 -to:0.3849536180496216 of:0.05842979997396469 is:0.05552792549133301 was:0.04298829659819603 :0.02542220801115036 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1707596331834793 the:0.062182702124118805 but:0.04308827221393585 to:0.0361010804772377 :0.062450286000967026 -ment:0.5722715854644775 ment,:0.04330582544207573 ment.:0.03752490133047104 ments:0.03213800862431526 :0.10896525532007217 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -the:0.24416321516036987 they:0.054389484226703644 he:0.036025237292051315 it:0.03010527975857258 :0.10381904989480972 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.126029834151268 F.:0.021448643878102303 B.:0.019259415566921234 H.:0.019007110968232155 :0.4556993246078491 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -sidered:0.05358861759305 ducted:0.039241090416908264 ditions:0.0322430282831192 tained:0.03160805627703667 :0.4803686738014221 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.3217567205429077 have:0.08306805044412613 not:0.02450818568468094 bo:0.018155692145228386 :0.08178785443305969 -pared:0.12224385142326355 sent:0.08540045469999313 sented:0.04309030622243881 serve:0.023724928498268127 :0.5020738244056702 -auction:0.02915082313120365 auction,:0.02451956272125244 school:0.020690185949206352 and:0.020127294585108757 :0.21887941658496857 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -to:0.2532675266265869 the:0.09271290898323059 a:0.07978404313325882 for:0.023946572095155716 :0.12422388046979904 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.09243655949831009 to:0.06278463453054428 by:0.032636433839797974 as:0.026431402191519737 :0.21784862875938416 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -vantage:0.06546395272016525 the:0.033202409744262695 to:0.011986362747848034 mitted:0.010095113888382912 :0.4901408553123474 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -as:0.10825265198945999 and:0.054943282157182693 before:0.0289095900952816 enough:0.026509786024689674 :0.17240241169929504 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.0648307278752327 of:0.04718853160738945 in:0.04090535268187523 to:0.040723808109760284 :0.10770276188850403 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -preme:0.17543786764144897 the:0.0015532440738752484 -:0.001552195055410266 and:0.0012759541859850287 :0.7726749181747437 -who:0.308531790971756 of:0.0703386664390564 in:0.021768072620034218 that:0.01657738909125328 :0.1333772838115692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.09754199534654617 by:0.04332810640335083 up:0.036587316542863846 the:0.0323164127767086 :0.20144397020339966 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -a:0.08822359889745712 to:0.06993712484836578 the:0.0686417669057846 up:0.03832249343395233 :0.08951593190431595 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -who:0.12407079339027405 of:0.08138538151979446 and:0.06571182608604431 in:0.05156034603714943 :0.07582911103963852 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.207133486866951 they:0.09562363475561142 he:0.0936054065823555 it:0.04463839903473854 :0.0762997418642044 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.09209580719470978 in:0.05051566660404205 to:0.04314110055565834 and:0.032860010862350464 :0.09662479907274246 -the:0.46903902292251587 a:0.03582938760519028 their:0.024209700524806976 his:0.02221985161304474 :0.13160289824008942 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.1348811537027359 and:0.06800916790962219 was:0.040123991668224335 or:0.029537536203861237 :0.1415509730577469 -to:0.15633724629878998 in:0.11310510337352753 and:0.10421250760555267 a:0.07133034616708755 :0.10276596248149872 -that:0.20147337019443512 what:0.08905667066574097 the:0.07134820520877838 how:0.04897133633494377 :0.048351582139730453 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.13689792156219482 him:0.09644772112369537 them:0.08682207018136978 a:0.04361420497298241 :0.09754884243011475 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.19219909608364105 but:0.038459401577711105 the:0.035125862807035446 which:0.016857696697115898 :0.11753400415182114 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.5206117033958435 the:0.0557754784822464 in:0.0312456414103508 and:0.026581307873129845 :0.038674745708703995 -and:0.23080797493457794 with:0.03859663009643555 the:0.03460568189620972 but:0.027310431003570557 :0.06170147657394409 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -.:0.017224440351128578 -:0.013245903886854649 e:0.013182943686842918 n:0.012991116382181644 :0.3863798975944519 -and:0.06349293142557144 or:0.01907767727971077 injury:0.013660883530974388 suffering.:0.013281550258398056 :0.34382665157318115 -by:0.09029407799243927 to:0.08670508861541748 the:0.06397102028131485 in:0.05847260355949402 :0.08452489227056503 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -of:0.5330098867416382 to:0.05750838667154312 and:0.03136858344078064 in:0.02800629287958145 :0.03209846094250679 -the:0.17477525770664215 we:0.05017627030611038 you:0.049188416451215744 he:0.048380784690380096 :0.07771619409322739 -of:0.09785239398479462 important:0.020495742559432983 difficult:0.011607902124524117 dangerous:0.009898709133267403 :0.29064807295799255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.45011481642723083 to:0.2007545381784439 of,:0.1307377815246582 of.:0.07357669621706009 :0.013894114643335342 -and:0.06386292725801468 in:0.05884215235710144 is:0.05872027948498726 to:0.0528276190161705 :0.07905623316764832 -Secretary:0.04234977439045906 Commissioner:0.01572028361260891 State:0.014798611402511597 Attorney:0.012824845500290394 :0.6511640548706055 -the:0.35898518562316895 said:0.2341974973678589 any:0.02925407513976097 a:0.015051314607262611 :0.0462823249399662 -of:0.12306409329175949 to:0.09289755672216415 which:0.050975821912288666 for:0.04501733183860779 :0.05308296158909798 -who:0.12407079339027405 of:0.08138538151979446 and:0.06571182608604431 in:0.05156034603714943 :0.07582911103963852 -of:0.1693955510854721 the:0.14698222279548645 a:0.06916514039039612 and:0.04168263077735901 :0.09217555820941925 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1251576691865921 State:0.12457243353128433 in:0.033636100590229034 at:0.023235473781824112 :0.24604907631874084 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -ject:0.185194194316864 mitted:0.046112194657325745 scription:0.019892513751983643 stance:0.014785230159759521 :0.3984929919242859 -of:0.3437614440917969 to:0.13930168747901917 and:0.03884856402873993 in:0.035365138202905655 :0.06375354528427124 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -best:0.011094905436038971 first:0.008248675614595413 same:0.005816253367811441 most:0.005270459223538637 :0.31521183252334595 -of:0.4189857244491577 in:0.02959025837481022 to:0.017954504117369652 for:0.01764582097530365 :0.09725549072027206 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.07672823965549469 to:0.017880823463201523 in:0.015711940824985504 with:0.015414334833621979 :0.3488156199455261 -.:0.06495269387960434 of:0.03460565581917763 and:0.02658228948712349 to:0.012450102716684341 :0.5975721478462219 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.3214329183101654 and:0.15121452510356903 is:0.031714972108602524 to:0.027511803433299065 :0.05216597393155098 -to:0.23613590002059937 out:0.06032463535666466 down:0.04459838196635246 on:0.04217234253883362 :0.06246890872716904 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -of:0.08538955450057983 and:0.06314005702733994 in:0.05132544785737991 are:0.050109680742025375 :0.03182399272918701 -the:0.027505874633789062 of:0.017303647473454475 The:0.016429349780082703 and:0.016391335055232048 :0.3118651211261749 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -The:0.15295039117336273 It:0.05166564881801605 In:0.028942197561264038 There:0.026924917474389076 :0.21421679854393005 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -from:0.021638397127389908 and:0.02057071402668953 was:0.019665511325001717 at:0.018696555867791176 :0.41596826910972595 -people:0.03136385977268219 and:0.01538049802184105 people,:0.008467555977404118 flag:0.008037121966481209 :0.41985195875167847 -the:0.28321319818496704 this:0.05459144338965416 that:0.04031408205628395 a:0.03681033104658127 :0.20886756479740143 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -of:0.141706645488739 and:0.07807163894176483 is:0.03491096571087837 in:0.03330741822719574 :0.04852978140115738 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -and:0.02832677774131298 man:0.0189571101218462 fashioned:0.010256295092403889 age.:0.009680424816906452 :0.3170650601387024 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -years:0.0784083902835846 or:0.044089969247579575 hundred:0.028000427410006523 successive:0.024910900741815567 :0.16574934124946594 -the:0.2936646044254303 any:0.03503626212477684 this:0.025651145726442337 a:0.024927660822868347 :0.11399075388908386 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -to:0.5478044152259827 as:0.01675717905163765 a:0.0141116539016366 in:0.013303785584867 :0.1182641014456749 -invented:0.10643769800662994 elected:0.05461222305893898 married:0.041251860558986664 appointed:0.026350831612944603 :0.2738667130470276 -of:0.22525468468666077 and:0.08593035489320755 to:0.050674840807914734 who:0.049643635749816895 :0.05414532870054245 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -to:0.06944740563631058 Department,:0.06494682282209396 Department:0.05518650636076927 of:0.04580642655491829 :0.14457190036773682 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -every:0.0454334132373333 a:0.0446772575378418 as:0.04280715063214302 entirely:0.02934308350086212 :0.2138059437274933 -and:0.06404504925012589 institutions:0.0562707856297493 institution:0.033484864979982376 system:0.021181123331189156 :0.22505877912044525 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.25863540172576904 the:0.04105297103524208 but:0.0341263972222805 that:0.023253289982676506 :0.11804148554801941 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -The:0.14620958268642426 It:0.05294739082455635 In:0.03392216935753822 He:0.029570966958999634 :0.08173364400863647 -efforts:0.03460097685456276 deeds:0.021324537694454193 and:0.020228492096066475 way:0.013044880703091621 :0.19805169105529785 -to:0.18442830443382263 into:0.09365938603878021 out:0.07038480043411255 on:0.04086557403206825 :0.0937805026769638 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -night:0.04171675071120262 year:0.037758007645606995 year.:0.029282230883836746 year,:0.026110395789146423 :0.11887776851654053 -to:0.617419958114624 for:0.062084004282951355 of:0.0495387464761734 that:0.02892443723976612 :0.02718481235206127 -been:0.07631552964448929 a:0.03927735239267349 to:0.025228671729564667 not:0.022167835384607315 :0.21885964274406433 -.:0.22489678859710693 .,:0.04305720329284668 and:0.018914805725216866 D:0.010584497824311256 :0.4995976388454437 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.26322996616363525 and:0.16578194499015808 who:0.030963772907853127 or:0.026765087619423866 :0.061123378574848175 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.5255436301231384 and:0.05255448445677757 that:0.028231266885995865 in:0.025224745273590088 :0.04295264557003975 -appreciate:0.06543578207492828 as:0.03333738073706627 and:0.025881242007017136 set:0.01377712469547987 :0.28125011920928955 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -ducted:0.039481405168771744 struction:0.022512201219797134 vention:0.01978369988501072 tinued:0.019544880837202072 :0.5839920043945312 -the:0.19581784307956696 of:0.058323390781879425 a:0.05347810313105583 that:0.039020150899887085 :0.07893864810466766 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -of:0.677428662776947 for:0.029295647516846657 and:0.019339803606271744 ot:0.013166763819754124 :0.01868414133787155 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.05925567448139191 for:0.043986767530441284 the:0.0263223834335804 in:0.026171259582042694 :0.05852777510881424 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.15962722897529602 and:0.022661838680505753 from:0.015822436660528183 in:0.014299008995294571 :0.21297040581703186 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.14583271741867065 and:0.05376538634300232 in:0.04807736724615097 for:0.044097933918237686 :0.044993363320827484 -and:0.11723640561103821 to:0.053613293915987015 of:0.049609068781137466 in:0.03250570595264435 :0.09960629045963287 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.026366718113422394 Convention:0.012381087988615036 convention:0.01094221044331789 bank:0.009824300184845924 :0.28056830167770386 -of:0.6878542900085449 and:0.012551588006317616 ot:0.009961642324924469 in:0.007719885557889938 :0.04729514941573143 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.19511176645755768 a:0.029392758384346962 his:0.011400452814996243 tho:0.009366985410451889 :0.23127025365829468 -and:0.08837654441595078 fever:0.02973628230392933 fever,:0.023979712277650833 satin:0.011268598958849907 :0.378228098154068 -and:0.12827572226524353 to:0.05776835232973099 in:0.04670142009854317 of:0.03954368457198143 :0.05876733735203743 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -and:0.09675233066082001 of:0.06645508855581284 in:0.03704924136400223 the:0.03578222170472145 :0.09280648082494736 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -part:0.0928664430975914 was:0.0379573330283165 is:0.03725174441933632 to:0.024789005517959595 :0.110787034034729 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -Francisco:0.15238341689109802 Francisco,:0.14908958971500397 Antonio:0.08606765419244766 Francisco.:0.06087549403309822 :0.4693220555782318 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -said:0.0062776957638561726 the:0.005504169967025518 most:0.004588935058563948 United:0.004532806575298309 :0.4655087888240814 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -to:0.061511795967817307 in:0.057014793157577515 by:0.049029719084501266 the:0.04841826856136322 :0.17858333885669708 -of:0.2267915904521942 to:0.09705460071563721 or:0.08459749072790146 that:0.04577876254916191 :0.05407089740037918 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.19093285501003265 the:0.07675637304782867 and:0.030559731647372246 a:0.025141188874840736 :0.034876663237810135 -of:0.1343035250902176 and:0.10236790031194687 for:0.08810948580503464 with:0.07038981467485428 :0.07083392143249512 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -a:0.21331514418125153 the:0.1239723339676857 to:0.0550079308450222 that:0.02439114637672901 :0.146322101354599 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1029185950756073 enough:0.011579909361898899 stream:0.010471612215042114 as:0.010054852813482285 :0.2144835740327835 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -out:0.04963633045554161 in:0.036303289234638214 of:0.029866740107536316 more:0.0223068967461586 :0.15067218244075775 -for:0.3939739465713501 to:0.11828667670488358 at:0.03289887681603432 in:0.026454053819179535 :0.06555010378360748 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.41122159361839294 a:0.03697130084037781 his:0.0283608827739954 their:0.024146314710378647 :0.08927685767412186 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.19045665860176086 there:0.05351750925183296 this:0.04291217401623726 we:0.037500083446502686 :0.08134202659130096 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -1,:0.1289774775505066 and:0.02902240678668022 1st,:0.01649610884487629 1.:0.015209664590656757 :0.3067077696323395 -a:0.08822359889745712 to:0.06993712484836578 the:0.0686417669057846 up:0.03832249343395233 :0.08951593190431595 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -The:0.12395413219928741 It:0.044550005346536636 He:0.043588992208242416 I:0.04297355189919472 :0.16142554581165314 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -to:0.16251292824745178 that:0.07358972728252411 by:0.0642344206571579 a:0.057493049651384354 :0.08046634495258331 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -of:0.3566654622554779 and:0.03645728901028633 in:0.02218753844499588 to:0.015545498579740524 :0.10607901215553284 -auction:0.02915082313120365 auction,:0.02451956272125244 school:0.020690185949206352 and:0.020127294585108757 :0.21887941658496857 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -to:0.5703797340393066 with:0.04745912179350853 at:0.046836767345666885 in:0.028350910171866417 :0.05237758532166481 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -as:0.2177988737821579 to:0.17232200503349304 that:0.0753200426697731 and:0.041111938655376434 :0.06550521403551102 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -in:0.05621325597167015 the:0.01968580298125744 and:0.018214667215943336 as:0.017305556684732437 :0.22155676782131195 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2257155179977417 contained:0.10083913803100586 and:0.053287945687770844 will:0.04347766935825348 :0.04216460511088371 -for:0.3939739465713501 to:0.11828667670488358 at:0.03289887681603432 in:0.026454053819179535 :0.06555010378360748 -a:0.18928812444210052 as:0.06435497850179672 an:0.034082747995853424 clear:0.012005070224404335 :0.21377822756767273 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -ir:0.00884597934782505 .:0.0076813846826553345 y:0.0070508853532373905 land:0.005837484262883663 :0.5506188273429871 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.6575230956077576 to:0.10314328968524933 that:0.022228693589568138 in:0.010968958958983421 :0.027352113276720047 -of:0.0954684391617775 year:0.038241513073444366 other:0.03241894021630287 and:0.030703196302056313 :0.15927621722221375 -by:0.09658839553594589 in:0.08957962691783905 from:0.06851125508546829 and:0.041464414447546005 :0.07203422486782074 -and:0.12260963022708893 courage:0.019256973639130592 character,:0.014034337364137173 principle:0.011034456081688404 :0.3555963635444641 -the:0.061587173491716385 a:0.05284573882818222 to:0.050322942435741425 he:0.023852534592151642 :0.16830985248088837 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.11752516776323318 Luther:0.040430765599012375 of:0.03436578810214996 was:0.02315201237797737 :0.3147059679031372 -the:0.025568727403879166 be:0.02038208395242691 a:0.015351875685155392 in:0.012395190075039864 :0.14499172568321228 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -days:0.0983862429857254 of:0.05682644620537758 weeks:0.021759217604994774 and:0.019319230690598488 :0.2599545419216156 -of:0.1131378561258316 was:0.04741501808166504 and:0.043527692556381226 in:0.040580473840236664 :0.06847099214792252 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.12555250525474548 from:0.07405679672956467 by:0.06459669768810272 in:0.05567841976881027 :0.06057837978005409 -than:0.1419132947921753 to:0.03906868398189545 for:0.03051593527197838 and:0.026000842452049255 :0.13465552031993866 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -to:0.15909218788146973 out:0.05340169370174408 about:0.04949793592095375 the:0.04316485673189163 :0.057520657777786255 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.09040234237909317 the:0.04046560451388359 to:0.018077827990055084 in:0.017857957631349564 :0.25251132249832153 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.0673200935125351 is:0.060365915298461914 and:0.05931868031620979 of:0.024711132049560547 :0.08833076804876328 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -of:0.5709693431854248 shall:0.03283746540546417 to:0.02888914756476879 and:0.022983288392424583 :0.05893120914697647 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -more:0.022853391245007515 of:0.018158670514822006 girl,:0.01250563096255064 to:0.010435924865305424 :0.29975685477256775 -who:0.12407079339027405 of:0.08138538151979446 and:0.06571182608604431 in:0.05156034603714943 :0.07582911103963852 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12851056456565857 in:0.0515824593603611 to:0.049654122442007065 are:0.04914136603474617 :0.06648610532283783 -of:0.18898296356201172 from:0.07749760150909424 to:0.07118473947048187 in:0.04343632236123085 :0.05838330462574959 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.1117670089006424 their:0.07644818723201752 a:0.053992900997400284 his:0.051087137311697006 :0.11496371775865555 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -are:0.14767664670944214 were:0.09226115792989731 have:0.08225135505199432 will:0.04126095399260521 :0.08120933920145035 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.22010886669158936 but:0.031533632427453995 as:0.028855403885245323 or:0.025625785812735558 :0.21786198019981384 -to:0.25275489687919617 into:0.05258530378341675 on:0.04576890915632248 out:0.03537292405962944 :0.08202541619539261 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.06228470429778099 Tribune.:0.03580726683139801 City:0.03080337680876255 to:0.02098824642598629 :0.14723525941371918 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -a:0.0899466723203659 the:0.07284276932477951 any:0.06332673877477646 being:0.01404645573347807 :0.24706797301769257 -names:0.03747140243649483 name:0.031221462413668633 duty:0.014536472968757153 hands:0.007228906732052565 :0.18480472266674042 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -It:0.0755288377404213 The:0.07336287200450897 There:0.036568909883499146 He:0.03649720922112465 :0.08774283528327942 -tion:0.16501262784004211 tional:0.12987971305847168 tion,:0.12196753174066544 tion.:0.06521400809288025 :0.35643914341926575 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.15524160861968994 a:0.08469796180725098 up:0.03953614458441734 care:0.03166709840297699 :0.08760204911231995 -to:0.1447352170944214 the:0.07900869846343994 and:0.051114920526742935 a:0.031102653592824936 :0.07857198268175125 -the:0.17477525770664215 we:0.05017627030611038 you:0.049188416451215744 he:0.048380784690380096 :0.07771619409322739 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.5330098867416382 to:0.05750838667154312 and:0.03136858344078064 in:0.02800629287958145 :0.03209846094250679 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.021680697798728943 a:0.017965268343687057 .:0.017261095345020294 of:0.015939950942993164 :0.2944576144218445 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -11,:0.06058121472597122 and:0.033680472522974014 block:0.02219589613378048 11.:0.019922008737921715 :0.3510764241218567 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.09909011423587799 of:0.09673328697681427 in:0.08265326172113419 to:0.04738331586122513 :0.10660188645124435 -out:0.06561632454395294 the:0.05824897065758705 a:0.03090926632285118 to:0.02022602967917919 :0.24250702559947968 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -be:0.3217567205429077 have:0.08306805044412613 not:0.02450818568468094 bo:0.018155692145228386 :0.08178785443305969 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.5550286173820496 at:0.05262294411659241 was:0.04134919121861458 the:0.02771836705505848 :0.03328676149249077 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.3398522138595581 and:0.0793684720993042 to:0.037535443902015686 or:0.029269343242049217 :0.031174473464488983 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -and:0.09040234237909317 the:0.04046560451388359 to:0.018077827990055084 in:0.017857957631349564 :0.25251132249832153 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.08802321553230286 be:0.0528547428548336 a:0.026625769212841988 the:0.021958863362669945 :0.16560016572475433 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -street.:0.19658830761909485 and:0.13898171484470367 street,:0.12606863677501678 street:0.10724957287311554 :0.16233384609222412 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -to:0.09299120306968689 of:0.07938957959413528 and:0.05245117098093033 the:0.04695473238825798 :0.07857552915811539 -self:0.6637014746665955 self.:0.1485443115234375 self,:0.053384993225336075 I:0.002394639188423753 :0.05709486082196236 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.12498387694358826 for:0.12130454182624817 the:0.1073068231344223 him:0.08604791015386581 :0.08878816664218903 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -cutter:0.11830631643533707 of:0.060881227254867554 to:0.035525303333997726 and:0.027956262230873108 :0.09806226938962936 -of:0.05171120539307594 and:0.03710212558507919 degrees:0.032384637743234634 years:0.027454175055027008 :0.30761778354644775 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -from:0.47643184661865234 in:0.21225537359714508 In:0.029710430651903152 to:0.0296450387686491 :0.10606358200311661 -the:0.06957213580608368 that:0.019522743299603462 a:0.01704966090619564 in:0.013474501669406891 :0.2346765547990799 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.2133149802684784 between:0.05854867026209831 among:0.0500887855887413 In:0.048478178679943085 :0.032152220606803894 -ful:0.08149227499961853 fully:0.04982083663344383 yer:0.044356826692819595 abiding:0.024106329306960106 :0.4229491651058197 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.027679985389113426 at:0.026796821504831314 the:0.02464049868285656 to:0.02345702238380909 :0.1609565168619156 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.22654519975185394 but:0.05980930104851723 which:0.046049948781728745 the:0.03207956254482269 :0.1056462898850441 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.10292154550552368 in:0.04439935088157654 by:0.04213154315948486 the:0.04178483784198761 :0.11894291639328003 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -to:0.16786342859268188 on:0.0897812619805336 out:0.054356250911951065 into:0.032812584191560745 :0.051487863063812256 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -a:0.1418885886669159 the:0.06607399135828018 so:0.038482386618852615 due:0.024400828406214714 :0.25110363960266113 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -are:0.14767664670944214 were:0.09226115792989731 have:0.08225135505199432 will:0.04126095399260521 :0.08120933920145035 -of:0.43262261152267456 the:0.05952709540724754 in:0.04093717411160469 for:0.02506745047867298 :0.038560058921575546 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.26492294669151306 to:0.09965793788433075 was:0.06351763010025024 for:0.04892342537641525 :0.039212580770254135 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -of:0.8334701061248779 and:0.029627466574311256 ot:0.017807217314839363 that:0.011080090887844563 :0.016051342710852623 -and:0.06190907582640648 committee:0.04146048054099083 in:0.038037221878767014 of:0.03163212537765503 :0.06847333908081055 -in:0.5142198204994202 In:0.0657530352473259 to:0.06512182950973511 at:0.02141963504254818 :0.040683913975954056 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -of:0.252304345369339 and:0.08568640798330307 ground:0.03882734104990959 is:0.03262528404593468 :0.10688573122024536 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.24515274167060852 the:0.09953197836875916 no:0.051865607500076294 more:0.02931014820933342 :0.1415490210056305 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -per:0.0677386224269867 feet:0.0625029057264328 miles:0.049870625138282776 acres:0.03478767350316048 :0.19059747457504272 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -sidered:0.05358861759305 ducted:0.039241090416908264 ditions:0.0322430282831192 tained:0.03160805627703667 :0.4803686738014221 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -out:0.04963633045554161 in:0.036303289234638214 of:0.029866740107536316 more:0.0223068967461586 :0.15067218244075775 -The:0.10918358713388443 He:0.04219747707247734 It:0.04186190664768219 A:0.033616140484809875 :0.18758878111839294 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -of:0.03420783206820488 to:0.013145451433956623 .:0.012639174237847328 and:0.012218286283314228 :0.3456663489341736 -out:0.06619517505168915 forth:0.06040060147643089 of:0.059924300760030746 up:0.05789599567651749 :0.0789448693394661 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.08802321553230286 be:0.0528547428548336 a:0.026625769212841988 the:0.021958863362669945 :0.16560016572475433 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.11560273915529251 in:0.07251973450183868 of:0.05200992152094841 to:0.04219735786318779 :0.09301529079675674 -H.:0.03035208210349083 E:0.022131584584712982 W.:0.021713633090257645 A.:0.02039494924247265 :0.4229808449745178 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -of:0.2537390887737274 and:0.04797760769724846 that:0.03903402388095856 in:0.02849040925502777 :0.07568418234586716 -time:0.1558830738067627 distance:0.11165019124746323 of:0.0728195533156395 time.:0.0354284793138504 :0.13860422372817993 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.056439515203237534 of:0.05189945176243782 in:0.038383424282073975 sides:0.022368621081113815 :0.18085162341594696 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.19082975387573242 in:0.06991858035326004 and:0.06414774060249329 to:0.04478486254811287 :0.04759839177131653 -to:0.12407982349395752 and:0.02482190541923046 thing:0.010402683168649673 in:0.009888360276818275 :0.27768704295158386 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.012059979140758514 hands,:0.007604937069118023 the:0.00560150807723403 or:0.004402921535074711 :0.3395673930644989 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -a:0.09458132833242416 the:0.08997581899166107 as:0.06482566148042679 by:0.06420480459928513 :0.10522288829088211 -said:0.008043844252824783 same:0.007028656080365181 United:0.005665518343448639 other:0.004477257374674082 :0.3926052153110504 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -B.:0.02028615213930607 E:0.020282939076423645 H.:0.01811414211988449 B:0.015139817260205746 :0.42620640993118286 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -in:0.08553355187177658 the:0.07098785787820816 that:0.05615006759762764 to:0.043199628591537476 :0.08121948689222336 -of:0.04605313390493393 and:0.024169201031327248 in:0.014963602647185326 to:0.013868679292500019 :0.24885371327400208 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.09209580719470978 in:0.05051566660404205 to:0.04314110055565834 and:0.032860010862350464 :0.09662479907274246 -of:0.3416704833507538 was:0.05240185931324959 is:0.051137275993824005 that:0.036451954394578934 :0.06795122474431992 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -that:0.126918226480484 of:0.061995938420295715 to:0.055295463651418686 and:0.04567193612456322 :0.17878924310207367 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -or:0.06559932976961136 hundred:0.061062559485435486 years:0.05509605258703232 and:0.030842231586575508 :0.20644277334213257 -the:0.047873008996248245 to:0.0198059044778347 a:0.018235234543681145 for:0.011146210134029388 :0.24400301277637482 --:0.021450301632285118 rectly:0.00950253289192915 vided:0.007201718166470528 the:0.0063457186333835125 :0.6182620525360107 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.06298363208770752 H.:0.029688751325011253 F.:0.02875196561217308 A.:0.026930881664156914 :0.3548924922943115 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -that:0.058871880173683167 and:0.051309701055288315 the:0.043640729039907455 to:0.03352093696594238 :0.15453261137008667 -Territory:0.07215344160795212 and:0.024194467812776566 affairs,:0.009255584329366684 territory:0.009013096801936626 :0.3193838894367218 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -to:0.03153189644217491 by:0.027743583545088768 abandoned:0.02395966835319996 and:0.0225959662348032 :0.3984030783176422 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.13821636140346527 of:0.06709703058004379 sum:0.036987077444791794 or:0.023108448833227158 :0.1891903579235077 -and:0.038774169981479645 the:0.03665471076965332 to:0.03379518911242485 in:0.023545820266008377 :0.14969618618488312 -a:0.18559224903583527 the:0.14979293942451477 an:0.022219739854335785 of:0.021330349147319794 :0.18969018757343292 -of:0.181649312376976 per:0.10868126899003983 in:0.03009784035384655 on:0.029150037094950676 :0.10334900766611099 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -for:0.08746783435344696 the:0.0782928392291069 upon:0.053862474858760834 a:0.05163034051656723 :0.0754866674542427 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.06273122876882553 the:0.05152281001210213 from:0.04799569770693779 and:0.04393894970417023 :0.17407874763011932 -at:0.24109482765197754 of:0.0742916539311409 that:0.056269850581884384 around:0.03956204280257225 :0.033014435321092606 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -be:0.2578584551811218 not:0.03358340635895729 do:0.024384891614317894 bo:0.01854175329208374 :0.11540351063013077 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -far:0.0603245347738266 the:0.021929031237959862 be:0.013097374700009823 to:0.012695294804871082 :0.24385406076908112 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.48983514308929443 and:0.018693894147872925 Lane:0.015884945169091225 Fish:0.01375558227300644 :0.18294674158096313 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -plat:0.04579353332519531 and:0.031717680394649506 of:0.020091092213988304 report:0.01750500500202179 :0.23661288619041443 -that:0.190326526761055 the:0.0808967873454094 a:0.05292752757668495 as:0.03393283113837242 :0.08723070472478867 -to:0.24154840409755707 that:0.16895633935928345 into:0.072190061211586 by:0.04734432324767113 :0.04076537862420082 -the:0.21181827783584595 they:0.03641663119196892 in:0.03181426599621773 he:0.025803958997130394 :0.11875980347394943 -a:0.0901230052113533 to:0.07103439420461655 because:0.03722326084971428 the:0.02968020923435688 :0.19301147758960724 -ber:0.4225473999977112 bers:0.2654821276664734 bered:0.08665534108877182 ber,:0.02668902650475502 :0.10254954546689987 -and:0.0504198856651783 the:0.03913656994700432 in:0.03258374705910683 however,:0.028279069811105728 :0.05202135443687439 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.13351991772651672 by:0.06513974070549011 that:0.06011863797903061 a:0.053098954260349274 :0.05245118960738182 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -who:0.11014525592327118 of:0.10391675680875778 from:0.0977029949426651 in:0.03481251746416092 :0.060885414481163025 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.10827548056840897 to:0.02262193337082863 as:0.021337252110242844 men:0.02130645513534546 :0.30867528915405273 -the:0.16427719593048096 out:0.059362031519412994 a:0.055584616959095 and:0.03800535947084427 :0.09627645462751389 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -Islands:0.08737502992153168 islands:0.02224685065448284 islands,:0.021620402112603188 Government:0.010719392448663712 :0.30717068910598755 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.09499147534370422 and:0.06191578879952431 was:0.0476115383207798 in:0.04378770291805267 :0.07877233624458313 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.1309203803539276 the:0.05714624002575874 which:0.016584360972046852 but:0.013289225287735462 :0.15061594545841217 -of:0.12815137207508087 and:0.052320171147584915 to:0.023984985426068306 in:0.019469793885946274 :0.36359673738479614 -and:0.09921418875455856 however,:0.06767862290143967 that:0.05922633036971092 in:0.04346802458167076 :0.06391406059265137 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.14583271741867065 and:0.05376538634300232 in:0.04807736724615097 for:0.044097933918237686 :0.044993363320827484 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -auction:0.02915082313120365 auction,:0.02451956272125244 school:0.020690185949206352 and:0.020127294585108757 :0.21887941658496857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -of:0.2864786684513092 and:0.27998629212379456 that:0.024261869490146637 in:0.022044353187084198 :0.06888736039400101 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -and:0.03397063538432121 condition:0.03251904249191284 policy:0.02038480155169964 interests:0.009792270138859749 :0.2953716218471527 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -who:0.1730121225118637 of:0.10141103714704514 in:0.039448078721761703 are:0.031189128756523132 :0.07186098396778107 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -by:0.10623695701360703 in:0.0765051618218422 to:0.07187975198030472 with:0.034988272935152054 :0.03681784123182297 -o'clock:0.05307083949446678 .:0.045769985765218735 of:0.037450842559337616 and:0.031131597235798836 :0.31821712851524353 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -him:0.11965429037809372 me:0.11262659728527069 the:0.1017884686589241 that:0.08461704850196838 :0.07026275247335434 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1254698634147644 and:0.12044934183359146 was:0.09620989114046097 in:0.0472213476896286 :0.05120893940329552 -of:0.08279070258140564 to:0.03428015112876892 and:0.02874119207262993 interests:0.020510505884885788 :0.1555841863155365 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.7671369314193726 ot:0.01481379009783268 to:0.014560811221599579 and:0.010325328446924686 :0.01698368228971958 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08655340224504471 The:0.07770852744579315 It:0.04773307219147682 Mr.:0.017694862559437752 :0.14586810767650604 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.14583271741867065 and:0.05376538634300232 in:0.04807736724615097 for:0.044097933918237686 :0.044993363320827484 -same:0.010816606692969799 United:0.0066614048555493355 north:0.004478472284972668 above:0.0042708334513008595 :0.3400339186191559 -river:0.1708887666463852 and:0.0583113394677639 Pacific:0.04899020493030548 river,:0.03552556410431862 :0.11837102472782135 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.1770935207605362 above:0.0834425538778305 of:0.08211614936590195 in:0.04307474568486214 :0.07087589800357819 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -pany:0.07423526048660278 mittee:0.03760280832648277 mon:0.03629608079791069 plete:0.03559955209493637 :0.3566610813140869 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -one:0.052963726222515106 man:0.02280638925731182 day:0.022091107442975044 other:0.014896808192133904 :0.22217898070812225 -service:0.03669474646449089 forces:0.030684486031532288 power:0.02902367152273655 force:0.02872728370130062 :0.20596100389957428 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -ing:0.17513658106327057 fore:0.13267087936401367 cause:0.12962499260902405 tween:0.099709153175354 :0.10580803453922272 -and:0.21623986959457397 but:0.046449173241853714 the:0.023148031905293465 which:0.017559239640831947 :0.08795396983623505 -the:0.07645346224308014 and:0.05757967010140419 success.:0.011333249509334564 their:0.011296502314507961 :0.23933689296245575 -of:0.14835211634635925 from:0.14390742778778076 west:0.04671301692724228 in:0.04312987998127937 :0.06109151616692543 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.039675477892160416 party:0.020606327801942825 parties:0.01848437264561653 power:0.010759313590824604 :0.34491583704948425 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -to:0.0746460035443306 as:0.04427049309015274 and:0.03439531847834587 of:0.03409704193472862 :0.0672115907073021 -and:0.23374390602111816 but:0.04880879074335098 the:0.029998688027262688 as:0.022745534777641296 :0.10033293068408966 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.11565183848142624 of:0.07394947856664658 were:0.06016243249177933 to:0.03281236067414284 :0.1193879097700119 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.06843478232622147 in:0.06034527346491814 if:0.030532246455550194 after:0.02788349986076355 :0.1054292619228363 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.44544705748558044 a:0.034241680055856705 tho:0.022294890135526657 and:0.021083559840917587 :0.096601203083992 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -m:0.524071216583252 m.:0.061574846506118774 m.,:0.060761962085962296 in.:0.005357534624636173 :0.11976601928472519 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.12193337082862854 after:0.11245086789131165 before:0.04345369711518288 and:0.043405842036008835 :0.07516973465681076 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -of:0.04130209982395172 amount:0.022630169987678528 possible:0.015147888101637363 number:0.011902578175067902 :0.18712486326694489 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -in:0.018154483288526535 of:0.014765959233045578 to:0.013219348154962063 said:0.011465257965028286 :0.30872365832328796 -ing:0.13273988664150238 fore:0.09931561350822449 tween:0.08537130802869797 cause:0.08139321953058243 :0.19399063289165497 -the:0.16513924300670624 that:0.13613981008529663 what:0.04049627110362053 a:0.036764953285455704 :0.06664542853832245 -ner:0.0876915380358696 aged:0.0421006865799427 kind.:0.029789013788104057 ner,:0.021055404096841812 :0.6348174810409546 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.04834340885281563 to:0.0475228875875473 about:0.02197789028286934 by:0.015706874430179596 :0.1964738965034485 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -said:0.011000820435583591 principal:0.010818821378052235 present:0.007476617582142353 law:0.006531843449920416 :0.3017885386943817 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.1178956851363182 and:0.10073573887348175 to:0.0488395132124424 for:0.03573434427380562 :0.17494207620620728 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.1711033135652542 and:0.034957461059093475 men:0.025459829717874527 testimony,:0.01951747201383114 :0.23561488091945648 -is:0.2611105144023895 are:0.16385239362716675 was:0.13630259037017822 were:0.08566633611917496 :0.03625030443072319 -the:0.21205540001392365 they:0.08831535279750824 it:0.057835932821035385 you:0.041441526263952255 :0.07327617704868317 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.1035505011677742 in:0.08836616575717926 to:0.05479814484715462 and:0.051092591136693954 :0.04373447597026825 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.2257155179977417 contained:0.10083913803100586 and:0.053287945687770844 will:0.04347766935825348 :0.04216460511088371 -a:0.2304607778787613 up:0.13443094491958618 the:0.10561692714691162 and:0.030087964609265327 :0.07588212937116623 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -The:0.1248629167675972 It:0.0621473602950573 I:0.04659663140773773 He:0.03619575873017311 :0.14428570866584778 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -have:0.11768656224012375 are:0.09226855635643005 were:0.03430884703993797 had:0.03061225824058056 :0.0752384215593338 -and:0.2155444324016571 of:0.09706809371709824 in:0.06720107793807983 that:0.06048674136400223 :0.07417848706245422 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.12235946953296661 a:0.06923636049032211 more:0.02314385026693344 to:0.023087404668331146 :0.14727626740932465 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -gan:0.0643952414393425 ton,:0.05030427873134613 ton:0.015047816559672356 mon:0.01395941898226738 :0.7191715836524963 -between:0.2324390709400177 of:0.13156500458717346 in:0.11266430467367172 In:0.03527748957276344 :0.028477903455495834 -the:0.11078117042779922 a:0.04739215970039368 to:0.04724182188510895 in:0.04221399128437042 :0.12349672615528107 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1035505011677742 in:0.08836616575717926 to:0.05479814484715462 and:0.051092591136693954 :0.04373447597026825 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.33542701601982117 in:0.11005116999149323 and:0.07163659483194351 the:0.057812705636024475 :0.07878334820270538 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -was:0.10066971182823181 to:0.06819608807563782 of:0.0567970797419548 for:0.034928932785987854 :0.08240171521902084 -of:0.2977848947048187 for:0.17684577405452728 to:0.13688015937805176 is:0.025356445461511612 :0.024685926735401154 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -you:0.1532261073589325 the:0.09570319205522537 us:0.049786925315856934 me:0.04477664828300476 :0.07578448951244354 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.034368086606264114 and:0.019949300214648247 of:0.01668313331902027 to:0.01350040640681982 :0.2720033526420593 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.0977126732468605 be:0.030491473153233528 a:0.018781078979372978 tho:0.012101409025490284 :0.1834961175918579 -feet:0.29592519998550415 ft.:0.07276979088783264 feet,:0.029705820605158806 miles:0.01906283013522625 :0.1384577453136444 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.22479920089244843 as:0.050325434654951096 to:0.042932864278554916 shall:0.025103839114308357 :0.05783336982131004 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.05963868647813797 and:0.04685940220952034 of:0.03452817350625992 .:0.03120724856853485 :0.2323278784751892 -of:0.2992597818374634 to:0.06106095016002655 in:0.037097517400979996 for:0.03377065807580948 :0.10479244589805603 -of:0.45018669962882996 and:0.05965520814061165 in:0.030826380476355553 to:0.027320167049765587 :0.04425403103232384 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.41679197549819946 by:0.06743618845939636 the:0.06012990325689316 with:0.02893509715795517 :0.01741122268140316 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.14617039263248444 was:0.06184227764606476 of:0.04861639812588692 had:0.02445940114557743 :0.1882627308368683 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -of:0.23417498171329498 in:0.08349113911390305 to:0.04763532429933548 for:0.03891903534531593 :0.039770469069480896 -the:0.203014075756073 and:0.04571348801255226 to:0.03866835683584213 with:0.03252645581960678 :0.08168720453977585 -est:0.16608145833015442 ested:0.04638126492500305 ests:0.03901323676109314 nal:0.012293475680053234 :0.5690186619758606 -own:0.020776847377419472 way:0.009151962585747242 wife:0.0085839182138443 wife,:0.008361587300896645 :0.32487738132476807 -and:0.21593423187732697 the:0.028194090351462364 to:0.02665644884109497 or:0.026493776589632034 :0.058455903083086014 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.10645195096731186 by:0.10180506855249405 through:0.05344239994883537 a:0.04655205085873604 :0.07113930583000183 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -of:0.3556046783924103 is:0.04341163858771324 and:0.03924814239144325 was:0.031596649438142776 :0.044983625411987305 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.42583516240119934 the:0.019955912604928017 to:0.017940234392881393 in:0.016852116212248802 :0.15513983368873596 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -on:0.12018904834985733 out:0.08034127205610275 to:0.06529968231916428 off:0.056727584451436996 :0.052785106003284454 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.04816937446594238 F,:0.04510757327079773 W.:0.021787619218230247 B.:0.018135668709874153 :0.49272170662879944 -and:0.09480534493923187 is:0.03343827277421951 in:0.032941464334726334 are:0.030651938170194626 :0.1558292955160141 -The:0.1260368376970291 It:0.04465430974960327 I:0.04199615493416786 He:0.03709236532449722 :0.13793905079364777 -amount:0.0902838408946991 quantities:0.0156711395829916 majority:0.010858611203730106 quantity:0.010829205624759197 :0.299072265625 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.06239590793848038 but:0.03886224702000618 I:0.03692806139588356 the:0.03682849183678627 :0.14693233370780945 -in:0.10770554840564728 the:0.06985095888376236 of:0.05782793089747429 and:0.05737604945898056 :0.03942783549427986 -the:0.0236665066331625 of:0.019204938784241676 to:0.018693650141358376 in:0.016812078654766083 :0.18612779676914215 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.09999820590019226 was:0.04921850934624672 is:0.046114224940538406 of:0.04486262798309326 :0.38846907019615173 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -and:0.18897061049938202 as:0.09270989894866943 the:0.05050883814692497 but:0.03674650564789772 :0.03825097158551216 -He:0.09556804597377777 The:0.07419736683368683 I:0.03664061799645424 It:0.03552316501736641 :0.15053889155387878 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.2281550019979477 and:0.05738335847854614 to:0.047364186495542526 in:0.039060309529304504 :0.07218440622091293 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -banks:0.13273441791534424 bank:0.1305534988641739 banks,:0.10267127305269241 of:0.08182815462350845 :0.07285130023956299 -to:0.075827956199646 of:0.05591024458408356 and:0.041138581931591034 the:0.03920668363571167 :0.06751186400651932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -the:0.10489966720342636 a:0.030680784955620766 it:0.01920558698475361 he:0.015377091243863106 :0.07511217892169952 -and:0.057572443038225174 Men's:0.05470946058630943 is:0.016505220904946327 of:0.015360799618065357 :0.40031129121780396 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -enough:0.07055766135454178 and:0.07010779529809952 as:0.02338070049881935 in:0.019944224506616592 :0.14363011717796326 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.028540564700961113 who:0.02553669549524784 to:0.021978890523314476 and:0.021592378616333008 :0.2947327196598053 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.21623986959457397 but:0.046449173241853714 the:0.023148031905293465 which:0.017559239640831947 :0.08795396983623505 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -of:0.3474387228488922 and:0.0671711266040802 in:0.014828030951321125 Hall,:0.014470801688730717 :0.14438346028327942 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.1985430270433426 course,:0.17569132149219513 course:0.12020877748727798 this:0.03952818736433983 :0.1450791358947754 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -one:0.052963726222515106 man:0.02280638925731182 day:0.022091107442975044 other:0.014896808192133904 :0.22217898070812225 -of:0.13828276097774506 and:0.10814230889081955 in:0.07883593440055847 were:0.040939442813396454 :0.04271697625517845 -to:0.5298907160758972 of:0.10143780708312988 the:0.04084136337041855 from:0.015301095321774483 :0.029681840911507607 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -day:0.25255441665649414 of:0.08256601542234421 and:0.037712566554546356 street:0.01708175428211689 :0.306486576795578 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2349090576171875 he:0.05126500502228737 they:0.042668212205171585 I:0.041159737855196 :0.09105824679136276 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.3162600100040436 the:0.06583564728498459 and:0.041784338653087616 to:0.029908092692494392 :0.04690514877438545 -to:0.15909218788146973 out:0.05340169370174408 about:0.04949793592095375 the:0.04316485673189163 :0.057520657777786255 -not:0.04459640011191368 the:0.026267625391483307 to:0.017791133373975754 in:0.014329209923744202 :0.23265846073627472 -in:0.10195839405059814 days:0.033966515213251114 part:0.03120974451303482 and:0.022123118862509727 :0.1931469589471817 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.05145592615008354 and:0.0482889786362648 from:0.0396355502307415 to:0.03248601034283638 :0.13078029453754425 -same:0.008741836994886398 United:0.008715054020285606 said:0.006245739758014679 first:0.006218150723725557 :0.29759737849235535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.12724575400352478 in:0.058492619544267654 who:0.05422905832529068 and:0.04740424081683159 :0.10742265731096268 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -names:0.03747140243649483 name:0.031221462413668633 duty:0.014536472968757153 hands:0.007228906732052565 :0.18480472266674042 -That:0.5652725100517273 That,:0.2780558168888092 that:0.027310101315379143 The:0.01465687993913889 :0.024078337475657463 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -in:0.2716304063796997 on:0.13234321773052216 upon:0.04778507351875305 at:0.0459967702627182 :0.04538761451840401 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.21652759611606598 a:0.057185012847185135 their:0.014301182702183723 his:0.013723132200539112 :0.19880814850330353 -more:0.022853391245007515 of:0.018158670514822006 girl,:0.01250563096255064 to:0.010435924865305424 :0.29975685477256775 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -thence:0.32169532775878906 the:0.043382856994867325 thence,:0.02662758342921734 a:0.022975001484155655 :0.24784667789936066 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.09499147534370422 and:0.06191578879952431 was:0.0476115383207798 in:0.04378770291805267 :0.07877233624458313 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -much:0.14333897829055786 many:0.03466739505529404 late.:0.025848792865872383 far:0.025535600259900093 :0.14510856568813324 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.22907975316047668 the:0.05796613171696663 in:0.053426116704940796 for:0.02777310647070408 :0.14858926832675934 -and:0.08964505046606064 in:0.08413931727409363 are:0.06971723586320877 to:0.05644295737147331 :0.05968325585126877 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.18783687055110931 in:0.06228731572628021 to:0.05556314066052437 on:0.02613520622253418 :0.09244150668382645 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -The:0.08981028944253922 It:0.06976974755525589 I:0.03802952170372009 He:0.03709038719534874 :0.10910390317440033 -and:0.08949651569128036 body:0.02655317820608616 man:0.023062333464622498 to:0.02147637866437435 :0.2521202564239502 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -in:0.04716258868575096 more:0.032873496413230896 the:0.03224669024348259 a:0.022797901183366776 :0.21265579760074615 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.4065280258655548 and:0.08330723643302917 that:0.08237501233816147 to:0.07087401300668716 :0.055990491062402725 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.16513924300670624 that:0.13613981008529663 what:0.04049627110362053 a:0.036764953285455704 :0.06664542853832245 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.06291016936302185 to:0.04381997510790825 and:0.04293530434370041 in:0.01841280236840248 :0.1940055936574936 -E.:0.04234219342470169 A.:0.025573913007974625 and:0.019584929570555687 L.:0.01570615917444229 :0.5105912685394287 -amendment:0.05303044617176056 liberty:0.04438379406929016 rights:0.02769550122320652 rights,:0.02355816587805748 :0.18497267365455627 -of:0.4892599880695343 and:0.045130569487810135 by:0.02706266939640045 the:0.019929392263293266 :0.041178684681653976 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -and:0.1320219337940216 the:0.04762683063745499 who:0.026975488290190697 to:0.02625838667154312 :0.053498778492212296 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -are:0.07969821989536285 who:0.0773812010884285 in:0.05165934935212135 were:0.0445142425596714 :0.044689640402793884 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.6358018517494202 in:0.03563551604747772 to:0.021895503625273705 and:0.02062171883881092 :0.03627351298928261 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -The:0.02018102817237377 the:0.0160328671336174 and:0.015632078051567078 of:0.015357382595539093 :0.2634615898132324 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -over:0.09082284569740295 across:0.06305406987667084 and:0.05985613167285919 at:0.042743995785713196 :0.10012265294790268 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008741836994886398 United:0.008715054020285606 said:0.006245739758014679 first:0.006218150723725557 :0.29759737849235535 -years:0.0784083902835846 or:0.044089969247579575 hundred:0.028000427410006523 successive:0.024910900741815567 :0.16574934124946594 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -visions:0.09230361133813858 vided:0.03538060560822487 posed:0.026643885299563408 duce:0.019842924550175667 :0.4507797360420227 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.045629579573869705 language:0.023872816935181618 people:0.012798255309462547 fleet:0.009068361483514309 :0.37221062183380127 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.09209580719470978 in:0.05051566660404205 to:0.04314110055565834 and:0.032860010862350464 :0.09662479907274246 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.15941016376018524 and:0.0777243971824646 notes:0.048726458102464676 for:0.04106016829609871 :0.09518197923898697 -man:0.08607076108455658 lady:0.03618399426341057 men:0.03425515070557594 and:0.032232530415058136 :0.25705599784851074 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.33018243312835693 and:0.07733188569545746 regulating:0.03222488984465599 are:0.028467591851949692 :0.049046590924263 -.:0.028949782252311707 to:0.02156767062842846 and:0.014170514419674873 of:0.01374626811593771 :0.3848493695259094 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -the:0.020649105310440063 of:0.014943127520382404 a:0.014446763321757317 to:0.010476849973201752 :0.3380710780620575 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -to:0.0465863011777401 and:0.03236042335629463 of:0.012427665293216705 as:0.01095547340810299 :0.1968892216682434 -and:0.06310665607452393 is:0.040187060832977295 to:0.03643888980150223 in:0.03172094374895096 :0.08356594294309616 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.19004328548908234 who:0.05974773317575455 and:0.056312717497348785 in:0.05565187335014343 :0.08144127577543259 -of:0.15584447979927063 are:0.05584907904267311 and:0.048080287873744965 to:0.03982215374708176 :0.041039641946554184 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.18082886934280396 which:0.04999034106731415 the:0.04363833740353584 but:0.04299754649400711 :0.07983091473579407 -the:0.11884143203496933 in:0.10337566584348679 a:0.060064155608415604 by:0.04394328594207764 :0.10384660959243774 -terial:0.18787913024425507 jority:0.1109992191195488 chine:0.04339158162474632 king:0.008402902632951736 :0.5870464444160461 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.126029834151268 F.:0.021448643878102303 B.:0.019259415566921234 H.:0.019007110968232155 :0.4556993246078491 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -more:0.022853391245007515 of:0.018158670514822006 girl,:0.01250563096255064 to:0.010435924865305424 :0.29975685477256775 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -and:0.08457443863153458 as:0.05339771509170532 in:0.03842267766594887 but:0.03551887348294258 :0.07697319239377975 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.09672427922487259 a:0.048787184059619904 in:0.03915075585246086 out:0.03655552864074707 :0.08810009062290192 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.07768329232931137 and:0.05468817800283432 of:0.04063839465379715 that:0.02422468736767769 :0.2020004540681839 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.02279348112642765 of:0.012669960968196392 a:0.01022688951343298 .:0.009398240596055984 :0.3351995348930359 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -of:0.29453355073928833 that:0.05326913297176361 the:0.051075443625450134 and:0.03369848057627678 :0.1001053974032402 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.32351797819137573 by:0.17224371433258057 the:0.07129304856061935 in:0.0621861033141613 :0.03045993484556675 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.2188805192708969 of:0.07957055419683456 in:0.0356278195977211 to:0.03551394119858742 :0.09485692530870438 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -mittee:0.09083136916160583 pany:0.0299111008644104 plete:0.029511837288737297 mitted:0.027717700228095055 :0.5272563695907593 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -them:0.21110524237155914 the:0.18542003631591797 him:0.14478406310081482 us:0.07191356271505356 :0.05517150089144707 -own:0.013350178487598896 people:0.011907960288226604 government:0.010294115170836449 men:0.009162436239421368 :0.20350322127342224 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -and:0.1422654390335083 of:0.11260434985160828 was:0.05276361480355263 is:0.03945528715848923 :0.09228374809026718 -over:0.0961909368634224 up:0.09308140724897385 down:0.05603121593594551 into:0.04694566875696182 :0.08134657889604568 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.034368086606264114 and:0.019949300214648247 of:0.01668313331902027 to:0.01350040640681982 :0.2720033526420593 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.11893177032470703 to:0.056000567972660065 is:0.0500967875123024 in:0.04271026328206062 :0.10457286238670349 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -I:0.08165576308965683 My:0.05503344163298607 You:0.045451853424310684 The:0.0316505990922451 :0.22008571028709412 -to:0.10518153756856918 a:0.0894307866692543 the:0.08370478451251984 and:0.03260432928800583 :0.07176374644041061 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -meeting:0.04663687199354172 income:0.009576299227774143 session:0.008068344555795193 election:0.006118404679000378 :0.5104413628578186 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.5535897016525269 or:0.19715163111686707 and:0.02183546870946884 ot:0.014320083893835545 :0.024100134149193764 -be:0.07840440422296524 and:0.03129853680729866 as:0.02671648934483528 to:0.016842978075146675 :0.2399512082338333 -and:0.10884125530719757 are:0.07918241620063782 in:0.04957425221800804 were:0.04778638482093811 :0.05131111294031143 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -The:0.044668328016996384 I:0.03783291578292847 It:0.029163293540477753 He:0.028444016352295876 :0.22007761895656586 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.058700598776340485 and:0.05688149854540825 in:0.043834514915943146 department:0.03145528957247734 :0.10017474740743637 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.13946819305419922 a:0.12785591185092926 an:0.025198349729180336 him:0.02289653569459915 :0.185236856341362 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -of:0.146750807762146 and:0.05602909252047539 to:0.05532154440879822 in:0.043932970613241196 :0.08167589455842972 -of:0.13495147228240967 and:0.05163073167204857 which:0.04001440480351448 that:0.03835137560963631 :0.07441603392362595 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -us:0.16412381827831268 the:0.12409006059169769 me:0.06224114075303078 them:0.060903143137693405 :0.0602022185921669 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.06034154072403908 a:0.043448708951473236 in:0.027066903188824654 made:0.023584788665175438 :0.18853774666786194 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.30394354462623596 and:0.08512400835752487 to:0.04093848913908005 was:0.03989328444004059 :0.05440828576683998 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ficient:0.11325784772634506 fered:0.03317062184214592 fice:0.01942933164536953 fer:0.010051083751022816 :0.738373339176178 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3451695740222931 into:0.10287494957447052 upon:0.06840229034423828 a:0.04828611761331558 :0.09225036948919296 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -from:0.09341555088758469 in:0.08464229851961136 by:0.03193967789411545 and:0.02708611451089382 :0.16584955155849457 -the:0.1727508157491684 as:0.15806974470615387 and:0.03941209614276886 a:0.03654498606920242 :0.0755971372127533 -The:0.12578050792217255 It:0.07142194360494614 I:0.033347927033901215 He:0.028596946969628334 :0.14344051480293274 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.10818829387426376 was:0.0662282183766365 to:0.04928357154130936 of:0.046436697244644165 :0.21553990244865417 -and:0.11383011192083359 in:0.039700135588645935 of:0.03919079899787903 at:0.03400644287467003 :0.06669590622186661 -of:0.32273074984550476 the:0.059481244534254074 was:0.03502509370446205 made:0.032435666769742966 :0.04509316384792328 -in:0.17205187678337097 of:0.12660977244377136 and:0.0745854452252388 at:0.06044965237379074 :0.06018369272351265 -.:0.017224440351128578 -:0.013245903886854649 e:0.013182943686842918 n:0.012991116382181644 :0.3863798975944519 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -to:0.6846378445625305 the:0.11367607861757278 by:0.01617525890469551 a:0.01553789246827364 :0.01342268381267786 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.009900739416480064 business:0.007565493229776621 run:0.006339153274893761 way:0.005699533969163895 :0.3642122447490692 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -and:0.05954655632376671 to:0.043583061546087265 other:0.03443494439125061 in:0.026395266875624657 :0.301792174577713 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.15918081998825073 and:0.06084674969315529 in:0.03257724642753601 to:0.02555825188755989 :0.31686878204345703 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.08840736746788025 of:0.08669278025627136 that:0.08325349539518356 to:0.07236527651548386 :0.05920549854636192 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -to:0.35867735743522644 that:0.1436970829963684 by:0.03717287629842758 upon:0.03335099294781685 :0.08057482540607452 -in:0.13264688849449158 at:0.03819749504327774 the:0.034913189709186554 with:0.0343722403049469 :0.1183832585811615 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24300527572631836 a:0.11665749549865723 that:0.0483170710504055 an:0.018897367641329765 :0.09666796773672104 -of:0.4655577838420868 to:0.08667701482772827 over:0.04638833925127983 in:0.035220466554164886 :0.02658485248684883 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.1636182963848114 It:0.07887135446071625 He:0.038083866238594055 There:0.03238547220826149 :0.16046051681041718 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.16152259707450867 that:0.0508674755692482 the:0.04700541868805885 but:0.04374287277460098 :0.07202927768230438 -was:0.06561992317438126 had:0.03705403208732605 has:0.029276518151164055 is:0.024481505155563354 :0.19223681092262268 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.22105151414871216 the:0.05619664117693901 but:0.055242616683244705 which:0.04929152503609657 :0.04978117719292641 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.10532162338495255 to:0.05758138746023178 of:0.033170487731695175 a:0.03080001473426819 :0.10229098796844482 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.10221831500530243 and:0.09150815010070801 up:0.02436799742281437 in:0.02288755401968956 :0.20181532204151154 -of:0.3119533658027649 the:0.09560158103704453 and:0.057611431926488876 in:0.040322721004486084 :0.035767365247011185 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -General:0.13273683190345764 general:0.08016171306371689 of:0.0701865553855896 General,:0.0397777259349823 :0.1499403715133667 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.028612101450562477 for:0.015832537785172462 quality:0.013361372984945774 work:0.012418821454048157 :0.2586405575275421 -the:0.3381267488002777 tho:0.02679975889623165 a:0.02110646665096283 his:0.01128138042986393 :0.21272939443588257 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.23979175090789795 a:0.031034329906105995 tho:0.022321950644254684 this:0.019696947187185287 :0.22795014083385468 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -of:0.2814421057701111 and:0.1680929958820343 to:0.03254168480634689 was:0.030608447268605232 :0.02670370601117611 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -bearing:0.22047455608844757 dated:0.19252575933933258 and:0.07822777330875397 to:0.06971829384565353 :0.05780913680791855 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -from:0.12205009162425995 into:0.07330772280693054 to:0.06853111833333969 out:0.06660240143537521 :0.08806537091732025 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -fat:0.15507031977176666 and:0.1053105816245079 is:0.0247426088899374 in:0.021227652207016945 :0.11052749305963516 -not:0.04459640011191368 the:0.026267625391483307 to:0.017791133373975754 in:0.014329209923744202 :0.23265846073627472 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -in:0.08169418573379517 as:0.05556502193212509 and:0.05233560875058174 therefore,:0.03979048132896423 :0.05040499567985535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.04189803823828697 of:0.03783300891518593 to:0.03066978044807911 war:0.02413959801197052 :0.18577873706817627 -the:0.2729184329509735 a:0.11926700174808502 ten:0.05172136798501015 thirty:0.025035006925463676 :0.06691883504390717 -said:0.0062776957638561726 the:0.005504169967025518 most:0.004588935058563948 United:0.004532806575298309 :0.4655087888240814 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.16872534155845642 the:0.062306154519319534 in:0.049241382628679276 that:0.024711009114980698 :0.04907829686999321 -the:0.13130687177181244 of:0.040917862206697464 that:0.02065867930650711 other:0.015213118866086006 :0.1654224693775177 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -man:0.08607076108455658 lady:0.03618399426341057 men:0.03425515070557594 and:0.032232530415058136 :0.25705599784851074 -that:0.13124828040599823 to:0.10545995086431503 and:0.08541873097419739 the:0.07897768914699554 :0.06788792461156845 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.23613590002059937 out:0.06032463535666466 down:0.04459838196635246 on:0.04217234253883362 :0.06246890872716904 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -and:0.10178127139806747 Square:0.03942903131246567 street:0.03504648804664612 to:0.026154054328799248 :0.16848772764205933 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -in:0.20861992239952087 the:0.1862826645374298 him:0.08319825679063797 them:0.040608830749988556 :0.041069041937589645 -was:0.06561992317438126 had:0.03705403208732605 has:0.029276518151164055 is:0.024481505155563354 :0.19223681092262268 -and:0.2446739375591278 the:0.04659717157483101 but:0.03833627700805664 as:0.022264963015913963 :0.0845540314912796 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.5396279096603394 that:0.10602723062038422 by:0.037915587425231934 upon:0.03132754564285278 :0.023826241493225098 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.21628741919994354 but:0.06503323465585709 the:0.04924746975302696 or:0.019624171778559685 :0.07928455621004105 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.2436079978942871 that:0.1005820780992508 in:0.012047842144966125 by:0.009880488738417625 :0.24933364987373352 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054468270391225815 man:0.03689473867416382 fellow:0.02218315750360489 woman:0.021502498537302017 :0.21335074305534363 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -scribed:0.16417957842350006 and:0.12515133619308472 the:0.039687950164079666 which:0.03430958837270737 :0.142232283949852 -The:0.11188063025474548 It:0.048973750323057175 He:0.047481223940849304 I:0.03664134070277214 :0.17259734869003296 -the:0.02164103277027607 of:0.01774829439818859 to:0.017712168395519257 and:0.014356068335473537 :0.29919302463531494 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ning:0.6820990443229675 the:0.006013188045471907 The:0.004341701045632362 to:0.0039378684014081955 :0.18710646033287048 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.7092679142951965 ot:0.032099153846502304 and:0.021669283509254456 or:0.018013911321759224 :0.030375899747014046 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.12555250525474548 from:0.07405679672956467 by:0.06459669768810272 in:0.05567841976881027 :0.06057837978005409 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -H.:0.03035208210349083 E:0.022131584584712982 W.:0.021713633090257645 A.:0.02039494924247265 :0.4229808449745178 -to:0.5476500988006592 as:0.0329522080719471 a:0.022960808128118515 that:0.020755542442202568 :0.09905503690242767 -against:0.24172501266002655 in:0.17188405990600586 In:0.06455513089895248 on:0.032649654895067215 :0.039900798350572586 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.12764962017536163 he:0.0794156938791275 it:0.06603512167930603 they:0.06103835627436638 :0.0676891878247261 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.5482325553894043 and:0.02145291678607464 to:0.010320763103663921 in:0.005650395527482033 :0.2534923255443573 -the:0.10816779732704163 to:0.05309121683239937 for:0.03989104926586151 in:0.02834278903901577 :0.11352939158678055 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.5476500988006592 as:0.0329522080719471 a:0.022960808128118515 that:0.020755542442202568 :0.09905503690242767 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.30673152208328247 and:0.04531557485461235 to:0.020838018506765366 in:0.01876954175531864 :0.11575235426425934 -to:0.11101650446653366 over:0.10430597513914108 out:0.07677783071994781 the:0.039879269897937775 :0.05975142866373062 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.0703696608543396 a:0.06365428864955902 to:0.06205326318740845 well:0.03973861783742905 :0.10053952038288116 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.4503498077392578 and:0.024938663467764854 to:0.023207293823361397 in:0.020028233528137207 :0.04756523668766022 -years:0.10627036541700363 days:0.06763610243797302 o'clock:0.047235917299985886 per:0.03206649050116539 :0.19858530163764954 -of:0.16724859178066254 and:0.12053232640028 to:0.05147343873977661 who:0.049941275268793106 :0.05949622765183449 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -of:0.1035505011677742 in:0.08836616575717926 to:0.05479814484715462 and:0.051092591136693954 :0.04373447597026825 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -that:0.3546609878540039 the:0.10262206941843033 it:0.04658861458301544 I:0.039800532162189484 :0.03964906930923462 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.3013826310634613 have:0.11894971877336502 not:0.038309138268232346 bo:0.01216239295899868 :0.07202029228210449 -and:0.3185722827911377 of:0.19036485254764557 in:0.05146622657775879 to:0.03692954033613205 :0.04848254472017288 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -terest:0.09791754931211472 creased:0.034657128155231476 stead:0.019352013245224953 tended:0.01393384113907814 :0.5562260746955872 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -by:0.10115424543619156 in:0.07953017950057983 the:0.07564994692802429 to:0.06570453196763992 :0.04334653541445732 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -York:0.08744712173938751 the:0.0704488530755043 that:0.06374293565750122 therefore,:0.04470082372426987 :0.08650172501802444 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.12193337082862854 after:0.11245086789131165 before:0.04345369711518288 and:0.043405842036008835 :0.07516973465681076 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.04674110189080238 of:0.03002522513270378 house:0.029905516654253006 the:0.025395531207323074 :0.18370725214481354 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.16361665725708008 and:0.07572490721940994 in:0.033823344856500626 the:0.022760963067412376 :0.07263413071632385 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.18811863660812378 but:0.03976025804877281 the:0.03786151856184006 which:0.029079504311084747 :0.06280004978179932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -C:0.034060556441545486 S:0.021213097497820854 S.:0.018755579367280006 D.:0.017159780487418175 :0.38581332564353943 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.04288017377257347 potatoes:0.019900240004062653 of:0.0168047733604908 in:0.013357771560549736 :0.5850071907043457 -for:0.30705639719963074 in:0.05504094436764717 to:0.04202255606651306 of:0.041090819984674454 :0.04180839657783508 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -of:0.21770232915878296 that:0.07277872413396835 and:0.04577388986945152 in:0.045380089432001114 :0.03898000344634056 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.552173376083374 and:0.04658952355384827 to:0.022675082087516785 or:0.016169721260666847 :0.06454151123762131 -to:0.8267777562141418 or:0.08226945251226425 and:0.019984081387519836 of:0.004173934925347567 :0.015919165685772896 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.05792469158768654 r:0.019938331097364426 >r:0.012289449572563171 .:0.011597756296396255 :0.2852281928062439 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -of:0.16162055730819702 for:0.13246919214725494 on:0.04919328913092613 in:0.04775194078683853 :0.05667604133486748 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0891878679394722 more:0.0506981797516346 in:0.04016854241490364 to:0.03962491825222969 :0.1259959489107132 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -.:0.06988608837127686 few:0.04215701296925545 large:0.024859881028532982 man:0.013344060629606247 :0.2676287889480591 -new:0.029597237706184387 to:0.028195766732096672 of:0.02597043849527836 on:0.023288799449801445 :0.23113460838794708 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.2013067752122879 and:0.14959606528282166 are:0.033194974064826965 for:0.03255511075258255 :0.06414750218391418 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -of:0.1258271187543869 and:0.09453649073839188 in:0.059441398829221725 at:0.032952308654785156 :0.14931520819664001 -have:0.11768656224012375 are:0.09226855635643005 were:0.03430884703993797 had:0.03061225824058056 :0.0752384215593338 -a:0.0812002420425415 the:0.07127150893211365 to:0.06758715212345123 them:0.03861260041594505 :0.07499213516712189 -of:0.26506307721138 to:0.11239854246377945 which:0.03899261727929115 and:0.03776145353913307 :0.03399835526943207 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -that:0.18499590456485748 the:0.058796871453523636 whether:0.048824433237314224 of:0.043978068977594376 :0.0534769669175148 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -in:0.10422064363956451 of:0.10167995095252991 to:0.06684467941522598 and:0.05149022862315178 :0.04829893633723259 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.0954684391617775 year:0.038241513073444366 other:0.03241894021630287 and:0.030703196302056313 :0.15927621722221375 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -to:0.5285189151763916 for:0.07826908677816391 of:0.03545813262462616 in:0.02486705593764782 :0.05126749724149704 -The:0.13541969656944275 This:0.039875466376543045 A:0.03233988955616951 There:0.027145300060510635 :0.171062171459198 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -the:0.065240278840065 a:0.014627943746745586 that:0.014110713265836239 to:0.011815262027084827 :0.2729637622833252 -the:0.11853601038455963 a:0.027234412729740143 be:0.02621631510555744 that:0.008939793333411217 :0.3091663122177124 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.23766064643859863 in:0.09988883137702942 to:0.05399375036358833 who:0.031727880239486694 :0.0358487106859684 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.13596926629543304 be:0.04566510394215584 a:0.022979622706770897 become:0.01848958618938923 :0.16078156232833862 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -to:0.35867735743522644 that:0.1436970829963684 by:0.03717287629842758 upon:0.03335099294781685 :0.08057482540607452 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -that:0.08236318826675415 cured.:0.03111322969198227 to:0.029647085815668106 and:0.027056142687797546 :0.19572508335113525 -far:0.0854136273264885 long:0.0587230809032917 the:0.05746699124574661 it:0.053963493555784225 :0.09349177777767181 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.18971991539001465 to:0.05342423543334007 is:0.04359379783272743 has:0.04039185121655464 :0.06229693815112114 -of:0.09050706028938293 to:0.06406586617231369 and:0.05237393081188202 is:0.04559113085269928 :0.09091950207948685 -years:0.09628763049840927 thousand:0.04481915757060051 (20):0.04114973172545433 dollars:0.021141180768609047 :0.3045382499694824 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.11528415232896805 to:0.061170049011707306 in:0.06015694513916969 are:0.055662404745817184 :0.0664559006690979 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.6454043984413147 the:0.03704651817679405 a:0.016056692227721214 with:0.01558027882128954 :0.06504684686660767 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.03337724134325981 Mrs.:0.024838076904416084 and:0.019454453140497208 J.:0.017942950129508972 :0.29389989376068115 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.04371552914381027 a:0.012631160207092762 to:0.012150408700108528 and:0.006203054916113615 :0.3726281523704529 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -to:0.35466325283050537 for:0.04909150302410126 evidence:0.029675714671611786 number:0.018501654267311096 :0.14162109792232513 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.23963220417499542 which:0.05995317921042442 the:0.05263258144259453 but:0.02799510397017002 :0.08550866693258286 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.08186226338148117 of:0.05979311838746071 and:0.0585361048579216 who:0.03579656779766083 :0.04557937756180763 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.04074763506650925 to:0.03557520732283592 day:0.03014100342988968 time:0.019774211570620537 :0.1589614897966385 -of:0.32273074984550476 the:0.059481244534254074 was:0.03502509370446205 made:0.032435666769742966 :0.04509316384792328 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -own:0.00794717576354742 appearance:0.005574940703809261 vote:0.0030418147798627615 power:0.002938786055892706 :0.4241931438446045 -the:0.14009109139442444 a:0.13008543848991394 place:0.04484888166189194 up:0.036087095737457275 :0.07066571712493896 -and:0.12733615934848785 are:0.11919183284044266 of:0.05565449595451355 in:0.04639580100774765 :0.06479305773973465 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.21210895478725433 the:0.040994059294462204 but:0.03733455762267113 as:0.03202402964234352 :0.07841773331165314 -the:0.14885249733924866 be:0.06316784024238586 have:0.016839994117617607 this:0.015348540619015694 :0.18016454577445984 -and:0.1549178957939148 the:0.04332127049565315 to:0.03098933771252632 in:0.02700001187622547 :0.14011511206626892 -of:0.6259183287620544 and:0.026797421276569366 to:0.02280157245695591 are:0.017613466829061508 :0.026473870500922203 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -ported:0.015230221673846245 -:0.012845451943576336 ceived:0.011994919739663601 the:0.009082532487809658 :0.4463033080101013 -a:0.14249056577682495 the:0.14247962832450867 of:0.035156454890966415 an:0.029168497771024704 :0.11972954869270325 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.21980896592140198 which:0.03271592780947685 the:0.03148422762751579 that:0.022240454331040382 :0.10881669819355011 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -by:0.17933037877082825 in:0.07168520241975784 the:0.04705413058400154 and:0.0231485515832901 :0.07913226634263992 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -and:0.09284774214029312 in:0.023288408294320107 to:0.02089710906147957 as:0.009287452325224876 :0.22741006314754486 -of:0.3214329183101654 and:0.15121452510356903 is:0.031714972108602524 to:0.027511803433299065 :0.05216597393155098 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.17712469398975372 it:0.06325319409370422 or:0.059955522418022156 they:0.05993082746863365 :0.0730995237827301 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.3717420697212219 and:0.04696829244494438 to:0.04619872570037842 in:0.04019583761692047 :0.03956449031829834 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -leave:0.28326544165611267 to:0.20585136115550995 of:0.04760399088263512 the:0.043791476637125015 :0.06284917145967484 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -The:0.14052468538284302 It:0.05624862015247345 This:0.038373734802007675 In:0.037602610886096954 :0.11837586760520935 -to:0.1042337492108345 and:0.05829417333006859 of:0.050776831805706024 has:0.04164150729775429 :0.08988823741674423 -tant:0.09586241096258163 tance:0.09049641340970993 trict:0.05209236219525337 charge:0.04965286701917648 :0.38522404432296753 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.05649400129914284 of:0.05602365732192993 has:0.052164167165756226 and:0.049723681062459946 :0.056507658213377 -was:0.07959670573472977 and:0.07365094125270844 in:0.02897326461970806 is:0.02872808836400509 :0.18612614274024963 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -John:0.02172519639134407 and:0.017813757061958313 J.:0.017309723421931267 J:0.01655435562133789 :0.4219669997692108 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -the:0.39037686586380005 this:0.030223578214645386 a:0.027476320043206215 tho:0.02285674586892128 :0.1085556149482727 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -be:0.10312244296073914 get:0.054000869393348694 do:0.03223719820380211 help:0.03206225112080574 :0.07919606566429138 -and:0.2231757789850235 the:0.05117626115679741 in:0.05028094723820686 at:0.02406889572739601 :0.13098616898059845 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -by:0.6072461605072021 of:0.13011793792247772 and:0.09143491834402084 bv:0.01279265433549881 :0.02805062010884285 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.20380574464797974 and:0.18135643005371094 is:0.03637033328413963 in:0.03382035717368126 :0.046352699398994446 -of:0.17405928671360016 and:0.04027867317199707 payment:0.02137117274105549 amount:0.018908385187387466 :0.17771503329277039 -and:0.21516074240207672 the:0.06233302876353264 but:0.04394061863422394 it:0.0280718095600605 :0.07261152565479279 -and:0.5296037793159485 or:0.05199381709098816 aud:0.008099410682916641 which:0.006032403092831373 :0.24073073267936707 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -night:0.04171675071120262 year:0.037758007645606995 year.:0.029282230883836746 year,:0.026110395789146423 :0.11887776851654053 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -coast:0.05222674459218979 Railroad:0.05127421021461487 and:0.045917678624391556 Railroad,:0.03160516917705536 :0.25229135155677795 -pose:0.21816842257976532 chase:0.05180669575929642 chased:0.044399287551641464 poses:0.02531665749847889 :0.5324503779411316 -and:0.038093291223049164 of:0.034312404692173004 ,:0.02994626760482788 The:0.02000862918794155 :0.20601682364940643 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.6878542900085449 and:0.012551588006317616 ot:0.009961642324924469 in:0.007719885557889938 :0.04729514941573143 -described:0.09503408521413803 the:0.055370356887578964 is:0.01663540117442608 a:0.01415183488279581 :0.2086590677499771 -in:0.12773090600967407 by:0.11379805207252502 on:0.04019568860530853 the:0.03149658069014549 :0.0828438252210617 -to:0.39929816126823425 upon:0.05453726276755333 the:0.05237974226474762 by:0.03253762051463127 :0.0730348601937294 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.05407831445336342 a:0.028689512982964516 in:0.011379025876522064 he:0.010096494108438492 :0.1971239298582077 -in:0.018154483288526535 of:0.014765959233045578 to:0.013219348154962063 said:0.011465257965028286 :0.30872365832328796 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.27662935853004456 but:0.03679639846086502 the:0.03314990550279617 or:0.02988412231206894 :0.10253728181123734 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -and:0.15259918570518494 the:0.05915197357535362 it:0.043433938175439835 but:0.033727556467056274 :0.06466856598854065 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -to:0.3285079300403595 and:0.12614047527313232 by:0.08123057335615158 the:0.046271227300167084 :0.042050570249557495 -to:0.24140645563602448 of:0.08127612620592117 and:0.06093951314687729 the:0.03275790438055992 :0.05774327367544174 -the:0.207133486866951 they:0.09562363475561142 he:0.0936054065823555 it:0.04463839903473854 :0.0762997418642044 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -hich:0.057510774582624435 ith:0.05582921579480171 ill:0.0469384528696537 hole:0.025882527232170105 :0.37805095314979553 -name:0.01652987115085125 father:0.01460693683475256 wife:0.012967708520591259 first:0.00992235355079174 :0.29660022258758545 -The:0.11856904625892639 It:0.04528016224503517 He:0.04011638090014458 A:0.025319622829556465 :0.16292007267475128 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.01943511702120304 was:0.012027417309582233 of:0.011264875531196594 said:0.0087044108659029 :0.2651052176952362 -and:0.04074763506650925 to:0.03557520732283592 day:0.03014100342988968 time:0.019774211570620537 :0.1589614897966385 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -as:0.10754961520433426 in:0.04530044272542 with:0.04123195260763168 after:0.033274464309215546 :0.1169462502002716 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.10969315469264984 a:0.03365381434559822 tne:0.030101072043180466 an:0.008820675313472748 :0.24954892694950104 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -in:0.0712025910615921 to:0.03786257281899452 and:0.032601501792669296 as:0.02582605369389057 :0.3044208288192749 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.09817405790090561 in:0.052735742181539536 to:0.03464158996939659 was:0.02894156612455845 :0.10163690149784088 -the:0.30453240871429443 for:0.03637376055121422 him:0.03314143791794777 and:0.031002018600702286 :0.07629377394914627 -to:0.4147948920726776 the:0.12492360174655914 by:0.05359133332967758 for:0.03851587325334549 :0.07187029719352722 -and:0.11238852888345718 that:0.05967313423752785 which:0.05392684414982796 to:0.0518142431974411 :0.05013202130794525 -of:0.2816278338432312 to:0.18582305312156677 and:0.06173652783036232 in:0.040058523416519165 :0.044421058148145676 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.3013826310634613 have:0.11894971877336502 not:0.038309138268232346 bo:0.01216239295899868 :0.07202029228210449 -of:0.22287075221538544 and:0.07354531437158585 in:0.024367477744817734 to:0.023403756320476532 :0.07093559205532074 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.050468217581510544 a:0.016576260328292847 to:0.015248732641339302 and:0.01004817895591259 :0.20260289311408997 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.10532162338495255 to:0.05758138746023178 of:0.033170487731695175 a:0.03080001473426819 :0.10229098796844482 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -is:0.10303271561861038 the:0.06430774927139282 he:0.0539449080824852 they:0.05261162295937538 :0.07537786662578583 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.10623695701360703 in:0.0765051618218422 to:0.07187975198030472 with:0.034988272935152054 :0.03681784123182297 -of:0.2816278338432312 to:0.18582305312156677 and:0.06173652783036232 in:0.040058523416519165 :0.044421058148145676 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -who:0.10513915121555328 and:0.05085807293653488 of:0.04358622059226036 in:0.04072939604520798 :0.08604895323514938 -the:0.3093086779117584 a:0.027670975774526596 said:0.02062113769352436 him:0.018643314018845558 :0.13683170080184937 -and:0.21689429879188538 but:0.05484037473797798 the:0.043237850069999695 which:0.03034118190407753 :0.09665023535490036 -of:0.05705730617046356 Association:0.05075943097472191 and:0.04431094974279404 Association,:0.02242995798587799 :0.3229883313179016 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.0998818650841713 for:0.07399725168943405 on:0.06652024388313293 to:0.04920252785086632 :0.0700044259428978 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -not:0.520152747631073 the:0.028544344007968903 he:0.012468121014535427 in:0.009819873608648777 :0.06437556445598602 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.24845805764198303 and:0.08663337677717209 the:0.047422442585229874 to:0.04038512706756592 :0.09725438803434372 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -in:0.2716304063796997 on:0.13234321773052216 upon:0.04778507351875305 at:0.0459967702627182 :0.04538761451840401 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -one:0.052963726222515106 man:0.02280638925731182 day:0.022091107442975044 other:0.014896808192133904 :0.22217898070812225 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.10195839405059814 days:0.033966515213251114 part:0.03120974451303482 and:0.022123118862509727 :0.1931469589471817 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.18134872615337372 of:0.1371493637561798 for:0.11713835597038269 and:0.10628516227006912 :0.029020210728049278 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -of:0.19457824528217316 and:0.0729641243815422 or:0.05219924449920654 after:0.047832220792770386 :0.06586330384016037 -of:0.6878542900085449 and:0.012551588006317616 ot:0.009961642324924469 in:0.007719885557889938 :0.04729514941573143 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.41687342524528503 between:0.03825605660676956 to:0.033103957772254944 and:0.03256978839635849 :0.09143662452697754 -of:0.26800337433815 was:0.05279257521033287 in:0.04666518419981003 to:0.041202664375305176 :0.04472726956009865 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.23979175090789795 a:0.031034329906105995 tho:0.022321950644254684 this:0.019696947187185287 :0.22795014083385468 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.02074252814054489 stone:0.015822885558009148 granite:0.00966703426092863 of:0.00712894881144166 :0.4623320400714874 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.45158687233924866 and:0.047696322202682495 to:0.04449116066098213 in:0.04231225326657295 :0.04445934668183327 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -up:0.10867094248533249 by:0.07294211536645889 in:0.06572529673576355 a:0.050315972417593 :0.04317615553736687 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.1190965324640274 There:0.04262790456414223 This:0.03328404948115349 In:0.03133336454629898 :0.1074492409825325 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.24357612431049347 of:0.09242594987154007 to:0.04135392978787422 are:0.039590299129486084 :0.07701156288385391 -of:0.6801812648773193 the:0.04798729717731476 a:0.01639833301305771 and:0.011128890328109264 :0.02921712026000023 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1302226483821869 to:0.10563156008720398 a:0.06525831669569016 that:0.039440568536520004 :0.10659494251012802 -of:0.5237258076667786 and:0.050254158675670624 for:0.023246219381690025 to:0.0183876845985651 :0.04917042329907417 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.6676447987556458 in:0.044023603200912476 ot:0.018098974600434303 to:0.0138979097828269 :0.03698629140853882 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -to:0.10670298337936401 of:0.08793888241052628 like:0.0560501329600811 that:0.04701968654990196 :0.10568397492170334 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.04532691836357117 water:0.035786956548690796 weather:0.021499434486031532 water,:0.020420169457793236 :0.21292676031589508 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -the:0.06416065245866776 a:0.048969633877277374 to:0.0368959978222847 be:0.025181012228131294 :0.1372653990983963 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.09607171267271042 and:0.061004381626844406 or:0.015506623312830925 time:0.014388318173587322 :0.19637431204319 -to:0.24663175642490387 the:0.03928053379058838 from:0.02614789456129074 by:0.02577831596136093 :0.09577660262584686 -of:0.27831315994262695 a:0.04240841418504715 people:0.023674411699175835 men:0.021199770271778107 :0.1358155608177185 -name:0.01652987115085125 father:0.01460693683475256 wife:0.012967708520591259 first:0.00992235355079174 :0.29660022258758545 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.23784023523330688 and:0.08775107562541962 in:0.06822150200605392 of:0.05916809290647507 :0.07209977507591248 -.:0.30928006768226624 W:0.022530170157551765 H:0.014557861723005772 J:0.0135013023391366 :0.303859144449234 -Assembly:0.08038734644651413 of:0.03058595582842827 and:0.018435105681419373 Lee:0.012138079851865768 :0.5070641040802002 -terest:0.09791754931211472 creased:0.034657128155231476 stead:0.019352013245224953 tended:0.01393384113907814 :0.5562260746955872 -in:0.08068245649337769 on:0.05579516291618347 and:0.045572854578495026 it:0.03908039629459381 :0.059005945920944214 -in:0.41446080803871155 on:0.1567411869764328 In:0.08226677030324936 at:0.019911952316761017 :0.04625260829925537 -a:0.04860382527112961 the:0.02422104962170124 that:0.01606902666389942 an:0.013632846996188164 :0.32920023798942566 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -to:0.7276462316513062 in:0.12356431782245636 In:0.03534792736172676 on:0.006226725410670042 :0.03889840841293335 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.1006554439663887 to:0.034610968083143234 valley,:0.021313989534974098 is:0.01882402040064335 :0.2415948212146759 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -time:0.01294439285993576 country:0.012567109428346157 is:0.01075996644794941 was:0.007632145658135414 :0.28615352511405945 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -y.:0.11383499205112457 to:0.017086276784539223 -:0.01616399921476841 y:0.011920166201889515 :0.29346057772636414 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -and:0.08103661984205246 train:0.06639661639928818 rates:0.05117426812648773 cars,:0.04350755736231804 :0.14445897936820984 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.20417936146259308 described:0.05117717757821083 named:0.040278948843479156 all:0.02727392315864563 :0.16135798394680023 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -of:0.33697399497032166 and:0.046980150043964386 is:0.03797047212719917 to:0.03741460666060448 :0.05350557342171669 -Assembly:0.08038734644651413 of:0.03058595582842827 and:0.018435105681419373 Lee:0.012138079851865768 :0.5070641040802002 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.16977743804454803 and:0.07863320410251617 or:0.0529242604970932 the:0.04793393239378929 :0.04463738948106766 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -over:0.050930969417095184 in:0.042923469096422195 with:0.036994703114032745 up:0.03352634981274605 :0.18582601845264435 -a:0.14249056577682495 the:0.14247962832450867 of:0.035156454890966415 an:0.029168497771024704 :0.11972954869270325 -and:0.05804699286818504 source:0.012028517201542854 care:0.011921469122171402 stream:0.010732859373092651 :0.3782057762145996 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ways:0.15397505462169647 ready:0.13952670991420746 lowed:0.10723552852869034 most:0.1023068055510521 :0.17956550419330597 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.13683831691741943 a:0.09846357256174088 place:0.07857562601566315 up:0.04121507331728935 :0.07779614627361298 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1199646145105362 that:0.03668024763464928 but:0.03315671160817146 as:0.027477461844682693 :0.09639615565538406 -and:0.19920645654201508 but:0.09138733893632889 as:0.019463229924440384 the:0.018733909353613853 :0.12045775353908539 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.22975094616413116 a:0.051747262477874756 this:0.027041709050536156 tho:0.025178782641887665 :0.1836472600698471 -College:0.022531887516379356 and:0.02093801274895668 Association,:0.01847647875547409 Works:0.01282438077032566 :0.6903860569000244 -man:0.08607076108455658 lady:0.03618399426341057 men:0.03425515070557594 and:0.032232530415058136 :0.25705599784851074 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -visions:0.09230361133813858 vided:0.03538060560822487 posed:0.026643885299563408 duce:0.019842924550175667 :0.4507797360420227 -and:0.06557458639144897 to:0.06437172740697861 in:0.050494253635406494 the:0.03856607899069786 :0.1650417596101761 -the:0.07941446453332901 a:0.017263611778616905 that:0.013900193385779858 to:0.012997212819755077 :0.25055569410324097 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -E.:0.04234219342470169 A.:0.025573913007974625 and:0.019584929570555687 L.:0.01570615917444229 :0.5105912685394287 -to:0.08814259618520737 and:0.06860069185495377 in:0.05667705088853836 for:0.04383286088705063 :0.08221182227134705 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.14424873888492584 a:0.04762944206595421 for:0.04753711819648743 their:0.01921873353421688 :0.09196391701698303 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1672377586364746 but:0.06637772172689438 the:0.054535042494535446 that:0.0452195480465889 :0.08546611666679382 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -years:0.09944374859333038 years,:0.037234868854284286 miles:0.03417085483670235 (20):0.0332900770008564 :0.23617134988307953 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.23613590002059937 out:0.06032463535666466 down:0.04459838196635246 on:0.04217234253883362 :0.06246890872716904 -the:0.1066637858748436 it:0.08650298416614532 a:0.05370306223630905 not:0.05150913819670677 :0.15610280632972717 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.07362764328718185 the:0.06829605251550674 but:0.029200153425335884 that:0.022293169051408768 :0.12436117231845856 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -as:0.18776357173919678 and:0.11742641031742096 stipulated:0.09660186618566513 which:0.02456018142402172 :0.15870769321918488 -of:0.23830972611904144 in:0.07919877767562866 are:0.04734717309474945 and:0.03203844279050827 :0.04341420158743858 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -and:0.08222077786922455 that:0.08049468696117401 of:0.06272981315851212 for:0.05302389711141586 :0.06559636443853378 -the:0.3093086779117584 a:0.027670975774526596 said:0.02062113769352436 him:0.018643314018845558 :0.13683170080184937 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.20147696137428284 the:0.08189313858747482 in:0.07789742946624756 a:0.06735245883464813 :0.06189525127410889 -of:0.6796636581420898 and:0.02018323726952076 ot:0.01994389295578003 a:0.012141726911067963 :0.017045345157384872 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.24111860990524292 any:0.041719332337379456 a:0.04130682349205017 this:0.030805734917521477 :0.09197025746107101 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2618042230606079 any:0.07894662767648697 a:0.0667695626616478 this:0.020437106490135193 :0.07216798514127731 -and:0.11466783285140991 that:0.0579153336584568 the:0.05246267467737198 but:0.038196153938770294 :0.07364285737276077 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.2043771892786026 a:0.030504373833537102 feet:0.025162581354379654 him:0.024512343108654022 :0.13937388360500336 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.09731288999319077 of:0.066627137362957 The:0.02971794083714485 in:0.029641952365636826 :0.2414768487215042 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -L.:0.021397491917014122 O.:0.020403994247317314 K.:0.01738729700446129 B.:0.01644122041761875 :0.34594669938087463 -to:0.06944740563631058 Department,:0.06494682282209396 Department:0.05518650636076927 of:0.04580642655491829 :0.14457190036773682 -of:0.03420783206820488 to:0.013145451433956623 .:0.012639174237847328 and:0.012218286283314228 :0.3456663489341736 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ago:0.12396024912595749 of:0.11536110192537308 ago.:0.0523359440267086 ago,:0.05031469464302063 :0.06862995773553848 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -plat:0.04579353332519531 and:0.031717680394649506 of:0.020091092213988304 report:0.01750500500202179 :0.23661288619041443 -of:0.3058086931705475 to:0.0792829617857933 and:0.06906549632549286 which:0.036642469465732574 :0.03364064171910286 -as:0.2876944839954376 be:0.05072023347020149 after:0.04308144748210907 to:0.02994610369205475 :0.10895059257745743 -for:0.22134429216384888 why:0.1418030858039856 that:0.04057146608829498 of:0.03175358101725578 :0.030494635924696922 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -of:0.06602592766284943 and:0.053650882095098495 in:0.05230315774679184 the:0.029247239232063293 :0.1800437569618225 -to:0.38211092352867126 and:0.036103103309869766 in:0.03348059952259064 for:0.03009895049035549 :0.042287614196538925 -The:0.14297351241111755 It:0.06952016055583954 I:0.038837872445583344 He:0.03345279023051262 :0.22040513157844543 -Territory:0.07215344160795212 and:0.024194467812776566 affairs,:0.009255584329366684 territory:0.009013096801936626 :0.3193838894367218 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -that:0.08818943798542023 which:0.05087179318070412 in:0.04909607023000717 of:0.046350736171007156 :0.09712233394384384 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1626460999250412 who:0.06150338053703308 the:0.03284388780593872 as:0.03075866773724556 :0.08074161410331726 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.10325054079294205 and:0.07628858089447021 is:0.039110273122787476 from:0.03171437233686447 :0.11235393583774567 -of:0.40610188245773315 with:0.10202339291572571 more:0.05334185063838959 in:0.03538995608687401 :0.045536503195762634 -Y.:0.15361984074115753 Y:0.04795600473880768 C:0.04214216023683548 J:0.03885355591773987 :0.23116667568683624 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.16208545863628387 that:0.12302620708942413 in:0.0828733965754509 to:0.07729697227478027 :0.0422799214720726 -to:0.20085613429546356 by:0.1941262036561966 the:0.09775657206773758 a:0.03672267496585846 :0.06591436266899109 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.24948906898498535 with:0.05848928913474083 was:0.03891552984714508 in:0.03820379823446274 :0.11492454260587692 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -south:0.12703150510787964 north:0.12162792682647705 with:0.05615686997771263 along:0.052328187972307205 :0.1148146316409111 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -described:0.09433851391077042 in:0.05134836956858635 to:0.04004037007689476 the:0.0325586311519146 :0.15963615477085114 -and:0.21623986959457397 but:0.046449173241853714 the:0.023148031905293465 which:0.017559239640831947 :0.08795396983623505 -the:0.09269815683364868 up:0.0731157585978508 away:0.0681396871805191 and:0.053789589554071426 :0.05475347489118576 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -that:0.29337552189826965 a:0.1033094972372055 the:0.0928698182106018 how:0.042445916682481766 :0.04109981656074524 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -upon:0.21601922810077667 and:0.1479438841342926 on:0.11664871126413345 by:0.0562235563993454 :0.04966630041599274 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -was:0.17297698557376862 had:0.06520053744316101 is:0.04912802204489708 has:0.03723181039094925 :0.10190985351800919 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -M:0.12096402794122696 M.:0.06823982298374176 M.,:0.01341653149574995 J.:0.010225890204310417 :0.40888720750808716 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -mediately:0.07153891026973724 possible:0.05720417574048042 provements:0.05626858398318291 portant:0.04416205734014511 :0.38070163130760193 -The:0.12100419402122498 He:0.041051749140024185 It:0.03350156173110008 There:0.027783123776316643 :0.044570114463567734 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -and:0.2110414206981659 but:0.04163841903209686 the:0.03998115658760071 who:0.031283099204301834 :0.08256649971008301 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.02279348112642765 of:0.012669960968196392 a:0.01022688951343298 .:0.009398240596055984 :0.3351995348930359 -the:0.13697537779808044 it:0.05254269018769264 I:0.03735991194844246 if:0.035609155893325806 :0.06623194366693497 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -and:0.21604502201080322 the:0.059339217841625214 but:0.04784005135297775 that:0.04544331878423691 :0.058298539370298386 -The:0.11615774035453796 In:0.02546807937324047 and:0.025422895327210426 It:0.02417534403502941 :0.16894301772117615 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -stitution:0.1626213788986206 gress:0.1459484100341797 vention:0.05083823576569557 gress,:0.008388029411435127 :0.5393728017807007 -is:0.15476280450820923 was:0.07918627560138702 Is:0.02305437996983528 will:0.019818386062979698 :0.11869658529758453 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -own:0.035196851938962936 to:0.004870433825999498 party:0.00445963442325592 seat:0.004376114346086979 :0.4303148686885834 -in:0.0638371929526329 as:0.05179714411497116 the:0.036639727652072906 if:0.03651094809174538 :0.06114502623677254 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.28829801082611084 a:0.05021917447447777 any:0.04481639340519905 its:0.021674903109669685 :0.14737661182880402 -the:0.17712469398975372 it:0.06325319409370422 or:0.059955522418022156 they:0.05993082746863365 :0.0730995237827301 -and:0.10135995596647263 condition:0.009265659376978874 power:0.008149554952979088 or:0.007797561585903168 :0.47114983201026917 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.3061395287513733 the:0.17189452052116394 an:0.030604872852563858 such:0.028985770419239998 :0.10634604841470718 -The:0.044747188687324524 It:0.03131332993507385 In:0.029843904078006744 I:0.024471988901495934 :0.08595474809408188 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.3238289952278137 the:0.08423867076635361 to:0.08234930783510208 a:0.03249476104974747 :0.07844872772693634 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -.:0.16880793869495392 ,000:0.08883392065763474 ,:0.045311152935028076 in:0.04444456845521927 :0.08517246693372726 -and:0.05043334513902664 of:0.02844899147748947 to:0.02174876071512699 in:0.01968156173825264 :0.30371955037117004 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -to:0.5550286173820496 at:0.05262294411659241 was:0.04134919121861458 the:0.02771836705505848 :0.03328676149249077 -and:0.1211957260966301 of:0.0708957239985466 or:0.03245560824871063 is:0.02644338086247444 :0.2203693985939026 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.5115834474563599 a:0.03148871660232544 the:0.022702351212501526 himself:0.014010488986968994 :0.10395831614732742 -of:0.16298231482505798 in:0.10516128689050674 to:0.06047946959733963 on:0.044003501534461975 :0.0629412829875946 -the:0.11853601038455963 a:0.027234412729740143 be:0.02621631510555744 that:0.008939793333411217 :0.3091663122177124 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1094433143734932 is:0.03188498318195343 has:0.029085591435432434 at:0.021313095465302467 :0.1589084416627884 -the:0.3093086779117584 a:0.027670975774526596 said:0.02062113769352436 him:0.018643314018845558 :0.13683170080184937 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -the:0.16513924300670624 that:0.13613981008529663 what:0.04049627110362053 a:0.036764953285455704 :0.06664542853832245 -at:0.13710394501686096 the:0.07396703958511353 and:0.0691211074590683 to:0.06604494154453278 :0.09932208806276321 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -tion:0.06860470771789551 cording:0.05955463647842407 count:0.05203074589371681 cept:0.04549907520413399 :0.5515580773353577 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -Jury:0.10324651747941971 Army:0.07126016914844513 Lodge:0.04032067209482193 Rapids:0.030083507299423218 :0.47064247727394104 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1543571949005127 who:0.058591511100530624 the:0.03486056253314018 but:0.026119403541088104 :0.16023069620132446 -the:0.13683831691741943 a:0.09846357256174088 place:0.07857562601566315 up:0.04121507331728935 :0.07779614627361298 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -of:0.3335553705692291 to:0.08080381900072098 that:0.04510531574487686 a:0.036591097712516785 :0.08184067159891129 -of:0.16986083984375 or:0.036034222692251205 numbered:0.02870677411556244 No.:0.02674936316907406 :0.1536725014448166 -to:0.061511795967817307 in:0.057014793157577515 by:0.049029719084501266 the:0.04841826856136322 :0.17858333885669708 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.2576634883880615 but:0.054657984524965286 the:0.03508896008133888 which:0.021395955234766006 :0.09016654640436172 -the:0.10228539258241653 a:0.07923802733421326 out:0.05277766287326813 of:0.04454147815704346 :0.1262134164571762 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -the:0.06473292410373688 be:0.030889034271240234 a:0.02146528847515583 n:0.012202109210193157 :0.45186081528663635 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -by:0.1606704443693161 after:0.1529446691274643 in:0.06237475574016571 before:0.036464642733335495 :0.342192679643631 -and:0.11738458275794983 that:0.07595893740653992 to:0.04902065917849541 of:0.019357267767190933 :0.14721576869487762 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.1619841605424881 the:0.05055754631757736 but:0.043609339743852615 a:0.021126123145222664 :0.058400146663188934 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.35482656955718994 but:0.06149503216147423 the:0.03934955969452858 as:0.030301004648208618 :0.05498036369681358 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.1162342056632042 the:0.05789530649781227 but:0.03460068255662918 of:0.03363308310508728 :0.05045931786298752 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.49111270904541016 and:0.03446216136217117 is:0.022390488535165787 was:0.01684926077723503 :0.06413719803094864 -of:0.33018243312835693 and:0.07733188569545746 regulating:0.03222488984465599 are:0.028467591851949692 :0.049046590924263 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -The:0.11877032369375229 It:0.054429784417152405 I:0.0529414564371109 and:0.03454373776912689 :0.22162972390651703 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -against:0.3306118845939636 of:0.06838293373584747 to:0.04135386645793915 was:0.03843991458415985 :0.08458857983350754 -and:0.05236238241195679 number:0.0468994565308094 amount:0.028084835037589073 as:0.025021644309163094 :0.23513855040073395 -and:0.22424128651618958 of:0.20257602632045746 to:0.11798837035894394 in:0.030655832961201668 :0.05275033041834831 -the:0.08022454380989075 a:0.018779832869768143 ways:0.015474321320652962 ready:0.01338608656078577 :0.28689882159233093 -the:0.16081133484840393 to:0.12296096235513687 and:0.06147054582834244 on:0.044364649802446365 :0.06571459025144577 -and:0.08854752033948898 in:0.019412430003285408 or:0.0184436347335577 devisees:0.017749330028891563 :0.5796639323234558 -the:0.25509196519851685 by:0.055683158338069916 a:0.05060398578643799 this:0.022010507062077522 :0.09980522096157074 -of:0.688947856426239 and:0.04491536319255829 for:0.032932937145233154 to:0.02556650899350643 :0.024021634832024574 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -to:0.18296299874782562 at:0.1466199904680252 the:0.04815961793065071 and:0.04781800135970116 :0.08037671446800232 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.30715203285217285 and:0.06914141774177551 to:0.03385163098573685 in:0.022158097475767136 :0.08069132268428802 -who:0.09092704951763153 in:0.0683680847287178 and:0.05315936356782913 were:0.03838030621409416 :0.04900655150413513 -of:0.1699335128068924 the:0.04831815883517265 and:0.03878716751933098 a:0.03376585245132446 :0.13989758491516113 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -the:0.02279348112642765 of:0.012669960968196392 a:0.01022688951343298 .:0.009398240596055984 :0.3351995348930359 -mains:0.03922445699572563 ported:0.03555392473936081 sult:0.024921195581555367 turn:0.020348429679870605 :0.4071163237094879 -that:0.1915980577468872 the:0.11534725874662399 a:0.0659477487206459 of:0.027132639661431313 :0.07764551043510437 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.09909011423587799 of:0.09673328697681427 in:0.08265326172113419 to:0.04738331586122513 :0.10660188645124435 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.020137004554271698 of:0.01950620673596859 is:0.018718335777521133 a:0.014140231534838676 :0.31716296076774597 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.11322653293609619 the:0.09938017278909683 where:0.037476617842912674 in:0.031290438026189804 :0.048990800976753235 -and:0.11658346652984619 water:0.041526660323143005 water,:0.028737014159560204 to:0.027021564543247223 :0.12587076425552368 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3433256149291992 of:0.07682585716247559 a:0.03396211564540863 at:0.028903402388095856 :0.11533274501562119 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -own:0.013350178487598896 people:0.011907960288226604 government:0.010294115170836449 men:0.009162436239421368 :0.20350322127342224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -in:0.06238996610045433 of:0.04219990596175194 and:0.040695495903491974 for:0.024923056364059448 :0.24101558327674866 -the:0.10532162338495255 to:0.05758138746023178 of:0.033170487731695175 a:0.03080001473426819 :0.10229098796844482 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -in:0.0638371929526329 as:0.05179714411497116 the:0.036639727652072906 if:0.03651094809174538 :0.06114502623677254 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.40689387917518616 on:0.052062150090932846 out:0.023534582927823067 over:0.022181080654263496 :0.06280475109815598 -the:0.23979175090789795 a:0.031034329906105995 tho:0.022321950644254684 this:0.019696947187185287 :0.22795014083385468 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.23663757741451263 to:0.11612223088741302 in:0.08912414312362671 from:0.0645851120352745 :0.05582919344305992 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.2333770990371704 the:0.06959019601345062 as:0.04453640431165695 in:0.03387635573744774 :0.12651410698890686 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.0669894814491272 rails:0.04032588005065918 or:0.01763814501464367 trust:0.013488446362316608 :0.2722415030002594 -a:0.14800125360488892 the:0.11728101968765259 one:0.09368237853050232 two:0.031500376760959625 :0.0639408752322197 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -The:0.16455738246440887 It:0.06161393225193024 I:0.05541344732046127 He:0.04514457285404205 :0.20206110179424286 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.06416065245866776 a:0.048969633877277374 to:0.0368959978222847 be:0.025181012228131294 :0.1372653990983963 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -time:0.1558830738067627 distance:0.11165019124746323 of:0.0728195533156395 time.:0.0354284793138504 :0.13860422372817993 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -The:0.17874881625175476 It:0.03963354229927063 There:0.031538404524326324 This:0.030597394332289696 :0.13882404565811157 -been:0.1241377741098404 in:0.022188834846019745 made:0.018566537648439407 a:0.01195557601749897 :0.15522579848766327 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2660672664642334 in:0.19641560316085815 the:0.15278126299381256 In:0.02018044888973236 :0.026607893407344818 -of:0.5811541080474854 and:0.06264635920524597 in:0.03571844846010208 are:0.0195385180413723 :0.03407128155231476 -to:0.16477906703948975 that:0.12666550278663635 in:0.05540671572089195 by:0.04142936319112778 :0.1006336584687233 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -who:0.15063558518886566 in:0.05140389874577522 of:0.038088493049144745 interested:0.03488509729504585 :0.07787659764289856 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -a:0.0812002420425415 the:0.07127150893211365 to:0.06758715212345123 them:0.03861260041594505 :0.07499213516712189 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.15729957818984985 against:0.07340183854103088 the:0.05522279813885689 is:0.047122370451688766 :0.04900182783603668 -of:0.3237060010433197 and:0.060419488698244095 are:0.032115962356328964 to:0.029727108776569366 :0.05333761125802994 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -of:0.18579961359500885 for:0.15874969959259033 and:0.083221934735775 to:0.05572117492556572 :0.07322102040052414 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.23890180885791779 which:0.05376257002353668 the:0.020868469029664993 but:0.019034963101148605 :0.07871484756469727 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -own:0.016567092388868332 people:0.01141389086842537 country:0.011093994602560997 citizens:0.008185732178390026 :0.33752286434173584 -The:0.1325509399175644 In:0.05064382776618004 It:0.0362112931907177 of:0.034873396158218384 :0.2190791666507721 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.11744508147239685 the:0.065430648624897 .,:0.06000164523720741 a:0.022781655192375183 :0.2174055576324463 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.1607145071029663 as:0.15930527448654175 real:0.10908316820859909 In:0.03693168982863426 :0.055055949836969376 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.15353241562843323 to:0.13866226375102997 and:0.03040177747607231 that:0.030154407024383545 :0.05298222228884697 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -Lodge:0.20895807445049286 and:0.031504206359386444 Creek:0.023014113306999207 Creek,:0.01743961311876774 :0.4300957918167114 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.14054067432880402 tne:0.0230503361672163 a:0.02267247810959816 any:0.011735508218407631 :0.26556673645973206 -the:0.12583352625370026 by:0.1254199594259262 that:0.11561866104602814 in:0.06379152834415436 :0.09947267174720764 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2100059539079666 them:0.06656088680028915 a:0.058005932718515396 him:0.042862214148044586 :0.053916968405246735 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.13498055934906006 was:0.061256904155015945 to:0.030460242182016373 is:0.02697782590985298 :0.10593023896217346 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -H.:0.020963430404663086 A.:0.017302468419075012 M:0.015727221965789795 B.:0.014989997260272503 :0.5806524753570557 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -to:0.13821139931678772 that:0.05628193914890289 and:0.03477304428815842 a:0.02936231903731823 :0.1333797723054886 -of:0.22374148666858673 are:0.20933149755001068 for:0.08611700683832169 to:0.06883876025676727 :0.05803099647164345 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.46960192918777466 said:0.05490652471780777 with:0.04851846769452095 a:0.021907592192292213 :0.05261163040995598 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.3556046783924103 is:0.04341163858771324 and:0.03924814239144325 was:0.031596649438142776 :0.044983625411987305 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.06034154072403908 a:0.043448708951473236 in:0.027066903188824654 made:0.023584788665175438 :0.18853774666786194 -of:0.5708197951316833 who:0.07029681652784348 and:0.021793538704514503 are:0.01659589633345604 :0.023390579968690872 -the:0.07457009702920914 of:0.03358094394207001 him:0.02940182015299797 and:0.02937113307416439 :0.13611045479774475 -the:0.10232917964458466 a:0.07667306810617447 up:0.03458835929632187 out:0.032648030668497086 :0.09083426743745804 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -of:0.402696818113327 to:0.10091298073530197 from:0.03508228063583374 and:0.033216312527656555 :0.04093093425035477 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -the:0.056439515203237534 of:0.05189945176243782 in:0.038383424282073975 sides:0.022368621081113815 :0.18085162341594696 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.2658092975616455 and:0.06964986771345139 in:0.06491691619157791 to:0.03073601983487606 :0.08107301592826843 -The:0.13877561688423157 In:0.05426379665732384 It:0.0467919297516346 This:0.032205041497945786 :0.21406762301921844 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -City:0.2659592032432556 City,:0.11579832434654236 and:0.054634369909763336 City.:0.03363017365336418 :0.07001617550849915 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -who:0.08887836337089539 of:0.05139285698533058 are:0.048499010503292084 to:0.04792497679591179 :0.07251346111297607 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1762419492006302 to:0.039989568293094635 in:0.037893474102020264 is:0.03349558264017105 :0.1171710267663002 -the:0.0578569658100605 a:0.014992605894804 that:0.012139124795794487 to:0.011600722558796406 :0.252699077129364 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.3501932919025421 to:0.04500313475728035 was:0.03496691957116127 is:0.029073256999254227 :0.04880897328257561 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -a:0.050283461809158325 be:0.04896092042326927 not:0.0417543463408947 the:0.030623769387602806 :0.1277235895395279 -and:0.027679985389113426 at:0.026796821504831314 the:0.02464049868285656 to:0.02345702238380909 :0.1609565168619156 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.13042610883712769 the:0.06028326600790024 which:0.034486107528209686 in:0.022176992148160934 :0.1465187817811966 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -of:0.13860028982162476 in:0.06446907669305801 and:0.05367419868707657 were:0.048077505081892014 :0.06971956044435501 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -in:0.17205187678337097 of:0.12660977244377136 and:0.0745854452252388 at:0.06044965237379074 :0.06018369272351265 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.09040234237909317 the:0.04046560451388359 to:0.018077827990055084 in:0.017857957631349564 :0.25251132249832153 diff --git a/gonito.yaml b/gonito.yaml index a435c19..f6239a8 100644 --- a/gonito.yaml +++ b/gonito.yaml @@ -1,7 +1,7 @@ -description: nn bigram solution +description: nn trigram multiple outs tags: - neural-network - - bigram + - ngram params: epochs: 1 learning-rate: 0.001 diff --git a/test-A/out-EMBED_SIZE=200.tsv b/test-A/out-EMBED_SIZE=200.tsv new file mode 100644 index 0000000..f665f10 --- /dev/null +++ b/test-A/out-EMBED_SIZE=200.tsv @@ -0,0 +1,7414 @@ +day:0.05287038907408714 time:0.05280095711350441 of:0.04232296347618103 Monday:0.016961799934506416 :0.09658438712358475 +the:0.1315217912197113 he:0.03354069963097572 a:0.02897140011191368 it:0.022006556391716003 :0.10791261494159698 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.32736656069755554 and:0.0402442067861557 in:0.036112867295742035 with:0.03550469130277634 :0.0747479721903801 +the:0.05706619843840599 to:0.04363233223557472 and:0.030426030978560448 a:0.029937801882624626 :0.15733149647712708 +and:0.012012570165097713 personal:0.008544422686100006 way:0.006690907292068005 life:0.005377300549298525 :0.19928842782974243 +the:0.02487637847661972 not:0.023811187595129013 in:0.019780682399868965 made:0.012433738447725773 :0.10877367109060287 +The:0.11673291027545929 It:0.03956824913620949 I:0.03684541583061218 He:0.030573362484574318 :0.08645999431610107 +since:0.03238986060023308 been:0.016703877598047256 had:0.01629522442817688 made:0.013087201863527298 :0.19638504087924957 +and:0.09756820648908615 D.:0.025720829144120216 W.:0.020059235394001007 M.:0.018963614478707314 :0.32280027866363525 +days:0.11037056148052216 years:0.06524758040904999 weeks:0.04300606995820999 minutes:0.03682844713330269 :0.13118532299995422 +come:0.3616115152835846 cause:0.06904473155736923 lieve:0.06694570183753967 gin:0.05388202145695686 :0.15164005756378174 +and:0.11907234787940979 to:0.08514271676540375 the:0.08358509093523026 by:0.033265676349401474 :0.05823571979999542 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +the:0.2786303758621216 a:0.043473079800605774 once:0.02872120961546898 least:0.02518017403781414 :0.10740137845277786 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.055267252027988434 the:0.049407124519348145 to:0.024249350652098656 of:0.02412356063723564 :0.2335200160741806 +struction:0.024358810856938362 tract:0.022770948708057404 trol:0.019529782235622406 sistent:0.017882227897644043 :0.42594489455223083 +and:0.04466170072555542 the:0.03639762103557587 a:0.021008051931858063 of:0.017446061596274376 :0.15861813724040985 +West,:0.22392503917217255 west,:0.07566563785076141 West:0.04229281097650528 West;:0.03930707648396492 :0.17129790782928467 +have:0.08233807235956192 are:0.06689826399087906 were:0.03733431175351143 will:0.03427731618285179 :0.0940001979470253 +Canada:0.059804126620292664 Union:0.043841343373060226 States:0.04113176837563515 and:0.03262150287628174 :0.2118639498949051 +by:0.07155785709619522 and:0.07104363292455673 that:0.06294465065002441 in:0.04199502617120743 :0.05994560942053795 +not:0.05706248804926872 in:0.022442925721406937 to:0.021432049572467804 the:0.0165143683552742 :0.16116802394390106 +the:0.33337703347206116 a:0.04818522930145264 his:0.023504599928855896 their:0.014793958514928818 :0.07487455010414124 +the:0.08595884591341019 to:0.04454389587044716 of:0.041020698845386505 in:0.032143931835889816 :0.06701958179473877 +not:0.30012837052345276 the:0.0389803946018219 it:0.02630816400051117 so:0.022802041843533516 :0.04900381714105606 +the:0.061552416533231735 and:0.03906805440783501 to:0.03511274978518486 a:0.02946622297167778 :0.14536792039871216 +a:0.047454144805669785 the:0.04190343618392944 not:0.02873394638299942 to:0.026070643216371536 :0.08011823892593384 +for:0.10759197175502777 and:0.05765970051288605 in:0.05620633810758591 on:0.0441163145005703 :0.04229670390486717 +of:0.1603063941001892 and:0.09481748193502426 in:0.040311768651008606 to:0.029993107542395592 :0.02645208314061165 +in:0.096882164478302 to:0.06633122265338898 the:0.053251124918460846 for:0.05267846956849098 :0.05552425608038902 +first:0.007333628833293915 only:0.006336897611618042 other:0.005458412226289511 most:0.0050620874390006065 :0.2085312455892563 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +and:0.08354930579662323 is:0.05576575919985771 of:0.05362910404801369 was:0.041819993406534195 :0.08297386020421982 +and:0.026848167181015015 countries:0.02337029203772545 or:0.01657094433903694 trade:0.0143317561596632 :0.2277655452489853 +the:0.3509918451309204 a:0.03286582976579666 tho:0.015485185198485851 his:0.014169454574584961 :0.08511907607316971 +of:0.09713050723075867 and:0.056443989276885986 for:0.04134586825966835 the:0.038923799991607666 :0.05783410370349884 +and:0.07734544575214386 in:0.07370039820671082 to:0.026795489713549614 men:0.01842394657433033 :0.18902887403964996 +of:0.6051958203315735 in:0.015292489901185036 and:0.01399877667427063 to:0.012174162082374096 :0.05059954896569252 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +be:0.31068480014801025 become:0.023649083450436592 have:0.018550753593444824 after:0.01792610064148903 :0.03750672936439514 +of:0.7299439907073975 and:0.0211415346711874 who:0.016322964802384377 were:0.014089920558035374 :0.012554613873362541 +the:0.04956821724772453 and:0.044985007494688034 to:0.0234081968665123 a:0.01949729397892952 :0.1781618744134903 +and:0.10570444911718369 the:0.06557701528072357 a:0.021006640046834946 in:0.01852223090827465 :0.17325317859649658 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.15297679603099823 a:0.04845443740487099 two:0.02512280084192753 three:0.016965480521321297 :0.17451272904872894 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +that:0.35114923119544983 of:0.13863052427768707 to:0.08314904570579529 and:0.04114806652069092 :0.04712740331888199 +that:0.1391008496284485 the:0.13125765323638916 in:0.05163148045539856 a:0.04401705414056778 :0.04848817363381386 +the:0.2736648917198181 to:0.25239163637161255 a:0.03345343470573425 this:0.017251821234822273 :0.027047982439398766 +.:0.44192513823509216 .,:0.22565864026546478 ..:0.03779996559023857 .;:0.028787659481167793 :0.07565334439277649 +that:0.11829078197479248 of:0.11110105365514755 is:0.10377731919288635 was:0.0860401839017868 :0.03838901221752167 +and:0.03129041567444801 Mrs.:0.018593402579426765 thence:0.016180090606212616 to:0.01166107039898634 :0.19397510588169098 +is:0.27500268816947937 are:0.16955000162124634 was:0.1389843225479126 were:0.06026605889201164 :0.04292896389961243 +and:0.10925214737653732 as:0.10096769779920578 a:0.02167588099837303 the:0.021400153636932373 :0.1566055417060852 +and:0.05586903914809227 of:0.04293998330831528 to:0.034517690539360046 In:0.013268345035612583 :0.25087568163871765 +by:0.1718222051858902 in:0.07822389900684357 the:0.059644944965839386 and:0.043053459376096725 :0.04664532095193863 +a:0.027230069041252136 not:0.027191923931241035 made:0.018479058519005775 in:0.013461023569107056 :0.125029057264328 +of:0.21772699058055878 to:0.07214654982089996 in:0.04497374966740608 and:0.04254963994026184 :0.026438472792506218 +provisions:0.03243177384138107 direction:0.027319908142089844 laws:0.018649661913514137 law:0.017266683280467987 :0.20106303691864014 +is:0.30600860714912415 was:0.16582563519477844 will:0.04693111777305603 has:0.038714684545993805 :0.04099159315228462 +of:0.7637011408805847 to:0.014257826842367649 in:0.014108783565461636 ot:0.013895058073103428 :0.01341990940272808 +is:0.12916162610054016 was:0.05757004767656326 would:0.021748516708612442 will:0.020052799955010414 :0.12113400548696518 +be:0.2028631567955017 not:0.08658042550086975 have:0.03805001825094223 make:0.01738530769944191 :0.06520991772413254 +The:0.17911139130592346 It:0.05571630224585533 He:0.052323777228593826 This:0.03184023126959801 :0.13697069883346558 +of:0.8076798915863037 and:0.0247538723051548 in:0.016164658591151237 for:0.010345112532377243 :0.011176690459251404 +to:0.044540874660015106 the:0.026128867641091347 in:0.023788202553987503 have:0.01938556507229805 :0.08354616165161133 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +to:0.571641206741333 by:0.16955608129501343 in:0.022719327360391617 and:0.022672638297080994 :0.025358356535434723 +the:0.12181780487298965 that:0.03247232735157013 a:0.02434571087360382 in:0.021090243011713028 :0.08656954020261765 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.118062324821949 a:0.048435818403959274 this:0.015245839953422546 tne:0.010714550502598286 :0.21770451962947845 +the:0.22627031803131104 he:0.0458814911544323 a:0.030480535700917244 it:0.02955670654773712 :0.04465325176715851 +the:0.09080814570188522 a:0.04132162034511566 to:0.03770488128066063 his:0.025391699746251106 :0.13338451087474823 +and:0.20233212411403656 of:0.05750689655542374 in:0.051995061337947845 the:0.04149746894836426 :0.13601553440093994 +the:0.20178104937076569 to:0.0727885514497757 and:0.06933943927288055 on:0.04936005547642708 :0.04698341339826584 +are:0.09708436578512192 were:0.07343904674053192 will:0.06335995346307755 have:0.05376990884542465 :0.11596156656742096 +the:0.16224369406700134 be:0.04051864519715309 have:0.01571626216173172 a:0.014065755531191826 :0.10865653306245804 +half:0.04900379106402397 few:0.024365592747926712 large:0.02117382176220417 good:0.014667495153844357 :0.16771546006202698 +be:0.5940107703208923 bo:0.031068196520209312 not:0.0235995315015316 he:0.00983702577650547 :0.028229527175426483 +and:0.08770370483398438 of:0.08274005353450775 in:0.07864513993263245 to:0.051489852368831635 :0.08850768953561783 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +and:0.11667740345001221 of:0.109073705971241 to:0.06909173727035522 in:0.06037004664540291 :0.08797215670347214 +same:0.006625875364989042 most:0.005843323655426502 first:0.005390673875808716 old:0.003978855442255735 :0.24621930718421936 +is:0.27500268816947937 are:0.16955000162124634 was:0.1389843225479126 were:0.06026605889201164 :0.04292896389961243 +of:0.7108228206634521 and:0.056381840258836746 the:0.013007985427975655 that:0.01044850330799818 :0.021150240674614906 +The:0.13053348660469055 It:0.09199602156877518 He:0.05597629025578499 There:0.030802614986896515 :0.06105872243642807 +the:0.06560168415307999 to:0.05956720933318138 a:0.04699606075882912 from:0.02983631193637848 :0.1452885866165161 +of:0.4773678779602051 and:0.05351138114929199 to:0.02923140861093998 in:0.02492555044591427 :0.024090640246868134 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.16110597550868988 a:0.05705827474594116 of:0.04832976683974266 to:0.023702295497059822 :0.053127482533454895 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +have:0.06420426070690155 was:0.054964739829301834 am:0.047772008925676346 had:0.03475777432322502 :0.037895556539297104 +and:0.07549327611923218 to:0.05741758644580841 by:0.039672400802373886 in:0.02432161197066307 :0.13086660206317902 +was:0.0171658955514431 and:0.017103593796491623 the:0.016751600429415703 in:0.013383775018155575 :0.1888132393360138 +to:0.07813063263893127 and:0.054130710661411285 the:0.021810581907629967 in:0.020441047847270966 :0.12805171310901642 +the:0.10669169574975967 and:0.023404287174344063 of:0.018662897869944572 ways:0.016843166202306747 :0.20288051664829254 +have:0.06177883222699165 am:0.05659474804997444 was:0.04683002084493637 had:0.024860091507434845 :0.08207470923662186 +the:0.09132912755012512 a:0.03145356848835945 this:0.00920166913419962 being:0.008311564102768898 :0.20506417751312256 +west:0.13803686201572418 east:0.070181705057621 and:0.06966517120599747 30:0.021452059969305992 :0.1494847685098648 +the:0.2763245403766632 and:0.09709014743566513 a:0.08771129697561264 to:0.05172733962535858 :0.04350552335381508 +to:0.3916475176811218 and:0.10418783128261566 of:0.02879258804023266 in:0.028731772676110268 :0.06107018515467644 +and:0.14587080478668213 to:0.06723393499851227 for:0.03539247438311577 the:0.024737542495131493 :0.0962933748960495 +and:0.10843625664710999 of:0.062440045177936554 to:0.02789171226322651 was:0.01893812231719494 :0.24482545256614685 +and:0.05142166465520859 of:0.04294035583734512 to:0.025383511558175087 The:0.022334106266498566 :0.1658535599708557 +the:0.17450180649757385 a:0.15469352900981903 an:0.03440505266189575 water,:0.019184602424502373 :0.09334935992956161 +and:0.14882230758666992 the:0.03952527791261673 which:0.026266060769557953 of:0.02264898456633091 :0.1751307100057602 +the:0.1303829550743103 us:0.09822487831115723 him:0.0506424717605114 it:0.03816597908735275 :0.08978334814310074 +large:0.014897149056196213 few:0.0123921949416399 distance:0.0095216678455472 new:0.00897421408444643 :0.11185773462057114 +jury:0.1809466928243637 jury,:0.025314534083008766 Jury:0.024520739912986755 old:0.018939010798931122 :0.20315229892730713 +the:0.07754964381456375 he:0.03313211351633072 they:0.02406577207148075 a:0.02040982060134411 :0.06583422422409058 +people:0.010426610708236694 water:0.00873568095266819 same:0.006514360662549734 men:0.006131178233772516 :0.1749187558889389 +and:0.07559115439653397 the:0.028876803815364838 The:0.02178644761443138 to:0.01856449618935585 :0.18305492401123047 +the:0.2174471914768219 a:0.04135613888502121 his:0.013875171542167664 this:0.013014365918934345 :0.155429407954216 +the:0.1061416044831276 a:0.0497211255133152 that:0.011012542061507702 to:0.00969222467392683 :0.14382688701152802 +been:0.25891584157943726 a:0.028343502432107925 the:0.02306274138391018 to:0.02238249033689499 :0.11074206233024597 +of:0.06676360964775085 and:0.04759484902024269 the:0.023332739248871803 The:0.012359216809272766 :0.30439314246177673 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.21602828800678253 a:0.04637627303600311 that:0.021370984613895416 in:0.020713122561573982 :0.13759829103946686 +to:0.08098447322845459 a:0.0700029656291008 only:0.061805617064237595 the:0.05914664641022682 :0.11765605956315994 +of:0.5708398818969727 to:0.0800265371799469 that:0.04120209440588951 in:0.01812516152858734 :0.023949241265654564 +a:0.04633144289255142 to:0.035835348069667816 in:0.031178876757621765 the:0.030697720125317574 :0.12678495049476624 +same:0.010847280733287334 result:0.010675651952624321 most:0.009411102160811424 case:0.006331802345812321 :0.1978769749403 +been:0.22533971071243286 a:0.0827079713344574 the:0.03699477016925812 consulted:0.013544713146984577 :0.06856609135866165 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +mortgage:0.03551492840051651 John:0.014492273330688477 County:0.012314995750784874 William:0.009532668627798557 :0.16362731158733368 +important:0.03610443323850632 of:0.021564314141869545 interesting:0.012456282041966915 prominent:0.012193573638796806 :0.17557279765605927 +the:0.2774226665496826 a:0.041513971984386444 this:0.031981244683265686 his:0.018086744472384453 :0.09815731644630432 +settlers:0.03792055696249008 value:0.017751112580299377 and:0.016448745504021645 confinement:0.005818539764732122 :0.18724486231803894 +the:0.2736648917198181 to:0.25239163637161255 a:0.03345343470573425 this:0.017251821234822273 :0.027047982439398766 +than:0.4321812689304352 in:0.015548760071396828 of:0.014196807518601418 to:0.013890624977648258 :0.13182231783866882 +is:0.08992627263069153 should:0.06458352506160736 was:0.04995330050587654 has:0.04610027000308037 :0.09080049395561218 +of:0.05797211080789566 and:0.05569441244006157 to:0.02923848107457161 the:0.025893820449709892 :0.13338163495063782 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.0770355835556984 it:0.02998805232346058 you:0.021474039182066917 he:0.01937781274318695 :0.07170955836772919 +of:0.23578426241874695 and:0.06620482355356216 as:0.04930668696761131 the:0.03670450672507286 :0.06512437760829926 +the:0.02569730207324028 to:0.023925913497805595 a:0.012673554010689259 of:0.012216659262776375 :0.3359068036079407 +the:0.35830917954444885 its:0.0284610353410244 his:0.022052990272641182 other:0.019478630274534225 :0.08661551773548126 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +one:0.025390446186065674 kind:0.024015096947550774 man:0.019984222948551178 other:0.013143835589289665 :0.1586151123046875 +two:0.01797132007777691 men:0.01618107035756111 are:0.01221987884491682 things:0.012179072014987469 :0.20211383700370789 +to:0.13587653636932373 from:0.08236359059810638 in:0.025795510038733482 and:0.02374356985092163 :0.20567169785499573 +of:0.07242319732904434 and:0.052403319627046585 the:0.017522364854812622 Mrs.:0.014220080338418484 :0.20574526488780975 +the:0.050758592784404755 It:0.03296998515725136 I:0.03211513161659241 The:0.028044672682881355 :0.2746032774448395 +not:0.13635298609733582 have:0.10170481353998184 be:0.07625830173492432 make:0.016076749190688133 :0.0930674746632576 +decided:0.026706339791417122 a:0.01834697276353836 made:0.014262967742979527 taken:0.010343826375901699 :0.18467578291893005 +of:0.3097531795501709 and:0.0693446472287178 to:0.021392278373241425 in:0.021261004731059074 :0.04310840368270874 +had:0.09681492298841476 was:0.09149827063083649 has:0.07117656618356705 is:0.04585894197225571 :0.1036531925201416 +Mary:0.022224396467208862 Margaret:0.007433380465954542 M.:0.006753682158887386 Helen:0.006382620893418789 :0.5255520939826965 +and:0.07453244179487228 dwelling:0.02732754498720169 in:0.015850557014346123 or:0.01434184331446886 :0.21508929133415222 +been:0.11249412596225739 a:0.04215032234787941 to:0.040756259113550186 no:0.03713744133710861 :0.08855319023132324 +are:0.09987814724445343 have:0.084317646920681 were:0.03541257604956627 will:0.025625957176089287 :0.07116558402776718 +the:0.19269271194934845 a:0.059786178171634674 this:0.016731655225157738 tho:0.01599786803126335 :0.12066666036844254 +the:0.10962910950183868 a:0.04615940526127815 for:0.014415841549634933 in:0.014134540222585201 :0.23135490715503693 +few:0.04038164019584656 little:0.029994551092386246 good:0.0227951742708683 very:0.014090453274548054 :0.13347938656806946 +one:0.03940881788730621 such:0.03257717564702034 of:0.03213588893413544 other:0.027281230315566063 :0.11026913672685623 +of:0.26430585980415344 to:0.01505796704441309 important:0.012858253903687 likely:0.01090546976774931 :0.17417864501476288 +past:0.01912197843194008 time:0.016648659482598305 years:0.014218829572200775 summer:0.01330474577844143 :0.2531173825263977 +the:0.3102201819419861 this:0.0297164935618639 a:0.029490364715456963 his:0.021910391747951508 :0.07837532460689545 +whole:0.015103349462151527 same:0.011675060726702213 people:0.007913987152278423 most:0.006983676925301552 :0.18973276019096375 +years:0.27941736578941345 years,:0.05756822228431702 years.:0.029743408784270287 (14):0.02970823086798191 :0.16518720984458923 +the:0.2489510327577591 a:0.06252668052911758 tho:0.014882502146065235 his:0.012036056257784367 :0.1503141075372696 +name:0.009444102644920349 head:0.009258333593606949 mind:0.006948158144950867 place:0.006230293773114681 :0.1588793843984604 +the:0.07608015835285187 to:0.0704263225197792 a:0.058833714574575424 them:0.05205396190285683 :0.047228820621967316 +.:0.03153501823544502 the:0.021069958806037903 to:0.01743435114622116 A:0.014839294366538525 :0.4267456829547882 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +own:0.022017089650034904 wife:0.0205706600099802 eyes:0.009708537720143795 head:0.009671046398580074 :0.26218751072883606 +in:0.0345420315861702 and:0.03362633287906647 the:0.02529376931488514 In:0.023828135803341866 :0.334125816822052 +been:0.11775784939527512 not:0.06004510447382927 a:0.03902503475546837 the:0.019843576475977898 :0.12623868882656097 +of:0.1392851322889328 and:0.08786031603813171 in:0.0803942084312439 to:0.07427813112735748 :0.06028314679861069 +of:0.6608367562294006 and:0.03827514126896858 to:0.028483577072620392 in:0.012285314500331879 :0.011413754895329475 +the:0.06641150265932083 a:0.0176971685141325 that:0.011660008691251278 to:0.010667182505130768 :0.13937947154045105 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.14818210899829865 to:0.059578053653240204 of:0.048639100044965744 for:0.03636898845434189 :0.0611230805516243 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +number:0.0501212440431118 amount:0.031115468591451645 and:0.03095955401659012 percentage:0.03033718280494213 :0.10687536746263504 +and:0.02776242047548294 the:0.02547377534210682 in:0.015832412987947464 to:0.009478023275732994 :0.29944172501564026 +been:0.1596960425376892 not:0.038509100675582886 to:0.030300995334982872 no:0.025824787095189095 :0.07362274825572968 +been:0.05621885880827904 be:0.04155256226658821 since:0.028972959145903587 since.:0.023230725899338722 :0.19532550871372223 +and:0.060809843242168427 the:0.05054136738181114 to:0.027600441128015518 The:0.02088199555873871 :0.15056049823760986 +and:0.07120361924171448 of:0.038556069135665894 was:0.034767575562000275 is:0.034609001129865646 :0.1442214399576187 +of:0.07788154482841492 and:0.07551566511392593 The:0.019254013895988464 to:0.01833060011267662 :0.17554931342601776 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +is:0.08589030802249908 has:0.06166963279247284 and:0.06008557230234146 was:0.039736319333314896 :0.1370416134595871 +the:0.2543315589427948 it:0.03720208257436752 they:0.03210676833987236 he:0.027256418019533157 :0.0706486701965332 +and:0.10335899889469147 of:0.03920576348900795 but:0.02530008554458618 the:0.01807352714240551 :0.07656946033239365 +of:0.09855999052524567 has:0.058965325355529785 was:0.04614981636404991 will:0.045324020087718964 :0.04008709639310837 +acres:0.05672605335712433 days:0.04936568811535835 years:0.03585530072450638 cents:0.0357448048889637 :0.13834120333194733 +were:0.08118516951799393 was:0.0719287097454071 are:0.07111482322216034 is:0.052839912474155426 :0.06164061650633812 +the:0.09529997408390045 for:0.0700218454003334 to:0.060773808509111404 in:0.06055004149675369 :0.06762657314538956 +the:0.1844119131565094 he:0.05010654032230377 it:0.04345959424972534 they:0.0366022065281868 :0.057673145085573196 +the:0.3390854597091675 said:0.056277889758348465 Common:0.029926396906375885 Appeals:0.02257128432393074 :0.1553986519575119 +ago:0.116330087184906 ago,:0.10987327247858047 ago.:0.09335678815841675 of:0.04246751219034195 :0.06571909785270691 +the:0.26996418833732605 a:0.041642799973487854 this:0.02519257180392742 account:0.019930826500058174 :0.10752952843904495 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.39410504698753357 a:0.0315590538084507 his:0.014995643869042397 tho:0.012318537570536137 :0.10075319558382034 +the:0.04466485604643822 to:0.019171325489878654 in:0.013969599269330502 if:0.01325252652168274 :0.14550216495990753 +of:0.07443096488714218 to:0.07159814983606339 and:0.0635700449347496 that:0.046938784420490265 :0.09147093445062637 +the:0.11015006899833679 a:0.016374759376049042 all:0.012332663871347904 that:0.011430498212575912 :0.09647912532091141 +Walla:0.1515825390815735 and:0.041138872504234314 the:0.016284119337797165 in:0.011495193466544151 :0.1994214802980423 +is:0.08053048700094223 was:0.05772203952074051 will:0.047624122351408005 has:0.03968920186161995 :0.038926538079977036 +the:0.23066459596157074 he:0.1024470180273056 they:0.05388550087809563 it:0.048015568405389786 :0.05943197384476662 +had:0.0872863233089447 are:0.08709733933210373 have:0.0797879695892334 will:0.0642085075378418 :0.05505027994513512 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.06511371582746506 gas:0.00983777642250061 law:0.008492963388562202 resources:0.008471598848700523 :0.2790754735469818 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +and:0.11996886879205704 to:0.02508528158068657 or:0.013534554280340672 the:0.011644876562058926 :0.11875324696302414 +and:0.10074713826179504 the:0.04747939482331276 to:0.03930255025625229 in:0.023347079753875732 :0.1656760275363922 +and:0.08245903998613358 are:0.05505393445491791 of:0.04691239818930626 is:0.04511605203151703 :0.10363152623176575 +and:0.0346580408513546 power:0.030421877279877663 authorities:0.013684668578207493 force:0.013308215886354446 :0.25899526476860046 +of:0.1000775471329689 in:0.025045545771718025 and:0.02272012084722519 for:0.01916288398206234 :0.09448978304862976 +same:0.01696035824716091 most:0.015035402961075306 right:0.009768107905983925 amount:0.008152998052537441 :0.18851473927497864 +and:0.029191026464104652 *:0.028686996549367905 .:0.019045226275920868 of:0.013913003727793694 :0.33448436856269836 +F.:0.024712882936000824 F:0.01839197799563408 B.:0.01571209728717804 M:0.01340959221124649 :0.414029985666275 +and:0.16192252933979034 the:0.06974368542432785 as:0.03785371780395508 but:0.02861124835908413 :0.051248881965875626 +only:0.08975466340780258 to:0.03452974557876587 a:0.03395310416817665 been:0.017254715785384178 :0.1029381975531578 +of:0.30228519439697266 to:0.10397409647703171 was:0.06136420741677284 and:0.044961221516132355 :0.030825618654489517 +of:0.1755196899175644 and:0.08741997182369232 to:0.021889090538024902 in:0.02085345797240734 :0.08484463393688202 +been:0.14760366082191467 a:0.05584808811545372 the:0.02858027257025242 to:0.025686929002404213 :0.11843021959066391 +large:0.0652257651090622 small:0.029297754168510437 good:0.025559594854712486 few:0.02195774018764496 :0.12147501856088638 +be:0.508756160736084 bo:0.03620706871151924 not:0.03019050322473049 have:0.026038898155093193 :0.05006496608257294 +to:0.44579288363456726 of:0.036441754549741745 in:0.023315217345952988 was:0.02047007530927658 :0.04505661502480507 +in:0.0986206904053688 by:0.06199311092495918 and:0.0477256141602993 at:0.044394444674253464 :0.0686563029885292 +The:0.074585922062397 It:0.04268954321742058 I:0.04048243537545204 In:0.02042914554476738 :0.10941297560930252 +who:0.3067586421966553 was:0.07148167490959167 is:0.041810303926467896 of:0.030524319037795067 :0.04366496205329895 +and:0.3380030691623688 the:0.06284527480602264 but:0.043208204209804535 with:0.019077450037002563 :0.04015392065048218 +own:0.023356765508651733 head:0.017553161829710007 way:0.010421627201139927 feet:0.009879503399133682 :0.17917034029960632 +large:0.0652257651090622 small:0.029297754168510437 good:0.025559594854712486 few:0.02195774018764496 :0.12147501856088638 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.06683308631181717 is:0.04272441565990448 he:0.03866857662796974 will:0.02492913044989109 :0.10092782229185104 +.:0.07679460942745209 and:0.02059479057788849 the:0.0135263092815876 of:0.013361802324652672 :0.3218137323856354 +a:0.22254808247089386 the:0.16874133050441742 an:0.02368873357772827 to:0.016226397827267647 :0.1333518922328949 +of:0.05215159431099892 and:0.03710698336362839 was:0.03369900956749916 is:0.022058311849832535 :0.17788837850093842 +to:0.2571280598640442 for:0.06329192966222763 of:0.05189405754208565 and:0.04385461285710335 :0.08350974321365356 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +of:0.1993139684200287 that:0.12268470227718353 is:0.05022405460476875 are:0.038381848484277725 :0.04005950316786766 +A:0.011700645089149475 M:0.009980827569961548 H:0.007774670142680407 J:0.007598130498081446 :0.4539412260055542 +of:0.14333730936050415 ago:0.09155374020338058 old,:0.06645427644252777 ago.:0.051469311118125916 :0.054433729499578476 +the:0.11083168536424637 a:0.06217357516288757 to:0.06047823280096054 is:0.020121974870562553 :0.13939839601516724 +and:0.20710018277168274 to:0.06433837115764618 in:0.033432379364967346 for:0.03204350546002388 :0.03458418697118759 +was:0.1882787048816681 is:0.15213268995285034 has:0.0350717194378376 would:0.02548355981707573 :0.043868426233530045 +a:0.04185612499713898 not:0.02856430597603321 the:0.025788430124521255 born:0.018810849636793137 :0.2281382977962494 +highest:0.007254432886838913 United:0.006026489194482565 fact:0.00566560635343194 amount:0.005556541029363871 :0.26784011721611023 +The:0.16635219752788544 She:0.07125942409038544 He:0.04795167222619057 It:0.029410436749458313 :0.08886096626520157 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +the:0.18439219892024994 any:0.09841606020927429 a:0.04979002848267555 anywise:0.01789267547428608 :0.09033011645078659 +and:0.047720883041620255 of:0.014479123055934906 The:0.012606787495315075 the:0.007950329221785069 :0.27992308139801025 +point:0.04054637998342514 stake:0.01858576014637947 great:0.01733686961233616 large:0.015888528898358345 :0.1647801548242569 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +and:0.15676099061965942 but:0.09021518379449844 the:0.04559699073433876 it:0.019980354234576225 :0.12171892076730728 +is:0.07787211239337921 and:0.04534129425883293 the:0.04017152264714241 of:0.040123797953128815 :0.03117208182811737 +the:0.12383095175027847 he:0.04326973855495453 a:0.03978130593895912 they:0.02802738919854164 :0.09059758484363556 +a:0.12445689737796783 by:0.08747591078281403 the:0.059563811868429184 in:0.03604767471551895 :0.06594154983758926 +country:0.021445252001285553 city,:0.017442379146814346 act,:0.016137536615133286 city:0.015404942445456982 :0.14275318384170532 +the:0.18676000833511353 tho:0.031180070713162422 a:0.017491985112428665 this:0.014104845933616161 :0.17617632448673248 +that:0.0744563415646553 and:0.05745342746376991 the:0.048880115151405334 a:0.041314054280519485 :0.09454337507486343 +the:0.08052299916744232 a:0.06947357207536697 not:0.03575682267546654 to:0.01995784416794777 :0.13972000777721405 +of:0.05201830714941025 and:0.046781688928604126 to:0.041205983608961105 the:0.03436647728085518 :0.1936572939157486 +follows::0.09732295572757721 a:0.04324287176132202 much:0.04311080276966095 well:0.037910956889390945 :0.09546107798814774 +the:0.18494178354740143 a:0.05862949416041374 what:0.033881839364767075 his:0.03132922947406769 :0.11287791281938553 +the:0.24388103187084198 lot:0.1495053917169571 a:0.04432001709938049 said:0.027496101334691048 :0.10524127632379532 +of:0.03925449401140213 the:0.02434229850769043 to:0.01343418750911951 and:0.013054996728897095 :0.20321297645568848 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.35015925765037537 a:0.04432770609855652 this:0.023432409390807152 which:0.021616552025079727 :0.07739894092082977 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +the:0.4753681719303131 them:0.05677352100610733 these:0.03739026188850403 them,:0.024358602240681648 :0.04942828416824341 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +be:0.17496049404144287 the:0.04885192960500717 not:0.021603817120194435 and:0.019640153273940086 :0.11364363133907318 +and:0.1423257440328598 at:0.03359751030802727 in:0.03292744606733322 to:0.02835671603679657 :0.12463612109422684 +the:0.19829174876213074 a:0.11363717913627625 his:0.020226314663887024 which:0.017271677032113075 :0.1459406316280365 +of:0.12458591908216476 who:0.05869826674461365 to:0.05342753976583481 and:0.05245988070964813 :0.06213653087615967 +The:0.10532579571008682 It:0.03463348373770714 I:0.032597243785858154 In:0.026734480634331703 :0.1398024708032608 +of:0.07576034218072891 to:0.053336724638938904 in:0.04860047250986099 from:0.025866035372018814 :0.18441641330718994 +out:0.17918074131011963 the:0.1388515830039978 on:0.07544472813606262 a:0.044147178530693054 :0.04252367839217186 +and:0.06234956905245781 in:0.039713647216558456 the:0.03806183487176895 to:0.03484518826007843 :0.13651198148727417 +the:0.3573635220527649 a:0.04213495925068855 that:0.020362339913845062 his:0.017274564132094383 :0.13184230029582977 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +day,:0.030875688418745995 the:0.01482493244111538 city:0.011144538410007954 day:0.00933573767542839 :0.11496616154909134 +one:0.03749161586165428 man:0.023301472887396812 other:0.017715847119688988 part:0.01692982017993927 :0.1568928062915802 +and:0.018750280141830444 part:0.01189569290727377 states:0.011458029970526695 I:0.005905373953282833 :0.25255581736564636 +of:0.4105202257633209 to:0.08956482261419296 and:0.055014703422784805 in:0.02732674404978752 :0.05465835705399513 +the:0.47537246346473694 a:0.05886884778738022 this:0.023146769031882286 his:0.02203921601176262 :0.10991877317428589 +of:0.2341645061969757 and:0.054439201951026917 to:0.053531862795352936 were:0.04457129165530205 :0.04419327899813652 +to:0.15663279592990875 that:0.08939298242330551 as:0.07530321925878525 in:0.04736604169011116 :0.09800858795642853 +to:0.07328467071056366 the:0.05295589566230774 a:0.029032867401838303 and:0.02534698136150837 :0.17477887868881226 +to:0.08450710773468018 is:0.050633061677217484 was:0.03847864642739296 in:0.03306063264608383 :0.10864776372909546 +the:0.08700432628393173 a:0.07464580982923508 in:0.05204405263066292 to:0.044332824647426605 :0.0806482806801796 +great:0.013891239650547504 little:0.013473867438733578 man:0.012936997227370739 large:0.012848494574427605 :0.13860109448432922 +the:0.06818201392889023 to:0.03761624917387962 that:0.03733845427632332 and:0.02863815240561962 :0.12083466351032257 +the:0.3627347946166992 a:0.08870051056146622 their:0.0246934425085783 his:0.020744435489177704 :0.09526760876178741 +as:0.713326096534729 from:0.028722219169139862 in:0.01227379310876131 aa:0.012185201048851013 :0.0251610167324543 +and:0.19645236432552338 to:0.02431422658264637 or:0.02365182712674141 blue:0.01746838539838791 :0.13095800578594208 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +two:0.01893560029566288 lands:0.014955399557948112 things:0.013856125064194202 men:0.01240014098584652 :0.1994134932756424 +date:0.008526808582246304 United:0.007610153406858444 fact:0.006294529885053635 first:0.006063907407224178 :0.19325482845306396 +laws:0.027402354404330254 of:0.01691701076924801 day:0.011958427727222443 laws,:0.008077737875282764 :0.18065159022808075 +the:0.3083418607711792 a:0.05821741372346878 his:0.02209322527050972 tho:0.020778071135282516 :0.1255922168493271 +the:0.5080809593200684 said:0.033649373799562454 township:0.02444368600845337 this:0.023962628096342087 :0.09482170641422272 +the:0.056443359702825546 and:0.036356233060359955 ing:0.03138329088687897 to:0.017537608742713928 :0.16258291900157928 +and:0.03610952943563461 the:0.0266795065253973 of:0.024586008861660957 was:0.021096689626574516 :0.18254390358924866 +by:0.29571622610092163 as:0.07508216798305511 the:0.06803805381059647 and:0.05337526649236679 :0.08731631934642792 +the:0.2688371539115906 a:0.0796174481511116 this:0.029271326959133148 said:0.013688476756215096 :0.1688297837972641 +been:0.20895664393901825 not:0.04298730194568634 a:0.03652516379952431 the:0.01778767630457878 :0.08985844999551773 +the:0.20342892408370972 be:0.11217168718576431 a:0.03468678146600723 his:0.01373887900263071 :0.10480218380689621 +and:0.011538416147232056 in:0.007343824487179518 I:0.006614010315388441 In:0.00641917809844017 :0.32461217045783997 +a:0.09165339171886444 been:0.0762043371796608 the:0.04403074085712433 no:0.03870738670229912 :0.07180332392454147 +and:0.08447667211294174 in:0.02372167259454727 or:0.017530592158436775 cars:0.0099015599116683 :0.17959177494049072 +the:0.22603048384189606 him:0.03245431184768677 he:0.02475116215646267 a:0.021351072937250137 :0.05724406614899635 +the:0.27336716651916504 a:0.02717844769358635 you:0.02406584471464157 all:0.020119506865739822 :0.14354461431503296 +and:0.1147768571972847 alleys,:0.0494096539914608 alleys:0.04772316291928291 of:0.04479395970702171 :0.09949752688407898 +and:0.29884007573127747 to:0.14088843762874603 as:0.029418379068374634 but:0.028768887743353844 :0.06926760822534561 +payable:0.1749623715877533 payable,:0.11640036106109619 unpaid:0.056348271667957306 the:0.04404887557029724 :0.11947218328714371 +who:0.10109416395425797 and:0.04895626753568649 is:0.04177182912826538 was:0.03871899098157883 :0.0811859667301178 +the:0.14159739017486572 it:0.04008369892835617 they:0.03517162427306175 he:0.026790393516421318 :0.12917748093605042 +one:0.028734998777508736 doubt:0.01672355830669403 other:0.01394558697938919 more:0.013033777475357056 :0.2697020173072815 +and:0.19208067655563354 the:0.04259726405143738 in:0.032741744071245193 a:0.028243131935596466 :0.08398905396461487 +own:0.017684977501630783 rights:0.005691751837730408 part:0.0045309183187782764 names:0.003951187711209059 :0.24803602695465088 +to:0.16060982644557953 into:0.08593517541885376 down:0.07801125943660736 out:0.07054710388183594 :0.03893033787608147 +ceived:0.1337364912033081 mained:0.06158524379134178 turned:0.024331381544470787 fused:0.023486658930778503 :0.20939771831035614 +not:0.5508361458778381 the:0.015244519338011742 to:0.014853313565254211 this:0.014231744222342968 :0.07179473340511322 +of:0.09553736448287964 and:0.08044273406267166 or:0.011520043015480042 to:0.010873365215957165 :0.12471131980419159 +part:0.02070237509906292 other:0.016889112070202827 north:0.013219807296991348 west:0.012566418386995792 :0.24211665987968445 +to:0.10645966976881027 of:0.0717059075832367 in:0.05002996325492859 above:0.045145902782678604 :0.11465130001306534 +act,:0.07531309872865677 act:0.07441381365060806 direction:0.028077948838472366 Act:0.023254983127117157 :0.14073234796524048 +the:0.6990575194358826 tho:0.01749032735824585 a:0.015069719403982162 this:0.01257727574557066 :0.032472677528858185 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +and:0.1813257783651352 of:0.06920550763607025 but:0.03792291879653931 to:0.029128694906830788 :0.11406110972166061 +of:0.10601838678121567 for:0.07419693470001221 was:0.05133908987045288 and:0.04707438871264458 :0.05143803358078003 +the:0.1482643038034439 and:0.04195154458284378 that:0.019459277391433716 a:0.017233848571777344 :0.08970993757247925 +a:0.030458763241767883 made:0.023928897455334663 the:0.018045801669359207 in:0.017870217561721802 :0.16152282059192657 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +much:0.08902730792760849 a:0.07252979278564453 the:0.06753980368375778 well:0.035322558134794235 :0.07718469947576523 +to:0.048031557351350784 in:0.019760500639677048 own:0.01795797422528267 as:0.014973558485507965 :0.10003474354743958 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +city:0.013684514909982681 same:0.012299713678658009 first:0.012064541690051556 case:0.0097059216350317 :0.1689721941947937 +and:0.12999095022678375 or:0.021287377923727036 at:0.018786977976560593 the:0.01451827585697174 :0.12418628484010696 +and:0.05977395921945572 the:0.01743800938129425 to:0.01739553175866604 in:0.01125572994351387 :0.3266364336013794 +if:0.07890881597995758 the:0.07777272164821625 though:0.06326310336589813 to:0.049629148095846176 :0.09576775878667831 +large:0.01265793852508068 great:0.012081431224942207 good:0.010539106093347073 man:0.008900998160243034 :0.19658520817756653 +city:0.013684514909982681 same:0.012299713678658009 first:0.012064541690051556 case:0.0097059216350317 :0.1689721941947937 +do:0.037550147622823715 make:0.031710948795080185 be:0.030687205493450165 the:0.02256108447909355 :0.10794898867607117 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +the:0.13853321969509125 a:0.09130451828241348 his:0.02739155851304531 an:0.015113063156604767 :0.13398098945617676 +and:0.04565094783902168 the:0.038831211626529694 of:0.018383478745818138 a:0.013830628246068954 :0.26165771484375 +of:0.4341605603694916 was:0.04472142830491066 is:0.03253984451293945 will:0.025440186262130737 :0.03567052260041237 +and:0.06751441955566406 in:0.06430445611476898 as:0.05624913424253464 by:0.05553266778588295 :0.054555490612983704 +of:0.04501710832118988 and:0.03767268359661102 the:0.03053782694041729 to:0.014416428282856941 :0.1700415313243866 +and:0.05651815980672836 the:0.05121702700853348 that:0.0377703495323658 it:0.02094859443604946 :0.05583596229553223 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +and:0.16976778209209442 in:0.04172135144472122 the:0.026469547301530838 at:0.023026451468467712 :0.09250731021165848 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.07453280687332153 and:0.03957579284906387 to:0.024298813194036484 the:0.013754712417721748 :0.2437763661146164 +A.:0.02189420536160469 W.:0.02027762308716774 A:0.019054988399147987 H.:0.01440675649791956 :0.5538555383682251 +the:0.4322853982448578 a:0.03879851475358009 this:0.03715914860367775 any:0.019616184756159782 :0.058057356625795364 +of:0.7016294002532959 and:0.024191902950406075 ot:0.01494668796658516 ol:0.007067096419632435 :0.03429020196199417 +of:0.3564898371696472 the:0.07483533769845963 to:0.04252157360315323 and:0.0342741534113884 :0.05111755430698395 +the:0.06572985649108887 of:0.04338708147406578 that:0.025977378711104393 know:0.021661456674337387 :0.12581507861614227 +is:0.08432137221097946 was:0.06022211164236069 the:0.048241421580314636 are:0.04305310919880867 :0.04746884107589722 +and:0.08893398195505142 at:0.039565280079841614 of:0.035026248544454575 to:0.028221290558576584 :0.2695733606815338 +not:0.04939780756831169 in:0.03432699292898178 the:0.022284911945462227 to:0.022180287167429924 :0.15512852370738983 +of:0.24351370334625244 the:0.059913892298936844 to:0.03988456353545189 was:0.023991810157895088 :0.08737300336360931 +limits:0.0736374482512474 past:0.04459294304251671 last:0.03753207251429558 next:0.03643542528152466 :0.13274453580379486 +the:0.36200666427612305 a:0.04206531122326851 his:0.02188773825764656 this:0.01837783493101597 :0.09820126742124557 +two:0.32744675874710083 more:0.13914920389652252 the:0.0425228625535965 a:0.02896951697766781 :0.07177627086639404 +and:0.09398729354143143 that:0.045318055897951126 was:0.03444032371044159 to:0.03279263898730278 :0.1383861005306244 +the:0.04620613530278206 and:0.019378386437892914 was:0.014915465377271175 I:0.013620913960039616 :0.2685655653476715 +up:0.1010071337223053 forth:0.09041059017181396 out:0.08793175965547562 the:0.05349862575531006 :0.04600849747657776 +and:0.041299089789390564 the:0.03426608070731163 to:0.019105570390820503 for:0.016311949118971825 :0.1668773591518402 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +was:0.059785716235637665 have:0.050325747579336166 had:0.04585105553269386 am:0.022113362327218056 :0.11904917657375336 +of:0.06223240867257118 to:0.0513206385076046 the:0.04187751188874245 and:0.03884731978178024 :0.14859838783740997 +Britain:0.11180375516414642 Northern:0.061061639338731766 Britain,:0.05169355869293213 Falls:0.0328182727098465 :0.3153912425041199 +the:0.3284333050251007 a:0.06707645207643509 with:0.047679703682661057 and:0.03433861956000328 :0.03306169807910919 +said:0.009744950570166111 people:0.006745357997715473 law:0.00542790163308382 whole:0.004850320052355528 :0.1965060979127884 +same:0.010760168544948101 said:0.007217852398753166 first:0.007024590391665697 sum:0.006623619701713324 :0.19754546880722046 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +place:0.025353780016303062 oath:0.013245872221887112 same:0.009660926647484303 matter:0.00837837066501379 :0.21024484932422638 +years,:0.07170141488313675 deg.:0.043774280697107315 years.:0.04090389981865883 per:0.036483000963926315 :0.2383526712656021 +but:0.07990428060293198 to:0.0688505619764328 of:0.06292926520109177 in:0.04952418804168701 :0.11180943995714188 +to:0.05220386013388634 and:0.04021651670336723 in:0.03799327835440636 on:0.03283095359802246 :0.11446886509656906 +lot:0.02424987591803074 mortgage:0.018760014325380325 county:0.018255962058901787 Court,:0.016002638265490532 :0.15843673050403595 +and:0.04554304853081703 of:0.03363579884171486 the:0.02390434965491295 in:0.02028597518801689 :0.18195021152496338 +a:0.055996671319007874 the:0.05276435613632202 to:0.02407647669315338 it:0.013710723258554935 :0.2890569567680359 +the:0.37842243909835815 a:0.04188983887434006 this:0.030638480558991432 his:0.018401188775897026 :0.11745819449424744 +the:0.05611240118741989 a:0.025617431849241257 to:0.025258179754018784 in:0.018543777987360954 :0.12642644345760345 +of:0.06437037140130997 and:0.039268217980861664 the:0.024060597643256187 ending:0.02405696175992489 :0.14282770454883575 +and:0.06378564238548279 to:0.020047379657626152 in:0.01712157391011715 of:0.016982970759272575 :0.3606056571006775 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +property:0.0322275348007679 secretary:0.019450023770332336 and:0.014121796004474163 business:0.010146837681531906 :0.1835026890039444 +with:0.32849615812301636 and:0.07523685693740845 to:0.04720940440893173 in:0.026710500940680504 :0.07496756315231323 +was:0.1958012878894806 is:0.13717490434646606 were:0.039601363241672516 Is:0.03541501238942146 :0.03695592284202576 +the:0.04732158035039902 and:0.04411362484097481 of:0.019995126873254776 to:0.015339621342718601 :0.15339471399784088 +been:0.1839200109243393 not:0.034707922488451004 had:0.019597861915826797 a:0.01767822355031967 :0.08000820130109787 +and:0.04548148810863495 of:0.04521450400352478 the:0.028352374210953712 to:0.019960101693868637 :0.17588743567466736 +of:0.8383910655975342 and:0.022404903545975685 ot:0.011361852288246155 to:0.007628026884049177 :0.009567711502313614 +been:0.36874920129776 not:0.03242325037717819 a:0.0199578944593668 already:0.012516642920672894 :0.060284100472927094 +that:0.10858596116304398 and:0.09528297185897827 of:0.07636231184005737 in:0.04930966719985008 :0.05131623148918152 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +of:0.11922689527273178 and:0.053858432918787 was:0.03369111567735672 which:0.03356646001338959 :0.06283395737409592 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +the:0.09016728401184082 money:0.04764586687088013 said:0.014349423348903656 a:0.013890777714550495 :0.16763241589069366 +the:0.13631761074066162 to:0.07982391864061356 in:0.053738076239824295 at:0.028340885415673256 :0.045668281614780426 +would:0.05428418144583702 had:0.049282677471637726 will:0.04810004681348801 are:0.04737669602036476 :0.09684285521507263 +and:0.14500263333320618 in:0.04258095845580101 is:0.02389192208647728 was:0.020321892574429512 :0.06290893256664276 +the:0.30481305718421936 this:0.053038232028484344 a:0.042646750807762146 first:0.023671545088291168 :0.13149496912956238 +the:0.25502684712409973 be:0.05285923182964325 a:0.04178236424922943 his:0.02251954935491085 :0.09754534810781479 +other:0.01953834667801857 said:0.0060816118493676186 same:0.005689836572855711 United:0.005581072997301817 :0.22799503803253174 +the:0.27380627393722534 a:0.06552944332361221 said:0.01669587753713131 tho:0.013577509671449661 :0.1152627244591713 +few:0.03262132778763771 large:0.008423863910138607 little:0.007824876345694065 year:0.007136178202927113 :0.20755469799041748 +of:0.2778087556362152 is:0.06885065883398056 was:0.054239317774772644 and:0.0325966477394104 :0.1127321794629097 +be:0.2126690000295639 not:0.12567734718322754 have:0.0698169693350792 bo:0.013690154999494553 :0.08717894554138184 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +of:0.08351224660873413 way:0.06242797523736954 cases:0.05062958225607872 newspaper:0.050028543919324875 :0.0963076800107956 +and:0.10864345729351044 in:0.09518325328826904 to:0.0580420047044754 from:0.04956234619021416 :0.04134909063577652 +city:0.00615050969645381 State:0.00459656398743391 United:0.004208494909107685 people:0.004202810116112232 :0.25487565994262695 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +is:0.11359615623950958 has:0.07269246131181717 was:0.0620231069624424 had:0.042993489652872086 :0.03984209522604942 +why:0.19465887546539307 (if:0.10764549672603607 the:0.07825776934623718 of:0.060707371681928635 :0.04906081408262253 +of:0.16329389810562134 and:0.06998582184314728 was:0.031498927623033524 with:0.01725774072110653 :0.09031287580728531 +the:0.10339119285345078 be:0.031956423074007034 a:0.02303438074886799 make:0.02133048139512539 :0.15403057634830475 +and:0.07883477956056595 to:0.06803973019123077 in:0.029703289270401 the:0.026751313358545303 :0.14366047084331512 +been:0.2698806822299957 seen:0.06189529225230217 heard:0.047228265553712845 had:0.026330217719078064 :0.08553608506917953 +a:0.11630961298942566 the:0.10068666934967041 one:0.05391433462500572 to:0.025936966761946678 :0.11954819411039352 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.06588729470968246 a:0.01435359288007021 in:0.010066344402730465 then:0.008798088878393173 :0.15652765333652496 +to:0.23265717923641205 a:0.10286164283752441 the:0.068484827876091 been:0.045960891991853714 :0.05635330453515053 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +and:0.10331335663795471 a:0.049597833305597305 the:0.027630334720015526 for:0.025724466890096664 :0.10213367640972137 +and:0.07670781016349792 election:0.023841556161642075 that:0.020642997696995735 than:0.01673336885869503 :0.21378426253795624 +of:0.20894291996955872 and:0.05341869592666626 that:0.03275972977280617 is:0.030307838693261147 :0.05498410388827324 +W.:0.01752536930143833 to:0.013771393336355686 the:0.011715472675859928 J.:0.011572304181754589 :0.3982597887516022 +time:0.2619013786315918 the:0.06019047275185585 day:0.022877993062138557 time,:0.019067268818616867 :0.08427982032299042 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +be:0.1746428906917572 not:0.05553089827299118 have:0.031210897490382195 make:0.016194121912121773 :0.08958781510591507 +been:0.31856265664100647 not:0.04540101811289787 a:0.03759961202740669 no:0.016554588451981544 :0.06649979203939438 +of:0.1062874123454094 and:0.07381462305784225 for:0.055747803300619125 was:0.04263652116060257 :0.049093715846538544 +the:0.06779460608959198 I:0.04100976511836052 it:0.040101341903209686 so:0.03493236005306244 :0.05093584954738617 +the:0.1956169158220291 a:0.01982487365603447 his:0.015909211710095406 this:0.01039034966379404 :0.15245048701763153 +the:0.10804827511310577 Mrs.:0.028192099183797836 a:0.025309089571237564 that:0.013033301569521427 :0.11340988427400589 +of:0.2046610713005066 and:0.18326552212238312 in:0.01990916207432747 is:0.014488615095615387 :0.16288216412067413 +the:0.18265385925769806 a:0.037844426929950714 his:0.02134018763899803 her:0.013463561423122883 :0.1900794357061386 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.09053295850753784 to:0.03849058225750923 for:0.0310912374407053 and:0.02926521748304367 :0.12934830784797668 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +old:0.024377834051847458 hour:0.014204624108970165 officer:0.01126982644200325 order:0.010113075375556946 :0.20508526265621185 +and:0.04855593293905258 the:0.02559269778430462 of:0.018293218687176704 to:0.01707870326936245 :0.2359873652458191 +been:0.060034383088350296 a:0.04918312281370163 to:0.042047712951898575 no:0.03611384332180023 :0.08072179555892944 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +lowed:0.22306986153125763 low:0.08454037457704544 lowing:0.05423012748360634 lows:0.03869672864675522 :0.27417680621147156 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +The:0.11837311834096909 It:0.06683070212602615 I:0.04812122881412506 He:0.03516966477036476 :0.11941975355148315 +highest:0.007254432886838913 United:0.006026489194482565 fact:0.00566560635343194 amount:0.005556541029363871 :0.26784011721611023 +in:0.06869281828403473 as:0.06124401465058327 after:0.03505387529730797 whereas,:0.031013123691082 :0.06601858884096146 +the:0.3394439220428467 a:0.06427041441202164 this:0.021887827664613724 least:0.017438353970646858 :0.1394585818052292 +the:0.1570374071598053 over:0.06611257046461105 that:0.06580547243356705 of:0.06540205329656601 :0.07008020579814911 +of:0.13562044501304626 and:0.043549153953790665 to:0.014658039435744286 the:0.011333616450428963 :0.21024098992347717 +man:0.007966525852680206 bill:0.007826163433492184 first:0.0070133511908352375 only:0.0067228395491838455 :0.14882619678974152 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +and:0.20748648047447205 the:0.058988772332668304 but:0.0434265211224556 or:0.021738052368164062 :0.04456861689686775 +and:0.05303194373846054 of:0.04069368913769722 the:0.036844100803136826 in:0.03357558324933052 :0.061679430305957794 +way:0.03460578992962837 a:0.023769685998558998 one:0.02234634943306446 the:0.01699521392583847 :0.1523873507976532 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +and:0.08747165650129318 to:0.02489342913031578 of:0.021503906697034836 or:0.017625778913497925 :0.16362422704696655 +be:0.06824404746294022 the:0.03887411952018738 make:0.021939074620604515 have:0.018028035759925842 :0.1347024142742157 +and:0.02372468076646328 to:0.020828967913985252 time:0.014728756621479988 of:0.013964849524199963 :0.1977464258670807 +of:0.26224207878112793 and:0.11635489761829376 to:0.028452306985855103 that:0.025892535224556923 :0.05987273156642914 +be:0.17799894511699677 have:0.0667298436164856 see:0.027912363409996033 get:0.026959897950291634 :0.07984307408332825 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +tion:0.5100907683372498 tion,:0.21400384604930878 tion.:0.07860410958528519 tions:0.06311124563217163 :0.033800818026065826 +of:0.19223111867904663 to:0.05037877336144447 in:0.04365820810198784 was:0.04213733598589897 :0.03633655235171318 +reject:0.15706734359264374 the:0.06214990094304085 any:0.04688768833875656 by:0.02423430234193802 :0.10413289070129395 +the:0.22160227596759796 a:0.03687453642487526 be:0.03638070821762085 do:0.014673454686999321 :0.08837290108203888 +and:0.07233889400959015 purposes,:0.02010686695575714 purposes:0.01620527356863022 in:0.014270968735218048 :0.10642939060926437 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.0988587811589241 a:0.01763061061501503 that:0.015442274510860443 at:0.01328600849956274 :0.10105906426906586 +the:0.021756421774625778 not:0.02159230411052704 in:0.01664065755903721 made:0.01452174037694931 :0.10324624925851822 +said:0.005479303188621998 other:0.005200373474508524 most:0.004511729814112186 whole:0.004431758541613817 :0.37027648091316223 +old:0.025227557867765427 order:0.01393179688602686 act:0.008177218027412891 hour:0.007983817718923092 :0.34149909019470215 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +of:0.020384615287184715 the:0.017245378345251083 man:0.014469843357801437 or:0.009421720169484615 :0.26953378319740295 +A.:0.017150767147541046 A:0.014777923002839088 C:0.013358121737837791 W:0.010115017183125019 :0.4102557301521301 +and:0.044432055205106735 of:0.026757536455988884 Mrs.:0.01137082651257515 who:0.011369777843356133 :0.2990207374095917 +that:0.15189485251903534 the:0.12203709781169891 a:0.04452580213546753 how:0.044361937791109085 :0.05929584428668022 +and:0.029151275753974915 end:0.014761367812752724 boundary:0.010255829431116581 in:0.009830405935645103 :0.27588480710983276 +that:0.17703813314437866 it:0.0744103416800499 of:0.07429160922765732 the:0.07028569281101227 :0.044633787125349045 +number:0.08533975481987 of:0.08479883521795273 amount:0.07947935909032822 cost:0.04024398699402809 :0.0732211098074913 +the:0.3354332447052002 a:0.030276784673333168 be:0.01904139295220375 tho:0.011884033679962158 :0.15700967609882355 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.07177694141864777 a:0.042292527854442596 not:0.036785826086997986 to:0.03474578633904457 :0.1127030998468399 +the:0.3075600862503052 a:0.06572507321834564 which:0.019951924681663513 tho:0.018401822075247765 :0.09365708380937576 +and:0.03914156183600426 purposes:0.014707770198583603 Church:0.013241596519947052 Church,:0.012794489972293377 :0.4163803160190582 +and:0.12127867341041565 The:0.03103310614824295 to:0.022950926795601845 but:0.02226000837981701 :0.1365952491760254 +e:0.011891299858689308 of:0.008547813631594181 the:0.006803163792937994 a:0.00536305969581008 :0.2949555218219757 +city:0.021365832537412643 country:0.017948724329471588 point:0.017411187291145325 source:0.017078561708331108 :0.1575707346200943 +made:0.03326883167028427 in:0.025900762528181076 a:0.013756485655903816 able:0.011152566410601139 :0.1621207892894745 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.0708279088139534 to:0.019504215568304062 that:0.01663113199174404 a:0.013329587876796722 :0.13038639724254608 +and:0.08784295618534088 that:0.057937633246183395 to:0.04796920344233513 in:0.03212038800120354 :0.13298220932483673 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +of:0.03388962522149086 and:0.02956583723425865 .:0.020973535254597664 *:0.011816339567303658 :0.35131603479385376 +good:0.027735847979784012 little:0.017449455335736275 large:0.01660953275859356 very:0.011862620711326599 :0.16059808433055878 +the:0.10964205861091614 be:0.08958569169044495 have:0.02010159008204937 a:0.01652713306248188 :0.14020220935344696 +the:0.06818201392889023 to:0.03761624917387962 that:0.03733845427632332 and:0.02863815240561962 :0.12083466351032257 +was:0.1268741339445114 is:0.05664673075079918 had:0.05016980692744255 has:0.04087289795279503 :0.09020360559225082 +ject:0.18328584730625153 mitted:0.1478859782218933 stantial:0.06610742211341858 and:0.04559870436787605 :0.13600417971611023 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.16402409970760345 be:0.06452523916959763 have:0.015481271781027317 which:0.015051375143229961 :0.12420833855867386 +terest:0.04956823214888573 crease:0.0396931953728199 terests:0.03490382060408592 terior:0.0286739282310009 :0.38515007495880127 +habeas:0.4846362769603729 the:0.08830723166465759 a:0.02158825285732746 his:0.006511435844004154 :0.07612691819667816 +the:0.34393659234046936 which:0.0654606744647026 a:0.048076558858156204 their:0.02750520035624504 :0.043683044612407684 +court:0.44478416442871094 court,:0.14609484374523163 court.:0.05171036720275879 and:0.006355648394674063 :0.06429940462112427 +The:0.10107243061065674 It:0.047783397138118744 A:0.04283037409186363 He:0.04038333520293236 :0.09773063659667969 +The:0.16633740067481995 It:0.04126625135540962 He:0.02913653664290905 This:0.021136218681931496 :0.178966224193573 +is:0.07477954030036926 was:0.055856142193078995 has:0.034912243485450745 are:0.033155567944049835 :0.07991375029087067 +and:0.05475672334432602 the:0.03435417264699936 that:0.031161297112703323 in:0.03046693652868271 :0.08844388276338577 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +up:0.08445616811513901 to:0.07718273252248764 in:0.04492661729454994 from:0.0241820327937603 :0.07069849967956543 +the:0.2224140167236328 a:0.027111681178212166 this:0.02420390583574772 commerce:0.014342144131660461 :0.12362023442983627 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +to:0.09340397268533707 the:0.026727057993412018 in:0.0265608299523592 well:0.026219071820378304 :0.16534064710140228 +of:0.04519667476415634 and:0.03930540382862091 the:0.03452541306614876 to:0.031876880675554276 :0.15145380795001984 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.0684347003698349 of:0.048751018941402435 The:0.027728984132409096 the:0.026796210557222366 :0.18361817300319672 +and:0.07558400183916092 for:0.05119314417243004 in:0.051106978207826614 was:0.02511722594499588 :0.0872449055314064 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +deal:0.11664856225252151 many:0.03725344315171242 thing:0.02426314540207386 and:0.011706194840371609 :0.12777523696422577 +the:0.2021230310201645 U.:0.03319873660802841 he:0.03027704358100891 a:0.024595091119408607 :0.12385959923267365 +of:0.715222954750061 that:0.017450299113988876 to:0.016136741265654564 the:0.014317291788756847 :0.031430359929800034 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +and:0.04866228997707367 or:0.03365641459822655 the:0.030665071681141853 in:0.02384411171078682 :0.14414754509925842 +and:0.07173100858926773 of:0.06636563688516617 the:0.05075526237487793 to:0.03328704088926315 :0.1004234105348587 +that:0.27836084365844727 to:0.08876964449882507 a:0.07601489126682281 and:0.07597623765468597 :0.06861504167318344 +the:0.08914989233016968 a:0.0336894616484642 to:0.02070276252925396 in:0.008274749852716923 :0.29788804054260254 +the:0.1802990436553955 Streets:0.03206818178296089 Ways:0.027947591617703438 a:0.020412340760231018 :0.21645408868789673 +and:0.05649952590465546 of:0.03644289821386337 the:0.016484394669532776 who:0.015364237129688263 :0.24455678462982178 +to:0.0498819425702095 own:0.047361504286527634 and:0.015434435568749905 in:0.012510760687291622 :0.17278186976909637 +the:0.18962357938289642 a:0.06375055760145187 this:0.025655139237642288 said:0.016881980001926422 :0.12489531934261322 +the:0.1812775880098343 he:0.08779546618461609 they:0.056150373071432114 it:0.04489459469914436 :0.09481287747621536 +and:0.02691289782524109 of:0.008989958092570305 to:0.00715667475014925 or:0.006667542736977339 :0.08856093138456345 +notice.:0.02966027706861496 warning,:0.011657016351819038 and:0.011240048334002495 the:0.010553701780736446 :0.12460322678089142 +the:0.16742515563964844 and:0.13954664766788483 to:0.09380248188972473 a:0.0520135797560215 :0.06411159038543701 +of:0.37178564071655273 is:0.06586229801177979 was:0.058281946927309036 and:0.04148201271891594 :0.02567153610289097 +the:0.09962334483861923 be:0.026514854282140732 have:0.016901779919862747 a:0.015186228789389133 :0.15643402934074402 +and:0.036252494901418686 the:0.03563239797949791 a:0.020683832466602325 by:0.020400382578372955 :0.24122633039951324 +and:0.27903062105178833 of:0.051470812410116196 to:0.033846378326416016 the:0.030683154240250587 :0.029266247525811195 +of:0.7438250780105591 and:0.031063761562108994 from:0.014329838566482067 in:0.010921723209321499 :0.015696870163083076 +and:0.07135334610939026 the:0.04208384454250336 to:0.04168976843357086 but:0.03473391756415367 :0.09206890314817429 +that:0.26908770203590393 the:0.08643639832735062 it:0.07015683501958847 I:0.044748637825250626 :0.039509162306785583 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +and:0.0441928431391716 of:0.039822887629270554 feet:0.02807137928903103 Mrs.:0.014906944707036018 :0.22773055732250214 +same:0.010530825704336166 first:0.00973089411854744 most:0.006848938763141632 said:0.005225557833909988 :0.171953484416008 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.29036131501197815 a:0.06342978030443192 his:0.027606282383203506 their:0.01661616377532482 :0.07283996790647507 +to:0.14211903512477875 with:0.05251358821988106 and:0.04485749080777168 in:0.04363303259015083 :0.06771654635667801 +the:0.1062316969037056 that:0.026402486488223076 a:0.02538982592523098 he:0.017994359135627747 :0.12688051164150238 +H.:0.026166368275880814 C:0.0217734407633543 B:0.019201509654521942 B.:0.01887681521475315 :0.341648668050766 +the:0.0708279088139534 to:0.019504215568304062 that:0.01663113199174404 a:0.013329587876796722 :0.13038639724254608 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +the:0.12935449182987213 width,:0.06352734565734863 length,:0.06034034118056297 length:0.05055201053619385 :0.06416262686252594 +and:0.10731900483369827 the:0.04152899980545044 but:0.040388137102127075 that:0.01625026762485504 :0.16513438522815704 +own:0.03426791727542877 utmost:0.010710787028074265 present:0.009233221411705017 former:0.008511434309184551 :0.1981823593378067 +and:0.07705579698085785 to:0.06785047054290771 of:0.05913030728697777 for:0.04586498439311981 :0.0397820807993412 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +The:0.16627223789691925 It:0.04658583924174309 He:0.04331427067518234 There:0.032098859548568726 :0.08136186748743057 +and:0.06048465520143509 the:0.051183413714170456 by:0.031273819506168365 of:0.02472619339823723 :0.2084076851606369 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +first:0.011724669486284256 same:0.008952801115810871 said:0.007157005835324526 latter:0.00696832500398159 :0.1605808436870575 +the:0.07372155785560608 to:0.04577970877289772 be:0.03450864925980568 in:0.02492750808596611 :0.1627180278301239 +the:0.3694283366203308 them:0.15815669298171997 our:0.04920140653848648 these:0.04462471604347229 :0.034219589084386826 +a:0.11883821338415146 the:0.06921239197254181 an:0.011977963149547577 other:0.008159168064594269 :0.18541783094406128 +was:0.09628139436244965 is:0.08689448237419128 to:0.07797902822494507 Is:0.036746520549058914 :0.08093362301588058 +of:0.2610873579978943 and:0.11290434747934341 in:0.0459132194519043 with:0.025188269093632698 :0.039854828268289566 +the:0.2898736596107483 a:0.03578393906354904 this:0.03420373797416687 which:0.027880266308784485 :0.08903973549604416 +of:0.4168184995651245 in:0.09011126309633255 on:0.029464099556207657 and:0.019930241629481316 :0.029805418103933334 +and:0.12063533812761307 of:0.06111815199255943 was:0.042433276772499084 is:0.035906244069337845 :0.05417681857943535 +the:0.09631643444299698 he:0.02724817581474781 of:0.022602353245019913 a:0.018547391518950462 :0.17285935580730438 +United:0.008625340647995472 city:0.006392167415469885 men:0.003851400688290596 party:0.003784707048907876 :0.22283165156841278 +is:0.097801074385643 was:0.06433889269828796 he:0.05704125761985779 the:0.05688405781984329 :0.07320307940244675 +the:0.2268756926059723 he:0.04995036497712135 it:0.038556452840566635 they:0.035510145127773285 :0.07050757110118866 +of:0.27199849486351013 and:0.09264164417982101 to:0.034333422780036926 in:0.028542518615722656 :0.04928712174296379 +wife,:0.03096337616443634 own:0.013428797945380211 wife:0.013286883011460304 name:0.011408559046685696 :0.21786107122898102 +been:0.11318463832139969 a:0.07119865715503693 the:0.03662871569395065 not:0.02876369096338749 :0.0679386556148529 +and:0.10698914527893066 the:0.05799178406596184 a:0.0418931245803833 to:0.03141910955309868 :0.09751566499471664 +and:0.3367616534233093 but:0.05346447974443436 as:0.05072938650846481 I:0.01776854507625103 :0.040588390082120895 +the:0.24395927786827087 be:0.02198687382042408 a:0.020949596539139748 his:0.011803277768194675 :0.06692325323820114 +the:0.23450729250907898 he:0.13469436764717102 they:0.07273579388856888 it:0.03989747166633606 :0.051105912774801254 +have:0.10843525826931 are:0.09612328559160233 were:0.03035389631986618 do:0.026925954967737198 :0.08455862104892731 +and:0.08183684945106506 of:0.04358954355120659 The:0.02236878126859665 the:0.02004851959645748 :0.20085331797599792 +of:0.12455997616052628 who:0.09930842369794846 and:0.0946648046374321 were:0.039839018136262894 :0.04744525998830795 +the:0.06616661697626114 a:0.03665968030691147 to:0.03463802486658096 their:0.017790470272302628 :0.12438060343265533 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +first:0.014259993098676205 same:0.013364837504923344 most:0.010836862027645111 best:0.010299746878445148 :0.21259641647338867 +of:0.12503047287464142 and:0.043223973363637924 who:0.02952876314520836 hundred:0.018952416256070137 :0.07185052335262299 +tice:0.24591949582099915 of:0.03779032826423645 ble:0.023430613800883293 tice,:0.02150295488536358 :0.23540127277374268 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +along:0.04945600405335426 to:0.0252852626144886 and:0.02517293021082878 the:0.023387130349874496 :0.30619382858276367 +date:0.16981416940689087 the:0.08393006771802902 interest:0.03589886054396629 a:0.029038339853286743 :0.14684860408306122 +much:0.05259434133768082 great:0.018475709483027458 well:0.017851633951067924 far:0.017537172883749008 :0.1424325704574585 +ures:0.48221078515052795 ure:0.04921659827232361 and:0.015064803883433342 was:0.012838159687817097 :0.12519803643226624 +the:0.24013926088809967 a:0.04046476632356644 tho:0.015600822865962982 this:0.014899050816893578 :0.17384237051010132 +important:0.03610443323850632 of:0.021564314141869545 interesting:0.012456282041966915 prominent:0.012193573638796806 :0.17557279765605927 +has:0.10450123250484467 had:0.09589316695928574 was:0.07010826468467712 is:0.05547836422920227 :0.0637756958603859 +and:0.10045331716537476 in:0.07588430494070053 of:0.03252797573804855 on:0.02379775047302246 :0.09522354602813721 +are:0.11928252130746841 were:0.07906246185302734 have:0.07799320667982101 will:0.0769071877002716 :0.05792372301220894 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +of:0.9114178419113159 that:0.014013722538948059 ot:0.009350218810141087 to:0.004272778518497944 :0.004378762096166611 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +bank:0.031183844432234764 convention:0.030748246237635612 debt:0.018047237768769264 banks:0.017658283933997154 :0.13961254060268402 +and:0.07846929877996445 man:0.025628838688135147 men:0.02282343991100788 oak,:0.016242574900388718 :0.2932383418083191 +of:0.26602476835250854 is:0.03633078560233116 was:0.03168508782982826 day:0.03132294863462448 :0.06214410439133644 +and:0.19013480842113495 the:0.04209522157907486 but:0.033279262483119965 to:0.025744738057255745 :0.05852706357836723 +the:0.18785932660102844 side,:0.18354012072086334 side:0.13014937937259674 side.:0.04855949431657791 :0.06778641790151596 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +not:0.2910524308681488 see:0.061012621968984604 have:0.031129300594329834 do:0.02496311068534851 :0.05402182415127754 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.22387361526489258 and:0.04268580302596092 in:0.03141050040721893 on:0.03009149804711342 :0.03947454318404198 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.14999951422214508 up:0.0832521840929985 a:0.06149281933903694 out:0.05217760056257248 :0.050345782190561295 +months:0.3518514037132263 days:0.10484753549098969 miles:0.07287118583917618 weeks:0.05468892306089401 :0.048371896147727966 +good:0.018007278442382812 few:0.017779920250177383 great:0.016333023086190224 very:0.015240893699228764 :0.21590617299079895 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +thing:0.02224978804588318 way:0.021731501445174217 manner:0.016952069476246834 course:0.013383948244154453 :0.14008450508117676 +the:0.3549601435661316 which:0.05399499833583832 a:0.03872634842991829 his:0.032483529299497604 :0.03866765275597572 +mined:0.3307724893093109 the:0.031499337404966354 and:0.03059241734445095 by:0.028956735506653786 :0.0824986919760704 +the:0.2543315589427948 it:0.03720208257436752 they:0.03210676833987236 he:0.027256418019533157 :0.0706486701965332 +and:0.13594797253608704 beets,:0.026949703693389893 in:0.025477921590209007 for:0.024766679853200912 :0.0905006155371666 +you:0.1955222338438034 me:0.165524423122406 the:0.061075609177351 your:0.043572358787059784 :0.04660038650035858 +the:0.5012322664260864 a:0.07091274112462997 their:0.02303304709494114 that:0.019426945596933365 :0.03968622162938118 +on:0.11256212741136551 of:0.08995841443538666 where:0.08293991535902023 in:0.07429313659667969 :0.057995446026325226 +United:0.015379710122942924 said:0.0068702781572937965 state:0.005387338809669018 State:0.005064830183982849 :0.26449117064476013 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +of:0.32753339409828186 in:0.054017286747694016 and:0.05243177339434624 to:0.029516877606511116 :0.032412026077508926 +not:0.044512782245874405 the:0.037206120789051056 to:0.029952719807624817 in:0.022039024159312248 :0.15189868211746216 +few:0.03897401690483093 .:0.026269525289535522 large:0.021430719643831253 man:0.013182253576815128 :0.23983179032802582 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.10768450796604156 is:0.028644226491451263 in:0.024790480732917786 of:0.02287818118929863 :0.11351276934146881 +to:0.12432710081338882 a:0.12341225892305374 the:0.05074802413582802 an:0.018975725397467613 :0.06804965436458588 +and:0.2183055281639099 in:0.05817491561174393 of:0.04521343484520912 to:0.03656385466456413 :0.054251283407211304 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.23680326342582703 a:0.053904466331005096 this:0.019357100129127502 favor:0.018374351784586906 :0.08067674934864044 +and:0.07130515575408936 the:0.028522923588752747 of:0.020960316061973572 to:0.013134898617863655 :0.21091265976428986 +own:0.022624116390943527 way:0.017946355044841766 use:0.011260324157774448 appearance:0.005440060514956713 :0.19695869088172913 +and:0.022163348272442818 the:0.012275738641619682 in:0.008693461306393147 of:0.008136347867548466 :0.42942672967910767 +have:0.05735474452376366 to:0.018248893320560455 had:0.015764351934194565 was:0.01480837631970644 :0.287392258644104 +of:0.3534373641014099 and:0.022589877247810364 was:0.018256230279803276 is:0.014999959617853165 :0.05678952857851982 +the:0.1838206648826599 it:0.04229862987995148 there:0.039395567029714584 he:0.03148328885436058 :0.08599834144115448 +is:0.09176125377416611 has:0.07324328273534775 was:0.05772619694471359 will:0.051809608936309814 :0.05389693006873131 +the:0.2987331449985504 a:0.035965438932180405 said:0.028035108000040054 tho:0.014373483136296272 :0.1343044936656952 +of:0.3097531795501709 and:0.0693446472287178 to:0.021392278373241425 in:0.021261004731059074 :0.04310840368270874 +terest:0.07138722389936447 stead:0.028369341045618057 crease:0.022122982889413834 teresting:0.012692390009760857 :0.4324149191379547 +of:0.16844725608825684 that:0.05016409978270531 in:0.04353206604719162 for:0.042904049158096313 :0.03415168821811676 +city:0.01264567393809557 United:0.009648587554693222 first:0.007890195585787296 case:0.00769559433683753 :0.25549519062042236 +of:0.4100557565689087 was:0.028662437573075294 will:0.02587057463824749 is:0.019132500514388084 :0.04966982081532478 +the:0.2736648917198181 to:0.25239163637161255 a:0.03345343470573425 this:0.017251821234822273 :0.027047982439398766 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.044993139803409576 day:0.033389825373888016 time:0.02525382675230503 floor:0.01913832128047943 :0.10865547508001328 +far:0.029983021318912506 the:0.022234005853533745 to:0.012918871827423573 be:0.01253205630928278 :0.1377914994955063 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +York:0.2650839388370514 York,:0.07597260922193527 York.:0.04767736792564392 Orleans,:0.04602285474538803 :0.18935626745224 +and:0.10644809156656265 to:0.02578510344028473 on:0.02487938106060028 the:0.023511575534939766 :0.18155406415462494 +be:0.10262305289506912 do:0.0806543380022049 the:0.06799247115850449 say:0.030025353655219078 :0.08021698892116547 +a:0.09890469163656235 the:0.07601070404052734 not:0.037550583481788635 to:0.026297928765416145 :0.14803792536258698 +purpose:0.04356564208865166 purpose.:0.031152870506048203 reason:0.021276773884892464 purpose,:0.01677204854786396 :0.14762121438980103 +of:0.3507072329521179 the:0.09506979584693909 and:0.06798536330461502 a:0.03224585950374603 :0.033888205885887146 +the:0.11657378077507019 be:0.06294041872024536 have:0.018297752365469933 make:0.015409198589622974 :0.09176784753799438 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +was:0.01805899851024151 to:0.014836344867944717 is:0.014286593534052372 and:0.011867253109812737 :0.3207850456237793 +is:0.1956501305103302 was:0.19239971041679382 comes:0.046998508274555206 came:0.026541005820035934 :0.056353192776441574 +from:0.1704842895269394 the:0.04435524716973305 and:0.042707573622465134 to:0.04035788029432297 :0.046200230717659 +the:0.22896037995815277 which:0.029973292723298073 a:0.028572415933012962 this:0.023520395159721375 :0.08323470503091812 +the:0.13685840368270874 I:0.06792786717414856 he:0.06446623802185059 they:0.04537313058972359 :0.07612831145524979 +sult:0.06223925203084946 duction:0.03162170946598053 turn:0.031145432963967323 port:0.027632493525743484 :0.33855581283569336 +a:0.07010596990585327 not:0.05420732498168945 the:0.05396781489253044 in:0.016393130645155907 :0.10485593974590302 +the:0.33415982127189636 a:0.03653518110513687 tho:0.017123591154813766 said:0.009538993239402771 :0.17467473447322845 +the:0.19697237014770508 of:0.05044481158256531 that:0.044878654181957245 over:0.029712412506341934 :0.07774236053228378 +e:0.010658064857125282 the:0.009237668476998806 point:0.005841388367116451 a:0.005802708212286234 :0.25871795415878296 +a:0.050926048308610916 the:0.026677073910832405 made:0.014100716449320316 in:0.01124698854982853 :0.18051491677761078 +the:0.43253859877586365 a:0.04632129520177841 his:0.024032259359955788 such:0.022465214133262634 :0.05614525452256203 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +and:0.05415598675608635 of:0.03748364374041557 in:0.01806933805346489 the:0.016406381502747536 :0.18732191622257233 +and:0.13602417707443237 the:0.04400738701224327 in:0.03176891803741455 but:0.0296083465218544 :0.06660588085651398 +a:0.03770310431718826 the:0.03496844321489334 made:0.027254745364189148 sold:0.016782863065600395 :0.12037137895822525 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +at:0.09087702631950378 in:0.07382826507091522 by:0.0656251534819603 on:0.05996865779161453 :0.09945575892925262 +of:0.014718124642968178 and:0.013826689682900906 act:0.010034936480224133 man:0.009772664867341518 :0.17152279615402222 +way:0.08383779227733612 own:0.045075174421072006 knees:0.016498196870088577 head:0.013404102064669132 :0.14680399000644684 +the:0.20186735689640045 it:0.04312185198068619 a:0.03706514090299606 of:0.024695007130503654 :0.08988812565803528 +was:0.06859529763460159 have:0.06306089460849762 am:0.05751369521021843 had:0.03821387514472008 :0.06745809316635132 +the:0.13995960354804993 a:0.030714241787791252 this:0.020492255687713623 his:0.007863610051572323 :0.18883772194385529 +of:0.24435600638389587 is:0.05410698056221008 in:0.03731304779648781 and:0.036192458122968674 :0.03213522583246231 +is:0.1859966665506363 was:0.09968491643667221 Is:0.020643731579184532 has:0.016863582655787468 :0.07183512300252914 +man:0.11805124580860138 men:0.06800210475921631 lady:0.04202333837747574 people:0.03622622787952423 :0.1664341390132904 +the:0.19829174876213074 a:0.11363717913627625 his:0.020226314663887024 which:0.017271677032113075 :0.1459406316280365 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.10203512758016586 on:0.06483782827854156 to:0.05109797418117523 directing:0.04354860261082649 :0.037192072719335556 +past:0.07511549443006516 last:0.061323631554841995 year:0.02652806229889393 first:0.021825440227985382 :0.11317988485097885 +of:0.01753612421452999 and:0.008034314028918743 time:0.007392351981252432 to:0.004369555041193962 :0.24727079272270203 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +of:0.1034427136182785 in:0.07621113955974579 on:0.038586102426052094 to:0.036068856716156006 :0.044688645750284195 +and:0.08038987964391708 of:0.04049922153353691 The:0.02769174613058567 the:0.02633664943277836 :0.12987788021564484 +to:0.03919174522161484 and:0.038955237716436386 of:0.0344100184738636 the:0.024353114888072014 :0.18838879466056824 +of:0.10066671669483185 to:0.06396855413913727 and:0.059253763407468796 in:0.04755985736846924 :0.07702606916427612 +the:0.2489510327577591 a:0.06252668052911758 tho:0.014882502146065235 his:0.012036056257784367 :0.1503141075372696 +of:0.8005226254463196 and:0.023280322551727295 ot:0.02038702182471752 the:0.009820431470870972 :0.02218862995505333 +of:0.25626394152641296 in:0.0775860995054245 and:0.042558956891298294 to:0.040738414973020554 :0.03835209459066391 +the:0.08069495111703873 to:0.06377812474966049 of:0.03695126995444298 in:0.028748519718647003 :0.13050708174705505 +and:0.059511151164770126 the:0.03648185357451439 of:0.03600740060210228 to:0.025145525112748146 :0.13083843886852264 +far:0.0952872559428215 the:0.05470827594399452 he:0.038030121475458145 I:0.036768633872270584 :0.09513278305530548 +and:0.08722611516714096 of:0.021506231278181076 the:0.013841215521097183 salt:0.01006196066737175 :0.2339678704738617 +the:0.0983777865767479 of:0.033519111573696136 that:0.02731296606361866 he:0.02397046610713005 :0.08128635585308075 +who:0.14723145961761475 of:0.0654570609331131 in:0.045474112033843994 shall:0.03752303123474121 :0.05534256249666214 +the:0.2322508543729782 be:0.022596638649702072 a:0.020969893783330917 his:0.01164072286337614 :0.14088286459445953 +and:0.05366045981645584 of:0.03213180974125862 the:0.021626664325594902 in:0.020397059619426727 :0.20787498354911804 +are:0.08857543021440506 have:0.06949994713068008 was:0.05926249548792839 had:0.05627691373229027 :0.052617061883211136 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.09879839420318604 and:0.09446433931589127 or:0.040237825363874435 in:0.036911189556121826 :0.11206807941198349 +sioner:0.3771960139274597 sioners:0.10636705160140991 sion,:0.041650835424661636 sion:0.022724488750100136 :0.11532124876976013 +the:0.2773078382015228 said:0.0391339473426342 a:0.029088759794831276 this:0.026447715237736702 :0.1197483241558075 +people:0.00754127511754632 first:0.006886498536914587 men:0.006843024864792824 same:0.005570970941334963 :0.21202127635478973 +a:0.10679557174444199 the:0.05042991414666176 more:0.034775324165821075 so:0.03079310618340969 :0.2878839075565338 +city:0.013684514909982681 same:0.012299713678658009 first:0.012064541690051556 case:0.0097059216350317 :0.1689721941947937 +in:0.08032011240720749 where:0.06451788544654846 and:0.05498436465859413 of:0.052588604390621185 :0.06942769140005112 +of:0.32668977975845337 is:0.03957199305295944 was:0.036863140761852264 and:0.03480294719338417 :0.031953658908605576 +is:0.08825051039457321 was:0.051124319434165955 morning:0.014546274207532406 year:0.014263848774135113 :0.11992832273244858 +.:0.04263986647129059 and:0.037488944828510284 who:0.013458970002830029 A:0.012456567026674747 :0.28203606605529785 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +street,:0.05081790313124657 street:0.043142396956682205 and:0.03531813994050026 Street:0.02268519625067711 :0.2969307005405426 +over:0.10503609478473663 to:0.08858394622802734 out:0.08608664572238922 into:0.0811103954911232 :0.049006178975105286 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +of:0.11411364376544952 and:0.08601526916027069 in:0.07370538264513016 to:0.071660116314888 :0.03559763729572296 +to:0.08856228739023209 on:0.04056519642472267 in:0.036766063421964645 into:0.03381555154919624 :0.1002076268196106 +and:0.012184808030724525 the:0.007169933523982763 city:0.006239102687686682 life:0.006118169520050287 :0.3376561403274536 +to:0.06487687677145004 a:0.04604044556617737 the:0.03466194123029709 aware:0.01880241557955742 :0.10714296996593475 +the:0.13314242660999298 I:0.04349108040332794 it:0.03808841481804848 he:0.03416373208165169 :0.05627550557255745 +the:0.09021192044019699 that:0.022205719724297523 in:0.016136527061462402 a:0.01526289526373148 :0.16333743929862976 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +the:0.14719489216804504 of:0.08473249524831772 that:0.046373866498470306 this:0.029476866126060486 :0.11556657403707504 +the:0.11403538286685944 a:0.052445948123931885 that:0.03875947743654251 for:0.02902032993733883 :0.0724935457110405 +the:0.3663793206214905 a:0.06660214811563492 this:0.02037993259727955 tho:0.018081460148096085 :0.14408276975154877 +The:0.12815716862678528 It:0.07213269174098969 He:0.03147643432021141 I:0.02523326687514782 :0.12737758457660675 +the:0.032483477145433426 was:0.02919202856719494 of:0.027414429932832718 and:0.026798516511917114 :0.17232030630111694 +the:0.053269386291503906 to:0.050676584243774414 been:0.02708752080798149 and:0.026690587401390076 :0.13124272227287292 +far:0.13879379630088806 the:0.06698141247034073 I:0.044099994003772736 much:0.03637522831559181 :0.10559730976819992 +State,:0.18387798964977264 State:0.1284981369972229 the:0.03858790919184685 a:0.009397582150995731 :0.1473400592803955 +of:0.17099763453006744 the:0.14375175535678864 a:0.055010996758937836 that:0.034013062715530396 :0.030123725533485413 +no:0.23457850515842438 a:0.22277888655662537 not:0.04505733773112297 an:0.03025233745574951 :0.0334588922560215 +and:0.2222985476255417 but:0.0499257929623127 the:0.03324335068464279 which:0.029922811314463615 :0.049306999891996384 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +average:0.00959551427513361 same:0.009550889953970909 whole:0.008597171865403652 other:0.008590951561927795 :0.21329642832279205 +the:0.09016728401184082 money:0.04764586687088013 said:0.014349423348903656 a:0.013890777714550495 :0.16763241589069366 +and:0.166142538189888 of:0.06592873483896255 the:0.04330376163125038 to:0.03383149579167366 :0.07983901351690292 +the:0.20282591879367828 ing:0.02635405957698822 their:0.023069623857736588 his:0.01984470710158348 :0.036200713366270065 +Daily:0.041867922991514206 and:0.03966820612549782 Times:0.033590126782655716 Times,:0.026277760043740273 :0.14721578359603882 +the:0.12578703463077545 Congress:0.05417221784591675 a:0.0187187809497118 Congress,:0.017188265919685364 :0.18645064532756805 +and:0.029827341437339783 Pierce:0.02349456027150154 Pierce's:0.016309749335050583 Williams':0.013139165006577969 :0.45305755734443665 +of:0.34682610630989075 and:0.10308648645877838 was:0.021799173206090927 is:0.020146023482084274 :0.018174882978200912 +the:0.06267306208610535 in:0.02018546499311924 a:0.013209746219217777 to:0.012915050610899925 :0.10550116747617722 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +The:0.14360851049423218 It:0.09012509137392044 He:0.04487074911594391 We:0.032927002757787704 :0.07881736755371094 +and:0.23106582462787628 enough:0.05774662643671036 before:0.03139843791723251 in:0.01727338135242462 :0.11720269918441772 +and:0.16113272309303284 the:0.04343470185995102 in:0.02749018184840679 of:0.024264255538582802 :0.05907302722334862 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.3118680417537689 a:0.05046068876981735 their:0.018172530457377434 this:0.014950098469853401 :0.14940796792507172 +in:0.1426655799150467 with:0.07897131890058517 from:0.043273959308862686 and:0.03975367173552513 :0.03778399899601936 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.28546616435050964 a:0.0714600682258606 tho:0.01616768166422844 said:0.015174818225204945 :0.10334444046020508 +own:0.06299003213644028 respective:0.007369199302047491 benefit,:0.006378714926540852 services.:0.006232934072613716 :0.21133597195148468 +the:0.08977530896663666 that:0.028255322948098183 in:0.017922133207321167 at:0.01717001385986805 :0.11161889135837555 +years:0.11324770003557205 feet:0.060236696153879166 cents:0.05064602941274643 days:0.046838872134685516 :0.18244598805904388 +to:0.033801499754190445 and:0.03341727703809738 in:0.029464976862072945 of:0.02548081800341606 :0.13198886811733246 +have:0.08757704496383667 am:0.05486711859703064 had:0.052873723208904266 was:0.05022592842578888 :0.07267021387815475 +The:0.14560337364673615 It:0.0508069284260273 He:0.037017520517110825 In:0.033009063452482224 :0.04932255670428276 +the:0.4850117564201355 a:0.04935574159026146 this:0.020579105243086815 their:0.02005317248404026 :0.05336764082312584 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +be:0.21661917865276337 have:0.02553601562976837 see:0.020251439884305 do:0.01799340732395649 :0.16602668166160583 +he:0.04253001883625984 the:0.04141932725906372 was:0.022613871842622757 be:0.017551247030496597 :0.18765629827976227 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.04690080136060715 a:0.023993192240595818 any:0.01911311224102974 other:0.015991101041436195 :0.2837858200073242 +is:0.2618441879749298 was:0.17760489881038666 are:0.1437266618013382 were:0.046872880309820175 :0.0419723279774189 +the:0.18179215490818024 that:0.04976605996489525 a:0.033085897564888 they:0.03282870724797249 :0.05564553663134575 +a:0.11702949553728104 the:0.09854357689619064 to:0.0381164588034153 up:0.035314206033945084 :0.05460808798670769 +same:0.00796855241060257 said:0.006199124734848738 first:0.005573383066803217 public:0.005086618009954691 :0.2568826377391815 +to:0.23898163437843323 the:0.1393905133008957 a:0.05271367356181145 for:0.041683346033096313 :0.0703720897436142 +the:0.26168209314346313 a:0.03952232748270035 this:0.031161565333604813 such:0.014884843491017818 :0.15285372734069824 +property:0.0322275348007679 secretary:0.019450023770332336 and:0.014121796004474163 business:0.010146837681531906 :0.1835026890039444 +the:0.0876612737774849 be:0.025790931656956673 make:0.0217820405960083 a:0.014956698752939701 :0.13288888335227966 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.3633911907672882 a:0.04554060101509094 to:0.03186943009495735 his:0.027988456189632416 :0.04660840705037117 +own:0.028820186853408813 wife:0.006937229540199041 family:0.005077975802123547 knowledge:0.004947140347212553 :0.3817312717437744 +first:0.010680776089429855 only:0.005278751254081726 last:0.005258345510810614 bill:0.005217643454670906 :0.14026190340518951 +of:0.055610816925764084 to:0.03891877830028534 and:0.028475472703576088 in:0.023572761565446854 :0.15131625533103943 +the:0.3660149574279785 a:0.032669130712747574 his:0.026051152497529984 their:0.022126758471131325 :0.10611268877983093 +years:0.22353017330169678 years,:0.05749712139368057 years.:0.043164193630218506 miles:0.03735597804188728 :0.07754920423030853 +who:0.1624714881181717 were:0.09175559878349304 of:0.05547185614705086 are:0.05167523771524429 :0.04595034196972847 +of:0.15433193743228912 the:0.033288538455963135 in:0.027403367683291435 party:0.022845473140478134 :0.11627408862113953 +is:0.2241128534078598 was:0.12774492800235748 Is:0.06107921898365021 will:0.032219938933849335 :0.05030199512839317 +title:0.4631490409374237 title,:0.11736052483320236 and:0.08796826750040054 but:0.023713691160082817 :0.04096613824367523 +the:0.07028713077306747 a:0.05960715934634209 not:0.04564579948782921 to:0.04165620729327202 :0.10654829442501068 +a:0.21491201221942902 the:0.16544224321842194 it:0.06266354769468307 an:0.02844882942736149 :0.053451038897037506 +and:0.044993139803409576 day:0.033389825373888016 time:0.02525382675230503 floor:0.01913832128047943 :0.10865547508001328 +the:0.3274089992046356 a:0.04308227077126503 that:0.017656773328781128 this:0.015443994663655758 :0.11856675148010254 +have:0.0707012191414833 am:0.031433504074811935 was:0.027557143941521645 do:0.02188541553914547 :0.13560840487480164 +past:0.07511549443006516 last:0.061323631554841995 year:0.02652806229889393 first:0.021825440227985382 :0.11317988485097885 +of:0.333002507686615 and:0.06300961971282959 in:0.039096295833587646 is:0.03597746044397354 :0.0398859977722168 +was:0.15917563438415527 had:0.13615165650844574 would:0.06614396721124649 has:0.05712644383311272 :0.052851226180791855 +to:0.03171698376536369 for:0.029609201475977898 and:0.01850004494190216 expenses:0.010403774678707123 :0.152862086892128 +and:0.3338334262371063 but:0.046933479607105255 who:0.02373054437339306 to:0.02166656032204628 :0.04276634007692337 +own:0.01680215261876583 people:0.011422613635659218 country:0.006669993046671152 party:0.004923475440591574 :0.2165985256433487 +provided,:0.3316122591495514 the:0.05004924163222313 by:0.014443164691329002 a:0.013646803796291351 :0.07966403663158417 +the:0.20220550894737244 that:0.10778733342885971 what:0.04217346012592316 a:0.03974486514925957 :0.04506596922874451 +of:0.4907166659832001 to:0.03178621828556061 which:0.027498960494995117 that:0.022919191047549248 :0.03335932642221451 +the:0.19804146885871887 that:0.0999920666217804 a:0.05686519667506218 and:0.04562508687376976 :0.055541109293699265 +and:0.1382235288619995 the:0.030380336567759514 a:0.019894283264875412 for:0.018848493695259094 :0.11778344213962555 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +do:0.16912154853343964 be:0.06138141453266144 the:0.034794941544532776 make:0.021491017192602158 :0.07955522835254669 +and:0.04181325063109398 the:0.015205488540232182 to:0.012908010743558407 was:0.010776672512292862 :0.25362059473991394 +W:0.03428680822253227 H.:0.033607352524995804 W.:0.030811334028840065 M:0.027380388230085373 :0.23271970450878143 +day:0.09194598346948624 man:0.03691093251109123 year:0.032788071781396866 one:0.03259890899062157 :0.1100040152668953 +not:0.07170410454273224 in:0.017886493355035782 to:0.017203569412231445 the:0.016384392976760864 :0.14833539724349976 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +No.:0.5276710391044617 of:0.04077881574630737 and:0.02672762982547283 at:0.014827677048742771 :0.07948148250579834 +at:0.09135840833187103 upon:0.08545852452516556 for:0.04271836578845978 to:0.038204025477170944 :0.0524333119392395 +and:0.0628194659948349 the:0.028831815347075462 of:0.02844935655593872 ing:0.021624157205224037 :0.22745244204998016 +of:0.17847532033920288 in:0.08745798468589783 that:0.08677009493112564 to:0.08668482303619385 :0.0764799416065216 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.10899704694747925 that:0.09784507006406784 and:0.0613429918885231 was:0.05029633268713951 :0.04719487950205803 +and:0.07277323305606842 of:0.06829068064689636 to:0.03393666073679924 The:0.022868886590003967 :0.16447953879833221 +and:0.04703737050294876 to:0.03403788432478905 the:0.030684510245919228 of:0.02761533297598362 :0.11573681235313416 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.10313788801431656 to:0.09248225390911102 a:0.04117169231176376 from:0.0369659848511219 :0.06310959905385971 +the:0.024303074926137924 in:0.016531653702259064 a:0.013861910440027714 any:0.009940488263964653 :0.19390681385993958 +be:0.178813636302948 the:0.05890073999762535 have:0.0303367767482996 a:0.02132805436849594 :0.10574609041213989 +the:0.10723675787448883 and:0.05790337175130844 a:0.03089856170117855 at:0.017090654000639915 :0.10950349271297455 +of:0.05651784688234329 and:0.036136191338300705 the:0.024974176660180092 to:0.021018318831920624 :0.1684361696243286 +the:0.03654436767101288 make:0.0341101698577404 meet:0.022522246465086937 be:0.020086143165826797 :0.10720016807317734 +of:0.7627573609352112 ot:0.022627124562859535 and:0.011938572861254215 to:0.00819784589111805 :0.022621963173151016 +to:0.13400641083717346 and:0.0694522112607956 in:0.04580988362431526 from:0.036961182951927185 :0.07193014770746231 +the:0.18725639581680298 a:0.04464729502797127 one:0.02541988156735897 that:0.024532917886972427 :0.0490252859890461 +and:0.10499469190835953 the:0.048537757247686386 in:0.03805451840162277 that:0.03059433400630951 :0.06461819261312485 +the:0.25383806228637695 a:0.04182782024145126 this:0.03456512466073036 his:0.016407888382673264 :0.10694059729576111 +the:0.13495603203773499 he:0.08775129914283752 it:0.059181585907936096 they:0.04883477836847305 :0.05493208020925522 +of:0.30996716022491455 cast:0.18305125832557678 for:0.04931038245558739 and:0.03686441481113434 :0.02826709859073162 +own:0.025259997695684433 value:0.0070831049233675 receipt,:0.006241290830075741 work:0.004326158203184605 :0.2734520137310028 +The:0.06550132483243942 and:0.027829578146338463 In:0.02276057004928589 It:0.021566834300756454 :0.13785220682621002 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +the:0.28001323342323303 a:0.07654216885566711 his:0.02374321036040783 their:0.016561629250645638 :0.09479355067014694 +of:0.6375713348388672 that:0.010254178196191788 who:0.010130890645086765 to:0.009488304145634174 :0.03243239223957062 +the:0.19829174876213074 a:0.11363717913627625 his:0.020226314663887024 which:0.017271677032113075 :0.1459406316280365 +the:0.4642225503921509 said:0.0488625131547451 a:0.023775042966008186 tho:0.02308686263859272 :0.04196245223283768 +most:0.0096074678003788 same:0.0071733067743480206 said:0.005036280490458012 best:0.004720498342067003 :0.19774886965751648 +of:0.1371026635169983 and:0.09780309349298477 the:0.07988063991069794 in:0.05365648865699768 :0.05771370232105255 +the:0.1202772930264473 of:0.05895338952541351 he:0.033875029534101486 and:0.03183220326900482 :0.05072195455431938 +a:0.07784117758274078 not:0.05531693249940872 the:0.0528152771294117 to:0.021301329135894775 :0.15713679790496826 +are:0.12212581187486649 will:0.09155802428722382 were:0.0840812623500824 would:0.05218882113695145 :0.06607185304164886 +to:0.1112511157989502 with:0.07475662976503372 by:0.05908307433128357 that:0.05726531147956848 :0.06261269748210907 +and:0.026510847732424736 life:0.011244851164519787 condition:0.009652276523411274 work:0.006824420299381018 :0.1218198835849762 +and:0.04124363139271736 of:0.03818051144480705 the:0.03587083891034126 to:0.023197395727038383 :0.21327121555805206 +be:0.1198735237121582 the:0.03303615003824234 do:0.02378576248884201 make:0.02145843580365181 :0.07509131729602814 +the:0.10140974819660187 in:0.05308640003204346 to:0.03852233663201332 on:0.030759327113628387 :0.056460097432136536 +of:0.05473342910408974 and:0.03660817816853523 to:0.02786068245768547 in:0.014832833781838417 :0.204084575176239 +the:0.2417694330215454 a:0.052507735788822174 this:0.01732405461370945 tho:0.014663300476968288 :0.15032288432121277 +to:0.11265413463115692 and:0.09930066019296646 of:0.09278570115566254 in:0.06776958703994751 :0.08038050681352615 +and:0.0461968258023262 the:0.026358721777796745 of:0.020564155653119087 The:0.012823200784623623 :0.24489162862300873 +years:0.12398757040500641 hundred:0.08086168766021729 dollars:0.05284059792757034 or:0.03971289098262787 :0.062296606600284576 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +a:0.1708480566740036 the:0.14764609932899475 an:0.02299436554312706 which:0.018292265012860298 :0.0850101038813591 +and:0.08425790816545486 The:0.03355185315012932 to:0.02033044956624508 the:0.01815892942249775 :0.1947084218263626 +of:0.17295396327972412 the:0.04775116592645645 in:0.04137983173131943 was:0.03048056736588478 :0.10375837236642838 +and:0.05438852682709694 the:0.04194497689604759 to:0.023249011486768723 a:0.020142599940299988 :0.15347978472709656 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.05955910682678223 a:0.025737067684531212 and:0.024580201134085655 to:0.023191863670945168 :0.1335778385400772 +the:0.2588557004928589 a:0.05516333132982254 his:0.015382525511085987 their:0.01463260967284441 :0.1781798005104065 +the:0.17241215705871582 a:0.08636634051799774 their:0.051866672933101654 them:0.03457588702440262 :0.05000009015202522 +to:0.2424195110797882 a:0.07411699742078781 that:0.05901939049363136 the:0.05100259929895401 :0.10191980749368668 +and:0.18669630587100983 was:0.08899911493062973 had:0.03484201803803444 to:0.02144601382315159 :0.07699014991521835 +the:0.09729675948619843 it:0.04769623652100563 he:0.027081863954663277 they:0.02597961015999317 :0.0797344520688057 +and:0.09174009412527084 for:0.07796309888362885 the:0.055295467376708984 with:0.045235492289066315 :0.08578852564096451 +a:0.12291886657476425 the:0.0913579910993576 not:0.07305627316236496 that:0.025549273937940598 :0.11228837072849274 +and:0.032119061797857285 the:0.0098978066816926 Mrs.:0.007987997494637966 1:0.007068971171975136 :0.42372938990592957 +and:0.08146960288286209 of:0.054243654012680054 to:0.05254577845335007 was:0.027664562687277794 :0.09121189266443253 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +in:0.08790158480405807 the:0.03482827916741371 on:0.032221972942352295 down:0.03188474103808403 :0.055169813334941864 +and:0.1153094694018364 the:0.040145810693502426 thence:0.034761715680360794 in:0.03455333411693573 :0.11215682327747345 +other:0.020098663866519928 of:0.011462893337011337 part:0.011378592811524868 in:0.010578537359833717 :0.16687683761119843 +of:0.04654223844408989 and:0.03670073673129082 to:0.02749328501522541 the:0.023834889754652977 :0.20529015362262726 +to:0.17026787996292114 is:0.05821126326918602 was:0.043739981949329376 by:0.0341954343020916 :0.05900467559695244 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.24259866774082184 he:0.04473760724067688 it:0.0420454740524292 they:0.034634049981832504 :0.055914971977472305 +point:0.014206399209797382 large:0.012137062847614288 very:0.009463929571211338 great:0.007171118166297674 :0.17669185996055603 +and:0.0028670220635831356 way:0.0025027343071997166 a:0.0024098590947687626 I:0.0017703076591715217 :0.5677467584609985 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.21794669330120087 a:0.08348317444324493 two:0.059498947113752365 three:0.018874377012252808 :0.11963821947574615 +ably:0.44502267241477966 and:0.059691742062568665 lem:0.032615844160318375 of:0.011431335471570492 :0.08640966564416885 +a:0.18523898720741272 the:0.08387131243944168 to:0.06405721604824066 that:0.024856410920619965 :0.0666709616780281 +the:0.035328954458236694 to:0.019757943227887154 ed:0.015126939862966537 a:0.014090836979448795 :0.15120218694210052 +the:0.10286073386669159 it:0.04628954082727432 if:0.029117688536643982 when:0.028971590101718903 :0.04265220835804939 +the:0.1945425570011139 a:0.05029916763305664 this:0.0189003087580204 his:0.015813568606972694 :0.1700385957956314 +the:0.14746060967445374 a:0.06216926500201225 them:0.032636165618896484 their:0.019716259092092514 :0.07875365763902664 +the:0.35065072774887085 a:0.02765493094921112 said:0.017306016758084297 tho:0.017165416851639748 :0.1037047803401947 +the:0.21156249940395355 a:0.0966576486825943 his:0.01728946529328823 an:0.0157009307295084 :0.12634289264678955 +of:0.10840171575546265 and:0.07940435409545898 in:0.05333917960524559 to:0.04002818465232849 :0.0840851292014122 +the:0.25418195128440857 a:0.043919287621974945 their:0.016634318977594376 his:0.014573604799807072 :0.11154159158468246 +of:0.5237795114517212 the:0.10583177208900452 a:0.01815544255077839 that:0.010711303912103176 :0.02805672585964203 +of:0.11117132753133774 and:0.05189390107989311 to:0.025484973564743996 The:0.019514242187142372 :0.14720194041728973 +to:0.13132981956005096 by:0.12002813071012497 in:0.07335184514522552 and:0.04983121156692505 :0.04917026311159134 +the:0.3472490906715393 a:0.04221688583493233 said:0.03858466446399689 this:0.03755484148859978 :0.09432178735733032 +the:0.143358513712883 he:0.07613144814968109 it:0.07571902871131897 they:0.058788176625967026 :0.04915982484817505 +right:0.034936513751745224 great:0.02764803171157837 good:0.02651505172252655 large:0.023370981216430664 :0.11345894634723663 +than:0.09185165166854858 and:0.07253958284854889 of:0.06256286799907684 to:0.04748556762933731 :0.14097833633422852 +is:0.2813173830509186 was:0.1429443061351776 Is:0.06031987816095352 has:0.036271724849939346 :0.06841246038675308 +to:0.07253329455852509 of:0.05718972906470299 and:0.05242916941642761 in:0.04492264613509178 :0.04547138884663582 +and:0.0628194659948349 the:0.028831815347075462 of:0.02844935655593872 ing:0.021624157205224037 :0.22745244204998016 +same:0.009760774672031403 water:0.0069852168671786785 most:0.005107830744236708 money:0.005069113336503506 :0.18031521141529083 +of:0.09335466474294662 and:0.05630876123905182 in:0.04675037041306496 is:0.023751094937324524 :0.07691436260938644 +the:0.2117595672607422 a:0.05564052239060402 and:0.023641183972358704 his:0.014098942279815674 :0.10723917186260223 +the:0.3028348982334137 said:0.07361407577991486 a:0.054098259657621384 any:0.01866741292178631 :0.12799689173698425 +the:0.004118233919143677 train:0.004093574825674295 property:0.0033364298287779093 business:0.003324239980429411 :0.21565228700637817 +man:0.03412046283483505 thing:0.019503816962242126 in:0.019112255424261093 and:0.015574213117361069 :0.1675397902727127 +to:0.2428145706653595 and:0.06779739260673523 of:0.06590453535318375 in:0.06332235038280487 :0.045767541974782944 +the:0.02632981166243553 a:0.021404894068837166 more:0.016941823065280914 any:0.016844386234879494 :0.16693510115146637 +of:0.05015881732106209 and:0.04702162370085716 to:0.030664071440696716 the:0.025980914011597633 :0.22567249834537506 +and:0.06149078905582428 of:0.05226019397377968 the:0.02041648142039776 to:0.017973728477954865 :0.1423824578523636 +the:0.2480400651693344 a:0.0700242891907692 to:0.03393981605768204 his:0.021255427971482277 :0.085108183324337 +the:0.27536535263061523 a:0.0389392152428627 this:0.0317813865840435 which:0.017079969868063927 :0.07800853252410889 +the:0.20514915883541107 a:0.04426782578229904 this:0.016095226630568504 tho:0.01463652215898037 :0.08927445113658905 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +and:0.17684413492679596 the:0.03821957856416702 with:0.03432352840900421 which:0.03018834814429283 :0.08385414630174637 +the:0.04710366949439049 a:0.046948082745075226 not:0.031510282307863235 to:0.022411195561289787 :0.11119968444108963 +have:0.1058102548122406 are:0.08674131333827972 were:0.02918560802936554 will:0.024113165214657784 :0.05844404548406601 +own:0.03385302051901817 heads:0.007936867885291576 hands:0.006906174123287201 respective:0.004458476323634386 :0.24934375286102295 +be:0.4294213652610779 not:0.06619210541248322 have:0.019958466291427612 bo:0.017964668571949005 :0.026549307629466057 +and:0.17498824000358582 to:0.03639497235417366 in:0.03090788424015045 but:0.02199493907392025 :0.10644523054361343 +been:0.3226129710674286 not:0.038957029581069946 a:0.02623830735683441 to:0.020770108327269554 :0.05866791680455208 +the:0.056674908846616745 a:0.02004047855734825 other:0.01800539344549179 more:0.016568325459957123 :0.2868995666503906 +the:0.2645842134952545 his:0.07905735820531845 a:0.07138703018426895 this:0.02032737247645855 :0.08232071995735168 +the:0.21506080031394958 a:0.04678698629140854 which:0.017335256561636925 tho:0.014711960218846798 :0.08851546794176102 +the:0.08934579789638519 and:0.06030704826116562 a:0.027810348197817802 but:0.018277404829859734 :0.20875920355319977 +of:0.2500512897968292 to:0.2183668464422226 and:0.035963356494903564 hand:0.020966028794646263 :0.06671403348445892 +and:0.07313894480466843 I:0.04163192957639694 to:0.025038940832018852 the:0.0188556257635355 :0.15198050439357758 +the:0.22542165219783783 he:0.05432160571217537 they:0.041610293090343475 a:0.035740580409765244 :0.05259593203663826 +great:0.03806530684232712 few:0.03791620209813118 good:0.0331127792596817 very:0.020592335611581802 :0.16528382897377014 +and:0.00836510956287384 Smith,:0.006971642840653658 Wilson,:0.0045753950253129005 Smith:0.004479933995753527 :0.538847029209137 +the:0.12028025835752487 to:0.08609099686145782 a:0.07312425225973129 through:0.0554310604929924 :0.03864321857690811 +few:0.039540715515613556 large:0.016748392954468727 little:0.011981603689491749 good:0.010300378315150738 :0.1818033903837204 +to:0.09462174773216248 and:0.08598840236663818 in:0.06847640872001648 at:0.05288686603307724 :0.046629875898361206 +and:0.0887366235256195 the:0.06767656654119492 a:0.02288251742720604 but:0.017397072166204453 :0.20278945565223694 +Mrs.:0.8600735664367676 Mrs:0.007899831049144268 the:0.007145324721932411 Mra.:0.004802490118891001 :0.021552106365561485 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +to:0.25067681074142456 of:0.18781517446041107 for:0.10315573215484619 in:0.06272857636213303 :0.05548311397433281 +States:0.4906804859638214 States,:0.18643523752689362 States.:0.10460172593593597 Slates:0.01353408768773079 :0.11112630367279053 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.05139324069023132 of:0.04003690928220749 the:0.019722886383533478 in:0.016894793137907982 :0.22021064162254333 +the:0.05950676277279854 and:0.04721648246049881 to:0.030477724969387054 with:0.016468489542603493 :0.16550475358963013 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +own:0.02545827440917492 country:0.018341658636927605 people:0.017173554748296738 State:0.01119675301015377 :0.16266362369060516 +the:0.24348489940166473 of:0.05690257251262665 that:0.02576141245663166 over:0.01944795995950699 :0.0697498470544815 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.16845561563968658 to:0.04074006527662277 and:0.038969483226537704 in:0.03240089863538742 :0.11426880210638046 +and:0.05081754922866821 I:0.015862636268138885 at:0.013439834117889404 the:0.012503139674663544 :0.16100585460662842 +the:0.1822528839111328 a:0.04062167555093765 than:0.01948065310716629 tho:0.013893863186240196 :0.17194437980651855 +the:0.23964302241802216 a:0.04238417372107506 least:0.03585311770439148 once:0.032442085444927216 :0.07752539962530136 +and:0.03366982936859131 Bryan:0.007672540843486786 Wilson:0.007342806551605463 Smith:0.006385164335370064 :0.5459682941436768 +The:0.07810325920581818 It:0.056526899337768555 A:0.03238613158464432 He:0.030876491218805313 :0.14851291477680206 +same:0.023994121700525284 most:0.007724055089056492 amount:0.00746747013181448 best:0.006879373919218779 :0.19472089409828186 +have:0.09474031627178192 are:0.05342448502779007 had:0.038833294063806534 were:0.03384275361895561 :0.04594535380601883 +the:0.09305985271930695 with:0.06899698823690414 for:0.05904637277126312 to:0.04197649657726288 :0.04967143386602402 +and:0.020421190187335014 Smith,:0.01332578994333744 Wilson,:0.006264043040573597 F.:0.005700909532606602 :0.5170688033103943 +and:0.04744626581668854 to:0.046333592385053635 the:0.037764981389045715 in:0.021579336374998093 :0.12827634811401367 +and:0.08425790816545486 The:0.03355185315012932 to:0.02033044956624508 the:0.01815892942249775 :0.1947084218263626 +the:0.07592929899692535 to:0.0326707623898983 and:0.03162164241075516 ed:0.027346281334757805 :0.15707539021968842 +to:0.05504078418016434 in:0.024411100894212723 and:0.02202065847814083 of:0.02029823511838913 :0.24124817550182343 +of:0.0740346685051918 and:0.06714770197868347 The:0.025481367483735085 to:0.02056232839822769 :0.13270452618598938 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.19481664896011353 but:0.07620507478713989 the:0.038509197533130646 he:0.029097435995936394 :0.048158738762140274 +property:0.011620713397860527 subject:0.010696952231228352 said:0.009446420706808567 following:0.008107030764222145 :0.180214062333107 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.08837801963090897 the:0.055380679666996 in:0.04954898729920387 with:0.047197144478559494 :0.0534646175801754 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +of:0.05758410319685936 day:0.020174920558929443 and:0.01544322818517685 the:0.009372318163514137 :0.20571301877498627 +that:0.07155387103557587 and:0.06004313752055168 the:0.054072000086307526 to:0.04324297234416008 :0.06726978719234467 +and:0.018765494227409363 property:0.014666465111076832 secretary:0.011834623292088509 business:0.010489905253052711 :0.21865519881248474 +the:0.07988286763429642 a:0.028728658333420753 which:0.012522383593022823 this:0.009592270478606224 :0.1816505640745163 +is:0.15915447473526 was:0.14265668392181396 Is:0.10051468759775162 has:0.03662564978003502 :0.07628683000802994 +the:0.3226037621498108 over:0.03091331757605076 this:0.026094608008861542 that:0.02509479597210884 :0.07887977361679077 +and:0.08020869642496109 to:0.06109245866537094 by:0.03349488228559494 in:0.027321524918079376 :0.13484591245651245 +of:0.40611371397972107 and:0.0561448335647583 to:0.024905147030949593 were:0.015200331807136536 :0.05028946325182915 +.:0.019995704293251038 d:0.018003392964601517 e:0.01771313138306141 s:0.01531571988016367 :0.3057878017425537 +the:0.31248587369918823 a:0.05839439481496811 this:0.024725671857595444 his:0.024262307211756706 :0.08342676609754562 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +whereof,:0.09438560158014297 the:0.07330939173698425 and:0.055290404707193375 to:0.04760632663965225 :0.07842902094125748 +the:0.0752401053905487 to:0.04538661614060402 a:0.0330224446952343 in:0.019321490079164505 :0.1566881388425827 +of:0.11587494611740112 to:0.05081291124224663 and:0.047761429101228714 is:0.03462308272719383 :0.052621785551309586 +the:0.7672983407974243 tho:0.031516432762145996 which:0.01695307344198227 this:0.01483998540788889 :0.019227854907512665 +own:0.037691764533519745 life:0.009400890208780766 family:0.005222564563155174 friends:0.004922314081341028 :0.19804032146930695 +of:0.05576726049184799 and:0.05037151649594307 feet:0.024428315460681915 Mrs.:0.014562079682946205 :0.2156531661748886 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +not:0.06150586158037186 to:0.02884296141564846 now:0.021289000287652016 in:0.018715757876634598 :0.12344684451818466 +and:0.12836389243602753 is:0.02983809821307659 was:0.029416613280773163 has:0.02784097194671631 :0.14438748359680176 +of:0.6052404642105103 and:0.04060516506433487 to:0.019306611269712448 who:0.017089055851101875 :0.025035642087459564 +great:0.020257355645298958 very:0.013616700656712055 large:0.013020936399698257 good:0.012712990865111351 :0.21169635653495789 +The:0.10473629087209702 It:0.059200361371040344 He:0.03792416304349899 A:0.03369373455643654 :0.12510016560554504 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +are:0.10158289968967438 were:0.07548731565475464 have:0.06515594571828842 had:0.03381297364830971 :0.06503007560968399 +the:0.21779771149158478 he:0.09543012082576752 they:0.05952281504869461 it:0.04395240172743797 :0.04716908931732178 +The:0.12357227504253387 It:0.036215055733919144 A:0.03389367833733559 In:0.029232099652290344 :0.11408111453056335 +part:0.08715242147445679 end:0.06498812139034271 portion:0.026969032362103462 and:0.013327652588486671 :0.161490336060524 +.:0.038442328572273254 ceipts:0.03056194633245468 ceived:0.02662028931081295 -:0.021741915494203568 :0.31242144107818604 +and:0.11819513142108917 of:0.08453471958637238 to:0.03590008243918419 or:0.024681521579623222 :0.06354736536741257 +and:0.04935113340616226 life:0.01069826539605856 name:0.009092068299651146 to:0.007994243875145912 :0.21759037673473358 +few:0.023116718977689743 large:0.022080574184656143 short:0.012161098420619965 good:0.011732787825167179 :0.19752460718154907 +the:0.08563288301229477 a:0.026405876502394676 to:0.020070424303412437 in:0.015402614139020443 :0.12429444491863251 +be:0.18788127601146698 not:0.0826399177312851 have:0.021718813106417656 he:0.017901061102747917 :0.06249551475048065 +was:0.03875249624252319 of:0.036185842007398605 to:0.036074016243219376 in:0.020760400220751762 :0.09691820293664932 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +were:0.05505555123090744 are:0.03899171203374863 had:0.03047502413392067 have:0.029478803277015686 :0.14352139830589294 +been:0.1649773269891739 not:0.05036216974258423 to:0.04192095994949341 the:0.04109771177172661 :0.1088368147611618 +a:0.05068936198949814 the:0.04103061184287071 made:0.023464245721697807 able:0.02107636258006096 :0.1497020274400711 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +tire:0.05943472310900688 trance:0.043168939650058746 man:0.015662172809243202 gineer:0.015478789806365967 :0.47841259837150574 +of:0.08179409056901932 cases:0.07526595145463943 instances:0.0551215223968029 way:0.04958541318774223 :0.08921881020069122 +and:0.06576960533857346 the:0.038736823946237564 of:0.022737545892596245 to:0.021889515221118927 :0.22588704526424408 +the:0.21881264448165894 he:0.051591213792562485 it:0.0337509885430336 they:0.03031761571764946 :0.0507148802280426 +far:0.08032969385385513 the:0.06337735056877136 I:0.04264061152935028 long:0.04081344231963158 :0.07832124084234238 +great:0.015831686556339264 man:0.014726294204592705 certain:0.012760434299707413 large:0.01254036370664835 :0.19400815665721893 +is:0.25109270215034485 are:0.23547053337097168 was:0.13086453080177307 were:0.09545078128576279 :0.04219420999288559 +and:0.04837175831198692 .:0.04089532420039177 of:0.028265807777643204 was:0.023171240463852882 :0.230274960398674 +more:0.053506772965192795 of:0.01770097017288208 over:0.015949739143252373 girl:0.010774583555758 :0.18088683485984802 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +track:0.047237545251846313 and:0.02739749848842621 in:0.023535367101430893 tracks:0.023032590746879578 :0.11739873141050339 +the:0.07722526043653488 that:0.035406120121479034 to:0.023440033197402954 he:0.018610196188092232 :0.08987970650196075 +the:0.06800276786088943 a:0.06632615625858307 not:0.059697870165109634 to:0.024917632341384888 :0.10410571843385696 +of:0.24957036972045898 and:0.042801808565855026 in:0.035141974687576294 to:0.024891816079616547 :0.12689700722694397 +the:0.3171292543411255 a:0.0625799149274826 said:0.024511761963367462 this:0.02284126542508602 :0.10636097192764282 +day:0.05287038907408714 time:0.05280095711350441 of:0.04232296347618103 Monday:0.016961799934506416 :0.09658438712358475 +the:0.09293285757303238 they:0.03524612635374069 he:0.03412643074989319 of:0.03073900379240513 :0.07537764310836792 +by:0.16222691535949707 in:0.08180903643369675 to:0.052552349865436554 the:0.03794999048113823 :0.03539666905999184 +line:0.11579132080078125 direction:0.11209087073802948 of:0.07777336239814758 to:0.055201321840286255 :0.06950372457504272 +the:0.0919390618801117 be:0.03772168979048729 make:0.021174481138586998 a:0.018721437081694603 :0.15778955817222595 +way:0.12164163589477539 own:0.05527615174651146 part:0.014807739295065403 return:0.01351466029882431 :0.18146680295467377 +the:0.08452212810516357 a:0.04505094140768051 any:0.04200585186481476 or:0.03230243921279907 :0.09623385965824127 +of:0.0912252888083458 and:0.05418064072728157 in:0.03950710594654083 to:0.03118991106748581 :0.08644024282693863 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.32874464988708496 a:0.05606275796890259 this:0.027209321036934853 their:0.024024730548262596 :0.08833272755146027 +have:0.07166982442140579 had:0.04700997844338417 am:0.03930389881134033 was:0.030503250658512115 :0.08782260119915009 +the:0.2287920117378235 a:0.05544604733586311 his:0.012320919893682003 tho:0.011210383847355843 :0.1507202833890915 +the:0.17540289461612701 a:0.028598982840776443 this:0.015356611460447311 his:0.013069786131381989 :0.12248385697603226 +who:0.1421096920967102 and:0.034203507006168365 was:0.030292801558971405 is:0.028039755299687386 :0.07154787331819534 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +of:0.10889426618814468 to:0.053683046251535416 the:0.042853400111198425 in:0.024131961166858673 :0.05982480198144913 +and:0.07193516939878464 to:0.037173110991716385 the:0.033890251070261 of:0.026264365762472153 :0.1740296632051468 +and:0.05977395921945572 the:0.01743800938129425 to:0.01739553175866604 in:0.01125572994351387 :0.3266364336013794 +and:0.12894251942634583 John:0.007005269173532724 J:0.0068863676860928535 James:0.004257733002305031 :0.46228939294815063 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +of:0.3095153570175171 in:0.08904258161783218 on:0.04909362643957138 at:0.039279427379369736 :0.06768207252025604 +the:0.14568746089935303 a:0.03440898656845093 that:0.03440472111105919 it:0.028995849192142487 :0.04983234405517578 +made:0.03270377963781357 a:0.02400335483253002 the:0.02344529889523983 taken:0.01833726279437542 :0.1452205777168274 +the:0.06369876116514206 be:0.05346859619021416 have:0.03345121443271637 do:0.021204926073551178 :0.11643461138010025 +result:0.030811160802841187 matter:0.01572415605187416 man:0.013221099972724915 rule,:0.011220080778002739 :0.19510146975517273 +a:0.09623568505048752 been:0.07755373418331146 no:0.07431169599294662 not:0.044837065041065216 :0.07262175530195236 +the:0.3128068745136261 a:0.048323310911655426 his:0.016392884775996208 tho:0.015046922490000725 :0.09997841715812683 +the:0.02627548761665821 I:0.019932352006435394 in:0.019552472978830338 you:0.015514115802943707 :0.22291980683803558 +the:0.3583850562572479 a:0.04028802365064621 his:0.02322818525135517 tho:0.01653379201889038 :0.09514788538217545 +of:0.04519667476415634 and:0.03930540382862091 the:0.03452541306614876 to:0.031876880675554276 :0.15145380795001984 +the:0.0457664392888546 and:0.04497142881155014 to:0.020682774484157562 in:0.019210653379559517 :0.1294611692428589 +been:0.08797295391559601 not:0.0724869892001152 no:0.04745481535792351 a:0.02796061709523201 :0.12046804279088974 +a:0.18868817389011383 of:0.10268385708332062 the:0.09332772344350815 an:0.06274184584617615 :0.08463864028453827 +other:0.19581526517868042 part:0.16389283537864685 of:0.08656300604343414 person:0.028528371825814247 :0.09091712534427643 +same:0.008052220568060875 first:0.005073577631264925 whole:0.0039133550599217415 most:0.003719399916008115 :0.3569927513599396 +and:0.018348878249526024 State:0.005759840365499258 was:0.005343583878129721 is:0.004312810488045216 :0.39181649684906006 +the:0.33518287539482117 a:0.06280453503131866 which:0.04521036893129349 his:0.023788683116436005 :0.07296425849199295 +all:0.14064067602157593 every:0.10512420535087585 a:0.06594682484865189 two:0.04788712039589882 :0.0729026272892952 +a:0.07187847793102264 the:0.030801059678196907 not:0.029993407428264618 in:0.023212727159261703 :0.12496409565210342 +best:0.010452749207615852 most:0.008248402737081051 first:0.007798835635185242 same:0.006905900780111551 :0.18814320862293243 +that:0.12976817786693573 in:0.09748586267232895 of:0.09717078506946564 with:0.06421876698732376 :0.06261773407459259 +the:0.09915799647569656 a:0.0562431700527668 two:0.02673567458987236 three:0.015427435748279095 :0.2148716002702713 +the:0.2260926067829132 a:0.0646844357252121 his:0.013966448605060577 tho:0.013471468351781368 :0.15081572532653809 +part:0.08715242147445679 end:0.06498812139034271 portion:0.026969032362103462 and:0.013327652588486671 :0.161490336060524 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.32625529170036316 a:0.05354299023747444 his:0.02796304225921631 tho:0.01951659843325615 :0.057419370859861374 +the:0.16527262330055237 a:0.022956183180212975 be:0.021472038701176643 make:0.01028667762875557 :0.08131936937570572 +the:0.1687001883983612 be:0.039747871458530426 have:0.019162997603416443 a:0.01743515580892563 :0.078404001891613 +own:0.017208263278007507 way:0.0081601208075881 first:0.003979908302426338 name:0.0038001907523721457 :0.2654152810573578 +the:0.053737279027700424 see:0.027594422921538353 do:0.02462848089635372 be:0.022371072322130203 :0.11844807118177414 +is:0.30600860714912415 was:0.16582563519477844 will:0.04693111777305603 has:0.038714684545993805 :0.04099159315228462 +amount:0.055614110082387924 of:0.0336943045258522 name:0.024813862517476082 and:0.023152444511651993 :0.12811583280563354 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.10091017186641693 that:0.07651869207620621 themselves:0.060310155153274536 a:0.051241684705019 :0.046138811856508255 +the:0.33818161487579346 a:0.06321344524621964 this:0.029638659209012985 that:0.01747298054397106 :0.08886484056711197 +be:0.577148973941803 have:0.07098355889320374 not:0.05738544091582298 bo:0.025898665189743042 :0.020188966765999794 +of:0.08046947419643402 and:0.06822025775909424 to:0.06100810319185257 in:0.033948417752981186 :0.05180864408612251 +and:0.08807140588760376 to:0.04042646661400795 the:0.031448833644390106 in:0.029419396072626114 :0.1378936916589737 +A.:0.030578231438994408 J:0.013024736195802689 A:0.01165960356593132 J.:0.011033333837985992 :0.47069665789604187 +of:0.4258256256580353 for:0.05595346912741661 in:0.03789258748292923 and:0.02309168130159378 :0.0369349904358387 +to:0.19151364266872406 up:0.07139033079147339 a:0.05779846012592316 with:0.0546063594520092 :0.04711462929844856 +and:0.13308876752853394 of:0.09039326012134552 in:0.06466377526521683 to:0.04277705028653145 :0.05056014657020569 +the:0.1774885505437851 complaint:0.06250560283660889 a:0.02874823845922947 this:0.01268996112048626 :0.1862410604953766 +of:0.05160617083311081 and:0.04432933032512665 the:0.018156301230192184 to:0.015025644563138485 :0.15595920383930206 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +and:0.0340251699090004 of:0.033557623624801636 the:0.026150185614824295 to:0.02435186691582203 :0.19067500531673431 +and:0.05674842745065689 of:0.05613798648118973 was:0.021921848878264427 is:0.017021890729665756 :0.15011867880821228 +and:0.12083393335342407 but:0.10593410581350327 the:0.05628307908773422 that:0.029628874734044075 :0.04199965298175812 +of:0.2316758781671524 from:0.04608015716075897 trade:0.039132364094257355 coinage:0.03216514736413956 :0.13666386902332306 +any:0.09545363485813141 a:0.07696294784545898 the:0.05832420289516449 regard:0.017235126346349716 :0.1842232048511505 +of:0.5868303775787354 and:0.06130020320415497 was:0.02266387827694416 is:0.015892574563622475 :0.03283252939581871 +United:0.01529362890869379 most:0.008267953060567379 State:0.005507575813680887 country:0.005215981975197792 :0.284910649061203 +the:0.29629823565483093 a:0.023111673071980476 this:0.02085595391690731 their:0.017283013090491295 :0.12557654082775116 +and:0.06287224590778351 of:0.059218622744083405 the:0.04792186617851257 for:0.04295194894075394 :0.04163914918899536 +the:0.11717686057090759 by:0.09670175611972809 a:0.06843748688697815 in:0.05087919160723686 :0.03173532709479332 +H.:0.029109174385666847 (Var.:0.023316629230976105 W.:0.02175363339483738 J.:0.020459866151213646 :0.36320972442626953 +and:0.14538104832172394 the:0.06773549318313599 but:0.043113213032484055 is:0.037338800728321075 :0.03468860685825348 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.07577984035015106 to:0.0730627030134201 that:0.04664788767695427 the:0.035639140754938126 :0.06577587872743607 +and:0.05556619167327881 was:0.04238120838999748 of:0.03526700660586357 is:0.028611673042178154 :0.16736458241939545 +of:0.12837767601013184 at:0.11536023020744324 and:0.08603980392217636 in:0.0692700445652008 :0.05239482223987579 +of:0.2715114951133728 the:0.0792536810040474 to:0.05196262151002884 a:0.03905506432056427 :0.05280812457203865 +and:0.09388607740402222 beets:0.03230202570557594 to:0.030860895290970802 beets,:0.027385562658309937 :0.20024187862873077 +the:0.16966597735881805 that:0.03746376931667328 in:0.023882810026407242 it:0.02302558906376362 :0.06589501351118088 +been:0.2857648730278015 a:0.05432458966970444 the:0.033192023634910583 to:0.021816087886691093 :0.06832010298967361 +of:0.3429057002067566 and:0.05624513700604439 in:0.032797105610370636 for:0.018731102347373962 :0.048889677971601486 +of:0.19925622642040253 and:0.15489664673805237 for:0.06199630722403526 that:0.052281755954027176 :0.04935334622859955 +of:0.0843028649687767 to:0.07673080265522003 and:0.04011617228388786 the:0.025080421939492226 :0.127169668674469 +the:0.2919018268585205 a:0.04423480108380318 be:0.02875594049692154 which:0.02651314251124859 :0.08553454279899597 +the:0.20363357663154602 a:0.16746002435684204 from:0.0329817533493042 his:0.029187818989157677 :0.03589177504181862 +the:0.06745949387550354 a:0.036436423659324646 his:0.009956367313861847 Mrs.:0.00930653978139162 :0.14594078063964844 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.24011759459972382 he:0.062054820358753204 it:0.04049588739871979 they:0.02977689541876316 :0.05326812341809273 +the:0.10899306833744049 a:0.048663750290870667 to:0.029625535011291504 in:0.013430394232273102 :0.26252439618110657 +in:0.08837611973285675 of:0.07332470268011093 for:0.06540525704622269 to:0.06408694386482239 :0.06280674040317535 +that:0.48863276839256287 the:0.0833359807729721 and:0.04449339210987091 by:0.018260261043906212 :0.03272499889135361 +good:0.036057908087968826 great:0.025385558605194092 very:0.01505187340080738 man:0.013010958209633827 :0.1386469006538391 +of:0.09341040253639221 and:0.033584319055080414 assortment:0.010749943554401398 or:0.009690126404166222 :0.16975070536136627 +by:0.2435145080089569 the:0.050300292670726776 and:0.049594540148973465 of:0.04031713306903839 :0.14371727406978607 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.2086712121963501 hundred:0.04468020051717758 or:0.025908147916197777 and:0.024533342570066452 :0.08546430617570877 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.032620783895254135 the:0.015291123650968075 of:0.011959710158407688 a:0.011392065323889256 :0.2190372794866562 +o'clock:0.20723947882652283 o’clock:0.0467715784907341 and:0.0432388000190258 times:0.03547859191894531 :0.15093465149402618 +was:0.17863598465919495 had:0.0922478437423706 has:0.0683474987745285 is:0.03507864847779274 :0.058182068169116974 +by:0.26788049936294556 to:0.10552366077899933 in:0.06447967141866684 for:0.05848844349384308 :0.04407669976353645 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +with:0.41248807311058044 in:0.06726150214672089 by:0.06045496091246605 and:0.05178195610642433 :0.03770453855395317 +the:0.20970679819583893 a:0.1291235387325287 his:0.017588818445801735 their:0.01352002378553152 :0.0912734866142273 +men:0.005755283869802952 and:0.004244732670485973 people:0.004075702745467424 the:0.003180554835125804 :0.17868269979953766 +the:0.339184045791626 tho:0.021170536056160927 a:0.020206142216920853 his:0.018211571499705315 :0.11510839313268661 +S:0.01897256262600422 and:0.01147555559873581 A:0.01081489585340023 C:0.00940447673201561 :0.3658594787120819 +and:0.3241518437862396 but:0.042655181139707565 the:0.039266835898160934 as:0.019471876323223114 :0.046180710196495056 +and:0.031846895813941956 trial:0.016431301832199097 one,:0.006976213771849871 system:0.006838405039161444 :0.20066919922828674 +of:0.1816636025905609 and:0.04441773518919945 is:0.03916449099779129 was:0.03655897080898285 :0.03403995558619499 +lar:0.9662882089614868 The:0.0008617209969088435 I:0.0006831937935203314 and:0.0005412409664131701 :0.015428589656949043 +and:0.045424915850162506 of:0.02674834057688713 The:0.016259174793958664 the:0.01446174643933773 :0.24020875990390778 +as:0.2107778787612915 before:0.03323205187916756 what:0.026592763140797615 in:0.020994162186980247 :0.08212440460920334 +and:0.12922550737857819 of:0.060119375586509705 in:0.018882092088460922 to:0.014425573870539665 :0.152572363615036 +in:0.15438666939735413 of:0.1036682203412056 and:0.06513039022684097 to:0.041676152497529984 :0.03721075505018234 +and:0.11535027623176575 of:0.046954844146966934 in:0.0425807349383831 to:0.03681468591094017 :0.1031394675374031 +the:0.10654082894325256 it:0.04095674678683281 a:0.03225532919168472 he:0.03080728091299534 :0.03897356986999512 +to:0.21299444139003754 and:0.09041888266801834 for:0.07533416152000427 of:0.07449948042631149 :0.10160470753908157 +been:0.38637447357177734 not:0.041198357939720154 a:0.016171280294656754 become:0.014974051155149937 :0.05245206505060196 +be:0.12137395888566971 the:0.028724050149321556 have:0.025695186108350754 make:0.024235976859927177 :0.08230824023485184 +the:0.10763338953256607 to:0.04271591082215309 a:0.02423485554754734 in:0.022597938776016235 :0.13336339592933655 +The:0.076690174639225 It:0.05278737097978592 I:0.032452620565891266 A:0.0237598679959774 :0.12029489874839783 +the:0.05882996320724487 to:0.05670570582151413 a:0.042915377765893936 and:0.040334995836019516 :0.05474260449409485 +Col.:0.056705329567193985 J.:0.02044907957315445 John:0.01442713849246502 M.:0.012485753744840622 :0.2547692656517029 +the:0.2816373109817505 a:0.06140796095132828 and:0.030326174572110176 his:0.01750079169869423 :0.10610266029834747 +same:0.014825399965047836 best:0.006506540812551975 first:0.006269334349781275 amount:0.005308958701789379 :0.1673503816127777 +and:0.02130490355193615 value:0.008969271555542946 purpose:0.004609550349414349 way:0.004589950665831566 :0.21735545992851257 +the:0.1965770274400711 a:0.030191073194146156 tho:0.012214804999530315 his:0.012213045731186867 :0.11206822842359543 +the:0.07985255867242813 to:0.06496340036392212 in:0.047421544790267944 from:0.04054885730147362 :0.0652337372303009 +than:0.28927814960479736 and:0.1017962396144867 to:0.025478998199105263 in:0.024709682911634445 :0.049867283552885056 +the:0.2837551534175873 a:0.048895012587308884 his:0.019405167549848557 their:0.01584540866315365 :0.10970966517925262 +and:0.08789956569671631 of:0.0235495213419199 the:0.021167492493987083 to:0.01856122724711895 :0.20555494725704193 +the:0.32959064841270447 a:0.029016945511102676 by:0.028312981128692627 this:0.026344798505306244 :0.06930307298898697 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.049349069595336914 do:0.04110277071595192 be:0.04073083773255348 eat.:0.028595658019185066 :0.08876883238554001 +to:0.02955629862844944 in:0.018482230603694916 of:0.012800369411706924 the:0.009840160608291626 :0.30224448442459106 +.:0.45446082949638367 Nichols,:0.006915281526744366 and:0.005944909527897835 .,:0.005027823615819216 :0.2966187596321106 +is:0.10145868360996246 was:0.05821813642978668 the:0.048327650874853134 they:0.037304263561964035 :0.06569522619247437 +of:0.27478083968162537 to:0.08365575224161148 and:0.060072869062423706 that:0.04822474345564842 :0.0432264618575573 +few:0.08947278559207916 short:0.043079935014247894 long:0.020291432738304138 little:0.016360847279429436 :0.13774877786636353 +old:0.019649162888526917 order:0.010029437020421028 hour:0.009918197989463806 I:0.009225471876561642 :0.2531502842903137 +of:0.4274565875530243 that:0.1140189915895462 in:0.06582099944353104 as:0.0248576607555151 :0.024081695824861526 +time:0.29578420519828796 distance:0.13670402765274048 time.:0.0547112375497818 time,:0.051757633686065674 :0.06742873042821884 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +the:0.40092238783836365 a:0.06066865473985672 his:0.03881560638546944 tho:0.018906692042946815 :0.0346502885222435 +and:0.04831496626138687 boy.:0.02897532656788826 girl.:0.027585331350564957 was:0.02121063321828842 :0.26061224937438965 +the:0.2461981177330017 a:0.06191358342766762 their:0.021519117057323456 this:0.01547305379062891 :0.07390950620174408 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.0411631315946579 white:0.03271572291851044 life:0.007529504131525755 county:0.007033925969153643 :0.20633047819137573 +the:0.4528075158596039 this:0.03280581906437874 a:0.030179575085639954 tho:0.02189077064394951 :0.06631219387054443 +30,:0.049801915884017944 1,:0.02489638328552246 14,:0.022067612037062645 30.:0.019577762112021446 :0.12053512036800385 +the:0.13133928179740906 he:0.05915141850709915 they:0.047574594616889954 we:0.04334525763988495 :0.09168557077646255 +that:0.17018908262252808 the:0.08734002709388733 of:0.0428658127784729 a:0.027820749208331108 :0.04423879459500313 +and:0.08874668180942535 to:0.028781002387404442 or:0.025233691558241844 grocers:0.02009967900812626 :0.1724800318479538 +the:0.04539438337087631 a:0.018259095028042793 that:0.013763267546892166 all:0.010980194434523582 :0.2592383325099945 +the:0.044428735971450806 he:0.009946010075509548 to:0.009925386868417263 a:0.00986302550882101 :0.3153458833694458 +and:0.08471579104661942 that:0.05297032743692398 is:0.022122083231806755 to:0.022026538848876953 :0.06329687684774399 +and:0.1819433718919754 of:0.171482652425766 has:0.054757919162511826 was:0.03245558962225914 :0.036115799099206924 +the:0.08486095815896988 a:0.015614520758390427 that:0.009351876564323902 in:0.008841567672789097 :0.1852428913116455 +is:0.08769988268613815 was:0.07134187966585159 are:0.06320476531982422 has:0.052080582827329636 :0.047859035432338715 +of:0.038314901292324066 and:0.030944442376494408 the:0.029216356575489044 to:0.017156699672341347 :0.19354113936424255 +of:0.01630636863410473 and:0.00793755054473877 have:0.007500968873500824 .:0.007409409154206514 :0.35771217942237854 +and:0.010934318415820599 house:0.005101972725242376 price:0.004826571326702833 of:0.004563839640468359 :0.13938561081886292 +the:0.12644565105438232 be:0.06955010443925858 a:0.022238614037632942 wit::0.018867550417780876 :0.08788006752729416 +a:0.07764142751693726 the:0.03507194668054581 to:0.03275737166404724 only:0.026493800804018974 :0.11510374397039413 +of:0.6378968358039856 and:0.037240639328956604 in:0.02470359578728676 which:0.02429613471031189 :0.023443467915058136 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +morning:0.08231720328330994 in:0.06718380749225616 and:0.06073525920510292 night:0.05084243789315224 :0.08774469792842865 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +who:0.21630975604057312 of:0.051476750522851944 in:0.017265193164348602 persons:0.011238441802561283 :0.12323606014251709 +tle:0.3711147904396057 tery:0.08036386221647263 tles:0.03614739701151848 tle,:0.03311195969581604 :0.29394301772117615 +and:0.2937268316745758 but:0.10351208597421646 the:0.04505416378378868 in:0.02839784510433674 :0.042946748435497284 +the:0.08021576702594757 a:0.02077459916472435 that:0.009346487931907177 all:0.007932007312774658 :0.18363161385059357 +one:0.025136610493063927 year:0.02438938245177269 day:0.02365259639918804 man:0.023580199107527733 :0.14441362023353577 +be:0.04280411824584007 make:0.027672795578837395 the:0.025691397488117218 take:0.019732562825083733 :0.08477518707513809 +The:0.08480394631624222 It:0.06386105716228485 I:0.039412371814250946 He:0.03218182921409607 :0.07825595885515213 +and:0.07549327611923218 to:0.05741758644580841 by:0.039672400802373886 in:0.02432161197066307 :0.13086660206317902 +the:0.2576526403427124 he:0.09035319834947586 they:0.058511000126600266 a:0.051550790667533875 :0.04371551051735878 +the:0.10719844698905945 a:0.027123967185616493 that:0.024825621396303177 to:0.014579935930669308 :0.17330941557884216 +much:0.08516024053096771 that:0.05676518380641937 many:0.02787732146680355 as:0.02366858720779419 :0.12143194675445557 +and:0.06406904757022858 of:0.03430238738656044 to:0.020855771377682686 in:0.01933000050485134 :0.16747529804706573 +of:0.09467236697673798 and:0.06472387909889221 to:0.037890154868364334 that:0.028141610324382782 :0.08483533561229706 +in:0.21557821333408356 and:0.10441656410694122 a:0.05938863754272461 the:0.0523652508854866 :0.06965294480323792 +of:0.47940343618392944 to:0.05145963653922081 for:0.03329870104789734 that:0.03046763688325882 :0.043371185660362244 +of:0.11173595488071442 and:0.03780047968029976 the:0.03681119531393051 to:0.02785506844520569 :0.13058798015117645 +mand:0.1235332265496254 partment:0.06731833517551422 gree:0.0522821769118309 mands:0.0421593114733696 :0.35216447710990906 +corded:0.04947406426072121 mained:0.02852890081703663 ceived:0.023233946412801743 turned:0.018422752618789673 :0.3302552103996277 +to:0.07046133279800415 on:0.06553520262241364 into:0.0598796084523201 in:0.05529633164405823 :0.06844189018011093 +the:0.05194957181811333 and:0.04476869851350784 The:0.03759737312793732 to:0.027490923181176186 :0.1806390881538391 +who:0.14723145961761475 of:0.0654570609331131 in:0.045474112033843994 shall:0.03752303123474121 :0.05534256249666214 +of:0.1294001042842865 and:0.03784441202878952 in:0.03644579276442528 is:0.03165923431515694 :0.13339392840862274 +to:0.05314045399427414 the:0.04244575276970863 and:0.041884638369083405 of:0.023612355813384056 :0.15237778425216675 +to:0.08445173501968384 the:0.04713154584169388 and:0.04020443931221962 ing:0.03512035310268402 :0.06915231049060822 +the:0.2615496814250946 a:0.05771723762154579 all:0.020093029364943504 any:0.016239166259765625 :0.11506808549165726 +and:0.05217874050140381 the:0.04867919906973839 to:0.031578902155160904 in:0.022542424499988556 :0.12159772962331772 +the:0.2800295054912567 a:0.08587605506181717 his:0.028977088630199432 in:0.018434971570968628 :0.025594869628548622 +the:0.09627541899681091 being:0.05169301480054855 a:0.04740794748067856 which:0.01093769259750843 :0.22356121242046356 +The:0.13354741036891937 It:0.052631545811891556 A:0.03522490710020065 He:0.029253609478473663 :0.15618650615215302 +is:0.10176240652799606 of:0.052314355969429016 was:0.050396863371133804 has:0.0406864769756794 :0.03993848338723183 +ers:0.6925610899925232 ers,:0.03082326240837574 er:0.020493973046541214 the:0.01550228614360094 :0.039697736501693726 +of:0.13940756022930145 that:0.07210765033960342 and:0.05228449031710625 in:0.047770384699106216 :0.05122903361916542 +had:0.06488220393657684 have:0.057397544384002686 was:0.055111613124608994 has:0.050194621086120605 :0.08072591572999954 +the:0.21513932943344116 a:0.1018143743276596 his:0.01675334945321083 such:0.015969883650541306 :0.1071004644036293 +the:0.18410804867744446 a:0.034310128539800644 contact:0.032870616763830185 this:0.026362406089901924 :0.10618478804826736 +and:0.15378591418266296 of:0.1320640593767166 in:0.04310835525393486 for:0.04115390032529831 :0.054994016885757446 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.10903653502464294 to:0.019609563052654266 a:0.015376442112028599 for:0.011746017262339592 :0.09955956786870956 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +Roosevelt:0.07978849858045578 Roosevelt,:0.0775492712855339 Roosevelt.:0.05041251704096794 and:0.03360613062977791 :0.36557313799858093 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.23638908565044403 a:0.05883537605404854 this:0.02359609678387642 which:0.018564607948064804 :0.1308489590883255 +the:0.1720525324344635 a:0.028905902057886124 his:0.020585419610142708 and:0.018199430778622627 :0.12790533900260925 +same:0.0049836537800729275 whole:0.004770446103066206 said:0.00454343855381012 other:0.004500360228121281 :0.28193625807762146 +a:0.04565797001123428 the:0.03191112354397774 to:0.02309655398130417 in:0.017682962119579315 :0.15369728207588196 +first:0.007776512764394283 said:0.007241060025990009 same:0.0054399557411670685 old:0.004863908048719168 :0.23337966203689575 +and:0.08427216112613678 The:0.0829857811331749 In:0.03967458754777908 It:0.0298405010253191 :0.11854023486375809 +to:0.11721429228782654 the:0.05029820650815964 and:0.03042294643819332 that:0.013317317701876163 :0.2286759614944458 +the:0.2775690257549286 a:0.0396883450448513 this:0.03044244647026062 which:0.018449192866683006 :0.08478154242038727 +property:0.011620713397860527 subject:0.010696952231228352 said:0.009446420706808567 following:0.008107030764222145 :0.180214062333107 +of:0.6375713348388672 that:0.010254178196191788 who:0.010130890645086765 to:0.009488304145634174 :0.03243239223957062 +and:0.044869985431432724 the:0.027170812711119652 of:0.026922250166535378 The:0.012424669228494167 :0.21608924865722656 +in:0.05590009316802025 and:0.040520355105400085 the:0.032557498663663864 to:0.026539821177721024 :0.0770673081278801 +well:0.03228500112891197 active:0.029941551387310028 active.:0.019954459741711617 good:0.01939234882593155 :0.2465556412935257 +of:0.5336854457855225 for:0.04976215213537216 and:0.03316342830657959 to:0.029094280675053596 :0.021023012697696686 +to:0.2788478434085846 for:0.10982993990182877 of:0.07525531947612762 that:0.04534580558538437 :0.03508911281824112 +of:0.030708573758602142 to:0.01939818263053894 and:0.019261270761489868 the:0.015166562981903553 :0.22606907784938812 +of:0.31091204285621643 to:0.06715933233499527 and:0.052258867770433426 between:0.04250054433941841 :0.08647289872169495 +the:0.04983709007501602 other:0.02081005834043026 in:0.019328275695443153 a:0.017566703259944916 :0.15831273794174194 +a:0.1489533931016922 the:0.13794982433319092 it:0.04094746708869934 an:0.03023884817957878 :0.055804185569286346 +one:0.07844197005033493 man:0.03817398473620415 person:0.028121745213866234 other:0.018504662439227104 :0.12392283231019974 +of:0.07424944639205933 and:0.06660334765911102 The:0.019863497465848923 to:0.012461455538868904 :0.1844731867313385 +in:0.19322893023490906 on:0.054557934403419495 at:0.052455220371484756 to:0.047246094793081284 :0.037305474281311035 +been:0.20735785365104675 a:0.06363550573587418 the:0.04995407164096832 to:0.02705552615225315 :0.06985382735729218 +and:0.08295603096485138 the:0.043843455612659454 in:0.0330539308488369 thence:0.030551964417099953 :0.12714652717113495 +the:0.09758137911558151 a:0.0729588195681572 that:0.06819089502096176 for:0.03634912893176079 :0.06944601237773895 +and:0.07214051485061646 the:0.0496971495449543 thence:0.036916088312864304 to:0.016890063881874084 :0.07673484832048416 +the:0.275595098733902 which:0.04211464151740074 a:0.040944598615169525 his:0.028652982786297798 :0.047377992421388626 +was:0.040192779153585434 and:0.03900322690606117 of:0.031873732805252075 is:0.026363397017121315 :0.1517830193042755 +to:0.14098671078681946 the:0.07092449069023132 a:0.0644674003124237 that:0.021712740883231163 :0.1261330246925354 +and:0.07883477956056595 to:0.06803973019123077 in:0.029703289270401 the:0.026751313358545303 :0.14366047084331512 +to:0.14458917081356049 for:0.05220559239387512 and:0.044563982635736465 in:0.035254742950201035 :0.12990935146808624 +the:0.16662399470806122 it:0.06150607019662857 this:0.05445044860243797 there:0.05062508583068848 :0.04181341454386711 +The:0.10366261005401611 A:0.036110397428274155 In:0.020622212439775467 It:0.016770871356129646 :0.3195212781429291 +to:0.18122632801532745 a:0.1260530650615692 the:0.09350468963384628 that:0.04016188532114029 :0.0856846496462822 +and:0.23871588706970215 of:0.040640607476234436 the:0.022943396121263504 The:0.019779358059167862 :0.14531034231185913 +not:0.3244151175022125 be:0.09121772646903992 have:0.030403954908251762 do:0.01975906826555729 :0.043432142585515976 +to:0.06388905644416809 in:0.026679594069719315 the:0.01829962246119976 and:0.015898769721388817 :0.11377409845590591 +the:0.3516082167625427 a:0.05687945336103439 this:0.028760496526956558 his:0.0219955462962389 :0.08605962246656418 +and:0.07369402796030045 that:0.07139207422733307 the:0.03285465016961098 as:0.030014047399163246 :0.11866103112697601 +a:0.06225908175110817 one:0.05458373576402664 two:0.04133079573512077 the:0.029321063309907913 :0.1035219356417656 +and:0.1462019830942154 the:0.03225437551736832 with:0.02230316773056984 to:0.022040698677301407 :0.11056163161993027 +and:0.16015121340751648 who:0.057789307087659836 which:0.04246394336223602 but:0.02688668482005596 :0.05690712109208107 +and:0.10409571975469589 but:0.04855682700872421 who:0.04495470970869064 the:0.032445888966321945 :0.07552669942378998 +the:0.35412952303886414 a:0.042315609753131866 his:0.031486839056015015 tho:0.022503074258565903 :0.07091851532459259 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +of:0.08679460734128952 was:0.08014854043722153 is:0.0713888481259346 and:0.06925971806049347 :0.056031811982393265 +of:0.11835335195064545 and:0.046161673963069916 to:0.016980664804577827 in:0.011536768637597561 :0.23652540147304535 +days:0.03786231949925423 two:0.0319768451154232 cases:0.02257305383682251 places:0.01388189010322094 :0.17011697590351105 +or:0.07568217068910599 of:0.05057252198457718 and:0.04072778299450874 years:0.02499842457473278 :0.22856828570365906 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +the:0.36971980333328247 a:0.05860181525349617 tho:0.022685645148158073 his:0.018435966223478317 :0.046519968658685684 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +is:0.07893969863653183 was:0.07471533119678497 ls:0.04737888649106026 Is:0.029692014679312706 :0.14699140191078186 +and:0.06701063364744186 of:0.04021014645695686 the:0.02173791266977787 Mrs.:0.0156402587890625 :0.20807839930057526 +to:0.10345923155546188 of:0.09142116457223892 in:0.061115507036447525 the:0.03153311461210251 :0.08140436559915543 +of:0.20030084252357483 and:0.11680470407009125 in:0.09825858473777771 on:0.038207508623600006 :0.03024079091846943 +the:0.1066499575972557 be:0.047205083072185516 do:0.025123385712504387 make:0.022273868322372437 :0.07789915055036545 +as:0.07681792974472046 of:0.05891028791666031 thereof:0.05072292312979698 to:0.03516583517193794 :0.109209805727005 +to:0.2796867787837982 of:0.1613006591796875 in:0.035694342106580734 and:0.03141767159104347 :0.06601259857416153 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +.:0.05332706496119499 the:0.02884179912507534 A:0.023258520290255547 H:0.01719927042722702 :0.2940168082714081 +the:0.35630303621292114 said:0.04763183370232582 a:0.030976394191384315 this:0.02056850679218769 :0.09532490372657776 +in:0.09936701506376266 of:0.08737749606370926 to:0.06669531762599945 and:0.04517774656414986 :0.06105589494109154 +of:0.06636670976877213 a:0.025139017030596733 and:0.01949864812195301 to:0.0190191101282835 :0.2146778255701065 +of:0.11438637226819992 and:0.06442353874444962 to:0.05015280097723007 The:0.02511599101126194 :0.11518165469169617 +of:0.4022134244441986 and:0.09107507765293121 or:0.08436211943626404 in:0.025265300646424294 :0.03027721308171749 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +ceived:0.025221077725291252 quired:0.02405666746199131 ported:0.022882936522364616 turned:0.01637709140777588 :0.32901304960250854 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +the:0.1798318326473236 a:0.09513073414564133 us:0.03246663510799408 it:0.02634211629629135 :0.057515211403369904 +or:0.06642018258571625 of:0.046721450984478 hundred:0.020564937964081764 and:0.018443116918206215 :0.20711341500282288 +the:0.2371823936700821 said:0.1220242977142334 a:0.09030486643314362 his:0.018598709255456924 :0.12895667552947998 +and:0.017473187297582626 The:0.012133011594414711 of:0.01119188591837883 at:0.011147423647344112 :0.264504611492157 +to:0.5828530788421631 than:0.10312662273645401 and:0.04973595589399338 for:0.04022575914859772 :0.03135720640420914 +the:0.2703927457332611 a:0.04329483583569527 which:0.02779853157699108 his:0.020533323287963867 :0.09433145821094513 +large:0.02040586620569229 few:0.019349945709109306 little:0.01651628315448761 very:0.012822702527046204 :0.1669825166463852 +not:0.04795783385634422 to:0.029888665303587914 in:0.02464725635945797 the:0.017845455557107925 :0.13244865834712982 +was:0.031569935381412506 had:0.022311825305223465 he:0.02192915789783001 am:0.02164912410080433 :0.2977370321750641 +to:0.08088333904743195 of:0.0658491849899292 and:0.048328619450330734 the:0.03981111943721771 :0.13715636730194092 +companies:0.08092804998159409 companies,:0.07749120146036148 and:0.04216361418366432 of:0.02571195177733898 :0.13214711844921112 +of:0.3590449392795563 in:0.10814008861780167 and:0.029767556115984917 on:0.02875722199678421 :0.024572046473622322 +the:0.09556742757558823 to:0.026458537206053734 a:0.02523185685276985 that:0.013021163642406464 :0.09908390045166016 +the:0.10300159454345703 and:0.04616580531001091 that:0.027326764538884163 a:0.021129660308361053 :0.13648675382137299 +is:0.2813173830509186 was:0.1429443061351776 Is:0.06031987816095352 has:0.036271724849939346 :0.06841246038675308 +been:0.22172057628631592 done:0.020131370052695274 made:0.01896156743168831 taken:0.01763002760708332 :0.08370240777730942 +few:0.01774824783205986 man:0.010731492191553116 number:0.008818942122161388 great:0.00609414791688323 :0.15994104743003845 +and:0.12346745282411575 to:0.04259136691689491 of:0.019504593685269356 the:0.012694356963038445 :0.215732142329216 +of:0.2654588520526886 in:0.03956160694360733 is:0.03909110277891159 and:0.038715362548828125 :0.059536706656217575 +city:0.013865386135876179 United:0.012016257271170616 world:0.006726318504661322 same:0.005952834151685238 :0.24622158706188202 +the:0.04908161237835884 and:0.03641164302825928 a:0.03232352063059807 in:0.02973421849310398 :0.23155301809310913 +that:0.3107500672340393 the:0.11173411458730698 to:0.08731252700090408 by:0.07762138545513153 :0.027811232954263687 +the:0.10261800140142441 a:0.017490167170763016 to:0.015282366424798965 that:0.015083592385053635 :0.14873720705509186 +of:0.6115668416023254 and:0.02007487043738365 is:0.01892392337322235 that:0.017171291634440422 :0.015871871262788773 +to:0.34225279092788696 with:0.06137751787900925 the:0.047984808683395386 down:0.027321944013237953 :0.031056057661771774 +the:0.46729448437690735 a:0.07484997063875198 his:0.025351613759994507 tho:0.02252538502216339 :0.05531973019242287 +that:0.2272600680589676 the:0.08806625008583069 a:0.06264842301607132 his:0.04141014441847801 :0.03253326565027237 +the:0.1638604700565338 a:0.034457914531230927 that:0.025318972766399384 it:0.020158853381872177 :0.09098399430513382 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +have:0.1271415799856186 be:0.07855257391929626 not:0.06528940051794052 say:0.0199225265532732 :0.051619019359350204 +and:0.05532420799136162 of:0.03257426992058754 a:0.022171705961227417 the:0.01992528699338436 :0.17770011723041534 +that:0.2015284150838852 what:0.11235469579696655 the:0.11228405684232712 whether:0.04753581061959267 :0.044465359300374985 +and:0.07006022334098816 of:0.028479494154453278 to:0.027660787105560303 in:0.021987494081258774 :0.1598638892173767 +the:0.04395046830177307 and:0.043820977210998535 to:0.036773014813661575 be:0.02815503440797329 :0.15795587003231049 +number:0.009429099969565868 amount:0.008090022951364517 day:0.007393504027277231 joke,:0.004408431239426136 :0.2575192153453827 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.2269493043422699 to:0.029581893235445023 in:0.02554251253604889 but:0.024280661717057228 :0.05819053575396538 +man:0.06337712705135345 men:0.04023851081728935 and:0.02574853040277958 ladies:0.021120470017194748 :0.21707302331924438 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +and:0.30390533804893494 of:0.07511542737483978 the:0.048679765313863754 or:0.03461054712533951 :0.054875124245882034 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +of:0.5664910674095154 and:0.018854990601539612 in:0.018672138452529907 that:0.0165130365639925 :0.03980085998773575 +the:0.2210799902677536 a:0.04567909240722656 this:0.031053489074110985 tho:0.02067658305168152 :0.14637210965156555 +and:0.1840885877609253 in:0.03220178186893463 is:0.02696382813155651 to:0.021998517215251923 :0.11086665838956833 +and:0.05561545118689537 to:0.03781605139374733 of:0.028716811910271645 the:0.027255594730377197 :0.13815373182296753 +and:0.24223928153514862 but:0.051712267100811005 the:0.04739123210310936 that:0.031688936054706573 :0.07287992537021637 +and:0.13115088641643524 to:0.11040931940078735 in:0.04274233430624008 the:0.032887496054172516 :0.05539818853139877 +and:0.09785918146371841 of:0.0680135190486908 as:0.049340348690748215 to:0.038957275450229645 :0.11298685520887375 +the:0.0477713905274868 and:0.03159270063042641 of:0.027890564873814583 a:0.01552601344883442 :0.25528642535209656 +of:0.48392871022224426 and:0.06397442519664764 or:0.05956234410405159 to:0.012334968894720078 :0.03889511153101921 +a:0.20421908795833588 the:0.15766295790672302 to:0.06934007257223129 soon:0.05355500802397728 :0.04001929983496666 +the:0.5881245732307434 a:0.038586828857660294 tho:0.02328832820057869 his:0.010069419629871845 :0.09850484877824783 +a:0.11696505546569824 mortgage:0.03870534896850586 terms:0.03449702635407448 an:0.023365875706076622 :0.1575074940919876 +no:0.07847768068313599 a:0.0403904914855957 many:0.03362477570772171 not:0.031154364347457886 :0.12804484367370605 +the:0.17178042232990265 be:0.04490586742758751 a:0.020429454743862152 make:0.015602590516209602 :0.13933679461479187 +was:0.03220706433057785 and:0.031020941212773323 the:0.028834586963057518 of:0.028407372534275055 :0.17092153429985046 +and:0.048572540283203125 to:0.025623643770813942 of:0.02032524161040783 the:0.02004801481962204 :0.16954109072685242 +is:0.2813173830509186 was:0.1429443061351776 Is:0.06031987816095352 has:0.036271724849939346 :0.06841246038675308 +and:0.05080975219607353 the:0.03628916293382645 of:0.02401001937687397 in:0.020650407299399376 :0.14739049971103668 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.12894251942634583 John:0.007005269173532724 J:0.0068863676860928535 James:0.004257733002305031 :0.46228939294815063 +been:0.13638262450695038 a:0.047345299273729324 not:0.04138002544641495 no:0.025707902386784554 :0.07850450277328491 +The:0.19672930240631104 It:0.06765685975551605 A:0.054931189864873886 He:0.038940999656915665 :0.09360173344612122 +with:0.1894286721944809 the:0.1673891693353653 by:0.06128794699907303 in:0.050844307988882065 :0.04676808416843414 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.07933970540761948 of:0.04196689650416374 who:0.02470799908041954 the:0.013114990666508675 :0.2365960031747818 +.:0.16727447509765625 of:0.025980817154049873 W:0.018502304330468178 M:0.014935700222849846 :0.27211588621139526 +to:0.13809235394001007 by:0.11249169707298279 in:0.09125158190727234 on:0.048870429396629333 :0.038287606090307236 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +a:0.10295742750167847 the:0.08098725229501724 well:0.04620024189352989 to:0.03488972410559654 :0.08253975957632065 +wife:0.03356581926345825 father:0.021683527156710625 own:0.011666414327919483 name:0.009567535482347012 :0.19135057926177979 +of:0.14957208931446075 and:0.1352393478155136 was:0.0654948428273201 is:0.039511289447546005 :0.04729838669300079 +the:0.11165343225002289 he:0.06922437250614166 they:0.057839807122945786 not:0.05708777531981468 :0.08541285246610641 +time:0.18809989094734192 time.:0.05892816185951233 time,:0.045240797102451324 point:0.03329845890402794 :0.08267528563737869 +that:0.09064831584692001 he:0.04534447193145752 to:0.044705577194690704 the:0.032947540283203125 :0.1496313512325287 +hour:0.03087315522134304 order:0.020130183547735214 increase:0.012874904088675976 election:0.012847520411014557 :0.20193429291248322 +the:0.23818175494670868 a:0.06958077102899551 his:0.012001976370811462 an:0.011362483724951744 :0.1401441991329193 +the:0.24344566464424133 a:0.05878062918782234 this:0.021081795915961266 their:0.019239651039242744 :0.06985091418027878 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.036196667701005936 the:0.01919788122177124 in:0.010472253896296024 where:0.008155516348779202 :0.35017064213752747 +of:0.168699711561203 market:0.14343379437923431 is:0.0760524794459343 was:0.051892202347517014 :0.04866759479045868 +of:0.09787832945585251 for:0.09050384163856506 the:0.0669763907790184 to:0.06449470669031143 :0.06236664578318596 +in:0.617375910282135 In:0.07730503380298615 by:0.035423941910266876 on:0.01865432783961296 :0.03222813084721565 +of:0.2630128562450409 that:0.07548525184392929 to:0.06063932180404663 and:0.05634574592113495 :0.04392940551042557 +the:0.31493330001831055 a:0.0503554567694664 said:0.028882959857583046 one:0.02185491845011711 :0.07013249397277832 +to:0.09584317356348038 and:0.059822291135787964 in:0.058653730899095535 for:0.04134678095579147 :0.07191344350576401 +and:0.06731666624546051 of:0.02747407555580139 to:0.020827975124120712 the:0.018055597320199013 :0.23669232428073883 +the:0.040193066000938416 a:0.02088139019906521 two:0.020073682069778442 in:0.013436432927846909 :0.3724325895309448 +of:0.8428056240081787 to:0.022940408438444138 ot:0.013406463898718357 and:0.010082022286951542 :0.007292156107723713 +and:0.047720253467559814 The:0.020286310464143753 In:0.017050836235284805 at:0.014136603102087975 :0.14715135097503662 +the:0.2489510327577591 a:0.06252668052911758 tho:0.014882502146065235 his:0.012036056257784367 :0.1503141075372696 +few:0.02063918299973011 large:0.015759147703647614 great:0.015579469501972198 week:0.012988012284040451 :0.14253424108028412 +tached:0.10173854976892471 tention:0.05186422914266586 tempt:0.0511833019554615 torney:0.04863118752837181 :0.2737152874469757 +to:0.5045034289360046 by:0.31577154994010925 with:0.03993625193834305 in:0.026852795854210854 :0.011517479084432125 +in:0.12771227955818176 and:0.11991258710622787 men:0.06418731063604355 the:0.032330095767974854 :0.058497462421655655 +be:0.224933460354805 have:0.03752956911921501 to:0.016715949401259422 make:0.014589708298444748 :0.06027854233980179 +and:0.08696270734071732 of:0.030189143493771553 The:0.01724386028945446 to:0.017174774780869484 :0.2286924421787262 +the:0.04448692128062248 and:0.033149395138025284 in:0.02042877860367298 to:0.02015448361635208 :0.182319775223732 +The:0.07960952818393707 It:0.03898172825574875 In:0.03118211030960083 I:0.029038339853286743 :0.10059480369091034 +of:0.15195874869823456 and:0.14051274955272675 with:0.03441004827618599 to:0.03341678902506828 :0.06672251224517822 +and:0.19931112229824066 but:0.037663064897060394 in:0.035896286368370056 or:0.02641792967915535 :0.022257255390286446 +to:0.1933090090751648 in:0.045116763561964035 that:0.03209340199828148 as:0.028915951028466225 :0.0608869269490242 +the:0.1764301210641861 a:0.04723832756280899 tho:0.013027283363044262 his:0.011990640312433243 :0.22138643264770508 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +of:0.2915276288986206 and:0.10167703777551651 for:0.0864921510219574 or:0.024778004735708237 :0.029780413955450058 +and:0.19799253344535828 but:0.07018235325813293 the:0.03935711085796356 is:0.030831942334771156 :0.04103771224617958 +of:0.03683421015739441 to:0.03134561702609062 and:0.02892414666712284 the:0.024712344631552696 :0.2402907907962799 +in:0.10556525737047195 and:0.07558891922235489 of:0.07169511914253235 for:0.0647299513220787 :0.0628368929028511 +the:0.22762775421142578 a:0.17514964938163757 an:0.027200376614928246 as:0.019895149394869804 :0.08370787650346756 +the:0.18246151506900787 he:0.09452495723962784 they:0.08127596974372864 it:0.060983359813690186 :0.056001611053943634 +important:0.03610443323850632 of:0.021564314141869545 interesting:0.012456282041966915 prominent:0.012193573638796806 :0.17557279765605927 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +to:0.17192886769771576 in:0.06141817569732666 and:0.04607953503727913 with:0.03835602477192879 :0.04371543228626251 +force:0.015820728614926338 many:0.015303713269531727 difficulty:0.014451438561081886 care:0.013139000162482262 :0.22096261382102966 +same:0.011972193606197834 right:0.008333547972142696 people:0.007772470358759165 whole:0.006486459169536829 :0.171383336186409 +the:0.28503790497779846 in:0.05610160529613495 with:0.04884035512804985 them:0.033320240676403046 :0.050403568893671036 +and:0.05594014376401901 but:0.045390598475933075 the:0.031145339831709862 so:0.030340729281306267 :0.058723513036966324 +do:0.037550147622823715 make:0.031710948795080185 be:0.030687205493450165 the:0.02256108447909355 :0.10794898867607117 +the:0.21590478718280792 he:0.08115410804748535 I:0.05408093333244324 it:0.046140216290950775 :0.05441049486398697 +own:0.025456370785832405 first:0.013516831211745739 Honor:0.009235351346433163 name:0.008934475481510162 :0.21375900506973267 +containing:0.24508386850357056 and:0.10055910795927048 contain-:0.03191046044230461 which:0.024877453222870827 :0.11822901666164398 +few:0.04025372117757797 two:0.03489880636334419 year:0.026048488914966583 of:0.02550877071917057 :0.12633731961250305 +miles:0.10182882100343704 feet:0.08215385675430298 hundred:0.07157814502716064 years:0.04917031526565552 :0.11071907728910446 +and:0.059473421424627304 to:0.04616433009505272 the:0.03543390333652496 in:0.020011140033602715 :0.12751105427742004 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +than:0.14588646590709686 and:0.07259836792945862 to:0.06471624970436096 in:0.04256673902273178 :0.07953367382287979 +upon:0.3071192502975464 on:0.306677907705307 to:0.037151236087083817 in:0.03636285662651062 :0.03529630973935127 +R.:0.019744720309972763 and:0.01612034998834133 A.:0.013764896430075169 E.:0.012250857427716255 :0.3555978834629059 +same:0.010507929138839245 best:0.008734161965548992 most:0.005965099204331636 place:0.005508272908627987 :0.20906294882297516 +number:0.09462065249681473 amount:0.047656815499067307 portion:0.025956550613045692 part:0.025067195296287537 :0.15149721503257751 +and:0.17151817679405212 of:0.02813521958887577 to:0.02277924306690693 in:0.01996549963951111 :0.08741531521081924 +the:0.4735144078731537 said:0.05261768028140068 this:0.01549212820827961 tho:0.015181287191808224 :0.07834164053201675 +party:0.04445968195796013 and:0.031219737604260445 vote:0.016300268471240997 party,:0.009601877070963383 :0.26206082105636597 +pected:0.07827915996313095 pressed:0.0631541982293129 pended:0.05979938060045242 plained:0.04475758224725723 :0.26134905219078064 +the:0.17145970463752747 he:0.10375845432281494 it:0.03536790981888771 there:0.025894178077578545 :0.07333163917064667 +own:0.033509209752082825 friends:0.012934176251292229 life:0.012018291279673576 life.:0.006936667952686548 :0.18625524640083313 +the:0.4758002758026123 other:0.02383318729698658 them:0.020514752715826035 whom:0.020030587911605835 :0.06392410397529602 +be:0.15179716050624847 pay:0.03609137609601021 do:0.03185030817985535 go:0.022946851328015327 :0.06478843837976456 +and:0.09104975312948227 on:0.08330831676721573 in:0.06968770921230316 In:0.04217369481921196 :0.07383443415164948 +a:0.12829934060573578 the:0.11547555029392242 any:0.03114800900220871 his:0.02820732071995735 :0.1020333543419838 +be:0.2955959439277649 the:0.09894932061433792 have:0.024587146937847137 bo:0.016311876475811005 :0.08682674169540405 +The:0.07123816758394241 It:0.05776742100715637 I:0.043971072882413864 In:0.029141049832105637 :0.04021209850907326 +the:0.21442508697509766 this:0.07751642167568207 a:0.0546228252351284 other:0.020626969635486603 :0.11846426874399185 +feet:0.06248314678668976 and:0.03887229785323143 to:0.017521493136882782 of:0.01692098006606102 :0.3004256784915924 +the:0.06833139806985855 that:0.010965288616716862 then:0.01000223495066166 in:0.00938270054757595 :0.24840453267097473 +and:0.11612407118082047 in:0.0724126547574997 with:0.052399903535842896 of:0.0226511862128973 :0.1705249696969986 +to:0.12291520833969116 of:0.05681058391928673 in:0.04220764338970184 and:0.02876383624970913 :0.0656593069434166 +and:0.17713862657546997 but:0.05283055454492569 the:0.03827835991978645 for:0.026473812758922577 :0.07127722352743149 +of:0.2431655079126358 was:0.1366671770811081 is:0.0892588272690773 will:0.03172961249947548 :0.07759461551904678 +and:0.14212970435619354 but:0.04190048202872276 the:0.038486070930957794 as:0.03207574784755707 :0.046945203095674515 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.39384663105010986 lots:0.07195710390806198 lot:0.028054948896169662 a:0.02380608581006527 :0.10601802170276642 +of:0.3553599417209625 to:0.09540097415447235 and:0.05413533002138138 from:0.029492966830730438 :0.02840539440512657 +that:0.16520555317401886 the:0.06022028252482414 and:0.04334942623972893 of:0.025852497667074203 :0.06899944692850113 +and:0.18675784766674042 from:0.04127972200512886 for:0.03450847789645195 the:0.02310427464544773 :0.19825409352779388 +the:0.09858421981334686 a:0.0939738005399704 from:0.029837507754564285 to:0.020851343870162964 :0.05568327382206917 +have:0.08093375712633133 was:0.07692030072212219 am:0.07579108327627182 had:0.0348634272813797 :0.06824743002653122 +the:0.11362460255622864 that:0.03091755509376526 to:0.021892623975872993 in:0.021140851080417633 :0.08427877724170685 +and:0.06767772883176804 of:0.06763705611228943 than:0.044540997594594955 The:0.02765960618853569 :0.17371904850006104 +the:0.13739478588104248 a:0.08969675004482269 in:0.04970691353082657 up:0.03928755968809128 :0.06800278276205063 +a:0.143113911151886 the:0.0463450625538826 no:0.04014194756746292 some:0.026077914983034134 :0.1186671257019043 +the:0.0762125700712204 a:0.010529984720051289 I:0.008954109624028206 other:0.007914623245596886 :0.13421249389648438 +and:0.19376464188098907 but:0.05044376477599144 who:0.04242987930774689 the:0.02980356104671955 :0.08057399094104767 +and:0.1857675462961197 that:0.1082332655787468 by:0.04666596278548241 but:0.039308447390794754 :0.0593896321952343 +and:0.07579278945922852 to:0.04643741622567177 the:0.015367256477475166 a:0.01485676970332861 :0.17713287472724915 +the:0.5233625769615173 these:0.0409051850438118 them:0.03918450325727463 his:0.02921440824866295 :0.03497201204299927 +good:0.023235376924276352 great:0.015487946569919586 little:0.013800972141325474 very:0.013651682995259762 :0.1740354746580124 +and:0.08418139815330505 to:0.03033803217113018 in:0.025706753134727478 as:0.0241983775049448 :0.16156192123889923 +was:0.17812028527259827 had:0.099410280585289 is:0.05728517472743988 has:0.045103248208761215 :0.07871340960264206 +own:0.0264586228877306 mother:0.02027394063770771 name:0.018301427364349365 wife:0.016447776928544044 :0.20380687713623047 +the:0.2512221336364746 a:0.022552751004695892 his:0.017711695283651352 this:0.012389598414301872 :0.10532033443450928 +spective:0.32530635595321655 gard:0.01440062839537859 lief:0.014106198213994503 sources:0.013835049234330654 :0.28664714097976685 +a:0.1924542486667633 the:0.18482041358947754 his:0.032810475677251816 an:0.030267566442489624 :0.13191655278205872 +own:0.03523847833275795 arrival:0.026925625279545784 first:0.014856092631816864 arrival,:0.010845507495105267 :0.18740107119083405 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +to:0.03171698376536369 for:0.029609201475977898 and:0.01850004494190216 expenses:0.010403774678707123 :0.152862086892128 +the:0.270367294549942 a:0.05327410623431206 this:0.024901024997234344 his:0.017627740278840065 :0.17058035731315613 +1,:0.08132398873567581 the:0.027497870847582817 31,:0.02325783111155033 4,:0.021097227931022644 :0.2183438241481781 +been:0.17865413427352905 a:0.037331659346818924 not:0.029278051108121872 no:0.019049208611249924 :0.08663524687290192 +part:0.0664774477481842 number:0.048979196697473526 extent:0.03766461834311485 degree:0.02474040910601616 :0.1083754152059555 +of:0.3169519901275635 to:0.06757523119449615 and:0.04368414729833603 in:0.03743315488100052 :0.034635867923498154 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +of:0.6205703616142273 and:0.038532692939043045 that:0.01962156780064106 the:0.014483126811683178 :0.02774926833808422 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.08431019634008408 and:0.04048096761107445 to:0.04005783051252365 The:0.021369243040680885 :0.14226600527763367 +and:0.012591971084475517 points:0.009142307564616203 of:0.007787980139255524 nations:0.007074717432260513 :0.1565341055393219 +point:0.04054637998342514 stake:0.01858576014637947 great:0.01733686961233616 large:0.015888528898358345 :0.1647801548242569 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.29570135474205017 a:0.038070742040872574 tho:0.020314371213316917 their:0.0172232948243618 :0.10529221594333649 +the:0.11906463652849197 be:0.0328165628015995 make:0.02220156043767929 a:0.016288233920931816 :0.1440221518278122 +of:0.09072037786245346 and:0.05901385098695755 in:0.047131072729825974 to:0.027792951092123985 :0.07007934898138046 +be:0.5210788249969482 have:0.07785026729106903 not:0.03275558724999428 bo:0.022512337192893028 :0.03248812258243561 +that:0.1920199692249298 to:0.10795421153306961 a:0.039196740835905075 the:0.03629360720515251 :0.04705439507961273 +the:0.26073017716407776 a:0.046822577714920044 this:0.022362055256962776 tho:0.02012212760746479 :0.09140679985284805 +to:0.501671552658081 the:0.026158038526773453 in:0.020467517897486687 a:0.01956581324338913 :0.06423746049404144 +of:0.4235406816005707 and:0.039714135229587555 from:0.024169310927391052 before:0.020261241123080254 :0.06377145648002625 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +Block:0.12917111814022064 the:0.041969094425439835 a:0.019684741273522377 and:0.014014092274010181 :0.28242209553718567 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +to:0.03207772225141525 the:0.031437311321496964 and:0.02601541019976139 I:0.020696697756648064 :0.20808419585227966 +same:0.04368438199162483 following:0.009861954487860203 whole:0.00740438885986805 money:0.006782301235944033 :0.13739177584648132 +was:0.10324769467115402 is:0.04956388100981712 had:0.04888201504945755 has:0.04460674151778221 :0.10649611800909042 +the:0.11363022774457932 as:0.0512496754527092 that:0.046641312539577484 a:0.04385778307914734 :0.08830718696117401 +as:0.07681792974472046 of:0.05891028791666031 thereof:0.05072292312979698 to:0.03516583517193794 :0.109209805727005 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.0787116214632988 a:0.013916711322963238 to:0.010449889115989208 that:0.010294335894286633 :0.2777937352657318 +the:0.06184389069676399 a:0.05784706026315689 not:0.03040345199406147 that:0.016125844791531563 :0.10807415843009949 +Forks:0.0410429872572422 Lodge:0.030117366462945938 Army:0.028791341930627823 Rapids,:0.027948979288339615 :0.4383503496646881 +impartial:0.05887404829263687 the:0.03801419958472252 a:0.01531261671334505 more:0.012637348845601082 :0.1954648792743683 +.:0.12005908787250519 and:0.015495509840548038 the:0.012361876666545868 of:0.010734337382018566 :0.1930607706308365 +the:0.2573690116405487 this:0.03789801150560379 a:0.03590921312570572 their:0.015636855736374855 :0.12178739160299301 +the:0.2558519244194031 a:0.0407363697886467 which:0.02373986691236496 tho:0.01943916641175747 :0.15491294860839844 +is:0.1478615254163742 was:0.08355598896741867 that:0.03823216259479523 be:0.036726560443639755 :0.07199244201183319 +sale:0.019249269738793373 large:0.018949978053569794 vote:0.018371470272541046 majority:0.016691694036126137 :0.1822020411491394 +and:0.13809293508529663 the:0.04610522463917732 of:0.04177279397845268 in:0.031988415867090225 :0.09437772631645203 +the:0.29584404826164246 he:0.03518582880496979 it:0.021867724135518074 they:0.021368565037846565 :0.09603098034858704 +.:0.09141219407320023 M:0.009629358537495136 J:0.009013996459543705 C:0.008504029363393784 :0.48954063653945923 +the:0.3874339759349823 and:0.05148640647530556 that:0.042347606271505356 a:0.026047391816973686 :0.01980469934642315 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +who:0.08357611298561096 of:0.08108904957771301 and:0.07137427479028702 in:0.04675589129328728 :0.07501718401908875 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.19066908955574036 a:0.06361763924360275 an:0.008575024083256721 cash:0.00823060143738985 :0.17999394237995148 +the:0.10128695517778397 a:0.07369344681501389 up:0.018792886286973953 rid:0.01839485950767994 :0.11367549747228622 +of:0.13562044501304626 and:0.043549153953790665 to:0.014658039435744286 the:0.011333616450428963 :0.21024098992347717 +the:0.18556970357894897 he:0.07611061632633209 they:0.049798477441072464 it:0.04434267058968544 :0.0836038738489151 +a:0.08209943026304245 the:0.06978738307952881 to:0.05234168842434883 up:0.03943973779678345 :0.09881144762039185 +the:0.018329724669456482 to:0.015081886202096939 made:0.012568783946335316 got:0.011205073446035385 :0.12309256941080093 +the:0.15483930706977844 be:0.047311536967754364 have:0.022633705288171768 make:0.013459751382470131 :0.11944478750228882 +the:0.32980549335479736 a:0.042151179164648056 tho:0.02026228979229927 his:0.020024260506033897 :0.0710856020450592 +to:0.23916055262088776 for:0.06461959332227707 in:0.06246292218565941 and:0.039625924080610275 :0.0405949205160141 +.:0.2351689338684082 and:0.010600505396723747 .,:0.009675749577581882 to:0.008424188941717148 :0.2602307200431824 +the:0.12622155249118805 be:0.09157855808734894 have:0.01974187232553959 make:0.017433252185583115 :0.08465880900621414 +of:0.4443143606185913 between:0.03346528857946396 and:0.02998005785048008 to:0.02497086487710476 :0.09003324806690216 +to:0.622516393661499 in:0.05374481528997421 as:0.03021238185465336 by:0.02354223094880581 :0.0235001128166914 +mouth:0.01245349831879139 end:0.011791872791945934 top:0.008906159549951553 head:0.007938582450151443 :0.22065097093582153 +been:0.25891584157943726 a:0.028343502432107925 the:0.02306274138391018 to:0.02238249033689499 :0.11074206233024597 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +of:0.8172858357429504 in:0.014444053173065186 that:0.012188049033284187 the:0.010894286446273327 :0.009619727730751038 +the:0.3937438130378723 which:0.03319157660007477 a:0.025205671787261963 said:0.018766023218631744 :0.07370834052562714 +made:0.03270377963781357 a:0.02400335483253002 the:0.02344529889523983 taken:0.01833726279437542 :0.1452205777168274 +The:0.1310306042432785 He:0.0305223036557436 It:0.028010137379169464 A:0.027250969782471657 :0.12420973181724548 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +to:0.5269586443901062 of:0.029628053307533264 for:0.028481226414442062 from:0.02750621736049652 :0.023310992866754532 +the:0.3542885482311249 into:0.12212807685136795 a:0.05608730763196945 upon:0.048166073858737946 :0.039684925228357315 +and:0.05420844629406929 are:0.02890617959201336 to:0.025839706882834435 the:0.02209361642599106 :0.15890032052993774 +and:0.030663713812828064 thing:0.006623087450861931 news:0.005959335248917341 styles:0.005280038341879845 :0.1481904834508896 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.06106344237923622 to:0.01747898757457733 I:0.01656186208128929 that:0.01310655940324068 :0.1419982761144638 +cent:0.09761182218790054 cent,:0.04010525718331337 plat:0.03857973963022232 day:0.037242352962493896 :0.1921531707048416 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +was:0.040192779153585434 and:0.03900322690606117 of:0.031873732805252075 is:0.026363397017121315 :0.1517830193042755 +and:0.012880292721092701 of:0.003935590386390686 life:0.003184242406859994 street:0.0031038124579936266 :0.3744080662727356 +the:0.20440225303173065 a:0.02790163643658161 his:0.023012911900877953 this:0.015008251182734966 :0.19255995750427246 +of:0.22920162975788116 to:0.0925915464758873 and:0.04961012303829193 is:0.026206012815237045 :0.06196559593081474 +and:0.047052644193172455 the:0.03122483193874359 of:0.027628587558865547 to:0.013826965354382992 :0.15259212255477905 +time:0.036841150373220444 rate:0.019536428153514862 date:0.015543730929493904 o'clock:0.014469370245933533 :0.3818298876285553 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +the:0.08918454498052597 it:0.04756956174969673 he:0.03839752450585365 they:0.030183253809809685 :0.062374699860811234 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +the:0.2260926067829132 a:0.0646844357252121 his:0.013966448605060577 tho:0.013471468351781368 :0.15081572532653809 +a:0.06846656650304794 the:0.04825889691710472 not:0.02478213980793953 in:0.015073750168085098 :0.14466936886310577 +the:0.03672764450311661 in:0.018278365954756737 of:0.01687511056661606 a:0.014506223611533642 :0.24762240052223206 +days:0.00753219798207283 form:0.006597010884433985 demand:0.006484042387455702 work:0.005493171978741884 :0.3000067174434662 +much:0.13237616419792175 often:0.0168138574808836 late:0.01527886837720871 long:0.014879880473017693 :0.16020330786705017 +a:0.12445689737796783 by:0.08747591078281403 the:0.059563811868429184 in:0.03604767471551895 :0.06594154983758926 +result:0.030811160802841187 matter:0.01572415605187416 man:0.013221099972724915 rule,:0.011220080778002739 :0.19510146975517273 +the:0.04690080136060715 a:0.023993192240595818 any:0.01911311224102974 other:0.015991101041436195 :0.2837858200073242 +the:0.1256350576877594 if:0.04575585201382637 that:0.03973792493343353 it:0.03206704929471016 :0.0592954121530056 +the:0.10405778139829636 not:0.06783480197191238 a:0.06585701555013657 it:0.03870884329080582 :0.09440945833921432 +and:0.04300917312502861 of:0.022591138258576393 time:0.01818438060581684 to:0.017901988700032234 :0.15373478829860687 +of:0.08081541955471039 and:0.04467945918440819 the:0.023137129843235016 or:0.022493643686175346 :0.11518029868602753 +of:0.21087493002414703 and:0.09698250144720078 in:0.05161423981189728 at:0.021400384604930878 :0.05518116056919098 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +a:0.05696704611182213 the:0.03654400259256363 not:0.03533928096294403 in:0.031164878979325294 :0.11367528885602951 +the:0.2953549325466156 he:0.044985778629779816 it:0.034324031323194504 they:0.03055187314748764 :0.06173974275588989 +to:0.36612993478775024 that:0.10097236931324005 the:0.06364458799362183 a:0.03849780559539795 :0.03552446886897087 +thence:0.051760438829660416 and:0.04788695275783539 of:0.023494858294725418 the:0.021037118509411812 :0.21199628710746765 +first:0.010912934318184853 only:0.008866643533110619 other:0.008846689015626907 most:0.007355202455073595 :0.1734979748725891 +and:0.17293225228786469 or:0.02721528708934784 in:0.021531568840146065 to:0.01747434213757515 :0.13388566672801971 +the:0.11729183793067932 and:0.10689008980989456 a:0.051122426986694336 or:0.023540647700428963 :0.07976346462965012 +of:0.23486827313899994 by:0.04117806628346443 and:0.021332023665308952 line:0.02053219825029373 :0.15883654356002808 +is:0.2432081550359726 was:0.17309466004371643 are:0.11514356732368469 were:0.05579138919711113 :0.04868607595562935 +conditions:0.03685375675559044 to:0.03593160957098007 conditions.:0.02887601964175701 as:0.02331850491464138 :0.12712933123111725 +to:0.15961118042469025 and:0.11977504193782806 on:0.04875427111983299 into:0.04873168095946312 :0.04421354457736015 +as:0.091842882335186 and:0.05462133511900902 to:0.028991181403398514 in:0.026300517842173576 :0.21994812786579132 +the:0.17708036303520203 a:0.09113699942827225 an:0.01173608098179102 get:0.009886367246508598 :0.19188949465751648 +a:0.050274807959795 the:0.050267793238162994 to:0.04616682976484299 not:0.03784823790192604 :0.1183847114443779 +the:0.24709318578243256 this:0.022524049505591393 a:0.021571552380919456 said:0.020829444751143456 :0.16858549416065216 +and:0.3042295277118683 but:0.08650203049182892 who:0.023340489715337753 or:0.023274928331375122 :0.0316692553460598 +of:0.46371349692344666 and:0.13707177340984344 or:0.040109679102897644 to:0.034201815724372864 :0.025012515485286713 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +The:0.18112942576408386 It:0.04664533957839012 A:0.03712697699666023 This:0.029813166707754135 :0.1152631938457489 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.3968861699104309 and:0.050904784351587296 for:0.021210893988609314 was:0.02088163048028946 :0.032179318368434906 +the:0.22279863059520721 a:0.023154232650995255 tho:0.019488727673888206 this:0.01444274466484785 :0.19959168136119843 +A:0.011700645089149475 M:0.009980827569961548 H:0.007774670142680407 J:0.007598130498081446 :0.4539412260055542 +the:0.17974822223186493 he:0.1137789785861969 they:0.08736810088157654 it:0.04998691752552986 :0.0720072090625763 +degrees:0.07437863200902939 of:0.06504592299461365 feet:0.044861242175102234 deg.:0.02455781400203705 :0.23337487876415253 +sonal:0.31738197803497314 manent:0.1342555284500122 fect:0.11537255346775055 son:0.04720834642648697 :0.15476484596729279 +the:0.06015241518616676 and:0.049917157739400864 was:0.03988363966345787 is:0.030680639669299126 :0.06932301074266434 +same:0.01596575789153576 best:0.010433746501803398 people:0.010251190513372421 most:0.009785523638129234 :0.1089680939912796 +been:0.2989788353443146 to:0.0911962240934372 a:0.022661350667476654 the:0.01711060293018818 :0.05159810930490494 +and:0.21220356225967407 is:0.043400030583143234 the:0.03741751238703728 shall:0.03024967946112156 :0.02978607825934887 +a:0.08949683606624603 the:0.04806306213140488 not:0.04542889818549156 now:0.04039139673113823 :0.11813151836395264 +and:0.061948150396347046 of:0.04826866835355759 the:0.02598063088953495 who:0.0157058984041214 :0.15003444254398346 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +to:0.16806787252426147 a:0.035584934055805206 the:0.03518389165401459 that:0.022124074399471283 :0.08920348435640335 +name:0.03512592986226082 wife:0.018366850912570953 father:0.012673677876591682 first:0.012535872869193554 :0.1900327205657959 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +tend:0.2870675027370453 tempt:0.16017520427703857 tack:0.10435408353805542 tention:0.01644449681043625 :0.21160128712654114 +old:0.03580806776881218 excellent:0.013956941664218903 officer:0.011250774376094341 active:0.010474161244928837 :0.22572003304958344 +a:0.11281757801771164 not:0.07292187213897705 the:0.06704414635896683 said:0.02236642874777317 :0.06751331686973572 +the:0.07799243927001953 not:0.07420673221349716 a:0.042729586362838745 to:0.0411345437169075 :0.10091104358434677 +The:0.05210163816809654 and:0.022860700264573097 A:0.021242866292595863 It:0.018316615372896194 :0.3081303834915161 +majority:0.015026703476905823 and:0.01075978297740221 mass:0.006776453927159309 body:0.006186202168464661 :0.18582914769649506 +the:0.052388496696949005 of:0.05137256905436516 and:0.03806421533226967 to:0.029429588466882706 :0.162945955991745 +the:0.06288911402225494 a:0.027570737525820732 in:0.014057021588087082 to:0.01378602720797062 :0.13423661887645721 +and:0.05971372127532959 amount:0.019392188638448715 or:0.015358460135757923 supply:0.0074584693647921085 :0.13239675760269165 +the:0.14178383350372314 he:0.06752070784568787 it:0.0529361292719841 they:0.05013894662261009 :0.08433322608470917 +of:0.38323459029197693 and:0.08205974847078323 is:0.022217843681573868 in:0.019992368295788765 :0.03664542734622955 +deavor:0.04894223436713219 trance:0.03713585436344147 tire:0.029911596328020096 ter:0.0153416832908988 :0.6113834977149963 +of:0.2209920436143875 people:0.02475491724908352 men:0.016971208155155182 persons:0.01621774025261402 :0.1399834156036377 +to:0.15296733379364014 and:0.04965854436159134 the:0.03452317416667938 of:0.030512019991874695 :0.10266826301813126 +was:0.10807015001773834 is:0.0849534273147583 has:0.058546487241983414 and:0.04681682959198952 :0.041312750428915024 +be:0.34850218892097473 not:0.08264050632715225 have:0.07225413620471954 seem:0.05556406080722809 :0.03928479552268982 +the:0.02267693355679512 of:0.017131997272372246 and:0.01574348472058773 .:0.013884754851460457 :0.3059079051017761 +first:0.016724519431591034 said:0.011751418001949787 time:0.011722218245267868 war:0.011099166236817837 :0.17003309726715088 +er:0.2257542908191681 erful:0.18141692876815796 ers:0.15528634190559387 er,:0.05988166481256485 :0.09603633731603622 +and:0.11453050374984741 of:0.08869724720716476 to:0.06005048379302025 ago:0.0338825099170208 :0.05354877933859825 +The:0.2012266367673874 It:0.03836969658732414 He:0.03438699245452881 In:0.031505513936281204 :0.14972396194934845 +that:0.1034008339047432 of:0.08870970457792282 and:0.07721487432718277 for:0.03856601566076279 :0.043469976633787155 +to:0.0827857181429863 the:0.06528542190790176 is:0.06498222798109055 they:0.05681591108441353 :0.05127944052219391 +and:0.03988981619477272 of:0.017414897680282593 the:0.00644682627171278 from:0.004319629166275263 :0.40480679273605347 +the:0.20192742347717285 a:0.06610662490129471 this:0.0489075742661953 further:0.024147670716047287 :0.07985598593950272 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +large:0.023672208189964294 new:0.01742802932858467 great:0.015176191926002502 good:0.014656712301075459 :0.14338749647140503 +the:0.30440351366996765 a:0.04344301298260689 this:0.028701968491077423 which:0.023944569751620293 :0.07343892753124237 +and:0.029647449031472206 of:0.027878599241375923 the:0.007118601351976395 at:0.007004920393228531 :0.21992234885692596 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +of:0.20653244853019714 other:0.08899269998073578 others:0.028650319203734398 a:0.025732964277267456 :0.09836423397064209 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.19829174876213074 a:0.11363717913627625 his:0.020226314663887024 which:0.017271677032113075 :0.1459406316280365 +great:0.026309678331017494 very:0.02252604439854622 member:0.02048908732831478 good:0.019123850390315056 :0.17179067432880402 +o'clock:0.3995431065559387 a.:0.08814048022031784 o'clock,:0.048899032175540924 o’clock:0.04814882203936577 :0.08584360033273697 +the:0.3070591688156128 a:0.04079018533229828 this:0.03299964591860771 said:0.013360504060983658 :0.1437685489654541 +own:0.04180581122636795 respective:0.013980439864099026 homes:0.00987150240689516 home:0.008428719826042652 :0.20429791510105133 +and:0.053208231925964355 the:0.04187410697340965 to:0.03500461205840111 in:0.01531211193650961 :0.14526019990444183 +and:0.044993139803409576 day:0.033389825373888016 time:0.02525382675230503 floor:0.01913832128047943 :0.10865547508001328 +Northern:0.21919934451580048 Falls:0.0290377140045166 Lakes:0.026189416646957397 Western:0.0260152667760849 :0.2682550251483917 +and:0.2304634004831314 but:0.06725235283374786 the:0.04206235334277153 of:0.023897845298051834 :0.02780870534479618 +the:0.05851813778281212 and:0.036927007138729095 to:0.03284233435988426 be:0.029664689674973488 :0.15417173504829407 +and:0.06260053813457489 of:0.060163866728544235 The:0.01990724727511406 the:0.01881873793900013 :0.1896989941596985 +to:0.11451246589422226 wide,:0.05186314880847931 in:0.04321189597249031 long,:0.03531663492321968 :0.08994017541408539 +the:0.33231276273727417 a:0.057194940745830536 any:0.023214099928736687 which:0.021918920800089836 :0.09340713173151016 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +therefore,:0.12490139901638031 however,:0.116386279463768 that:0.10234517604112625 in:0.03897999972105026 :0.03355474770069122 +and:0.047479718923568726 of:0.04014528542757034 the:0.019002782180905342 to:0.011701744049787521 :0.23866014182567596 +and:0.04178161919116974 of:0.030784254893660545 the:0.026622101664543152 to:0.026357967406511307 :0.20012472569942474 +States:0.4906804859638214 States,:0.18643523752689362 States.:0.10460172593593597 Slates:0.01353408768773079 :0.11112630367279053 +of:0.061532095074653625 and:0.053627192974090576 the:0.04631247743964195 to:0.04232035204768181 :0.10468792170286179 +ith:0.11604627966880798 ill:0.10422768443822861 hich:0.052816201001405716 hen:0.044932957738637924 :0.21521981060504913 +the:0.3730316460132599 he:0.03474876657128334 a:0.023268837481737137 that:0.022941645234823227 :0.04363986849784851 +and:0.07358168065547943 to:0.025936035439372063 City:0.02133246883749962 city:0.021315742284059525 :0.1202877089381218 +people:0.00699275080114603 fact:0.006788396276533604 said:0.006050892174243927 right:0.005013027228415012 :0.18006190657615662 +times.:0.038914598524570465 times,:0.022777019068598747 civilization.:0.02029375359416008 and:0.017802907153964043 :0.2870924472808838 +a:0.1263180375099182 an:0.036211393773555756 as:0.013214538805186749 sale:0.010933814570307732 :0.17037464678287506 +be:0.3673662841320038 have:0.08655443787574768 not:0.04021846503019333 bo:0.020767396315932274 :0.0320432111620903 +that:0.07457704097032547 to:0.0527094341814518 he:0.020091386511921883 the:0.016567207872867584 :0.19594910740852356 +be:0.2942564785480499 have:0.03133174777030945 the:0.029076246544718742 bo:0.018560661002993584 :0.07269676774740219 +the:0.2259165644645691 of:0.08691509068012238 over:0.025841861963272095 that:0.024700360372662544 :0.10086679458618164 +great:0.019311727955937386 very:0.015263360925018787 large:0.013828178867697716 new:0.011954099871218204 :0.16337330639362335 +the:0.09085157513618469 a:0.03097664564847946 that:0.012459556572139263 in:0.008792981505393982 :0.1801605224609375 +the:0.08141039311885834 a:0.0569978728890419 in:0.05631312355399132 on:0.055718593299388885 :0.061038289219141006 +and:0.07451479136943817 of:0.05327752232551575 in:0.04768875986337662 for:0.04727984592318535 :0.06899399310350418 +that:0.012692558579146862 of:0.008278284221887589 the:0.007750034332275391 and:0.0073180836625397205 :0.3101933002471924 +the:0.1603361964225769 a:0.12342843413352966 his:0.030896447598934174 an:0.020820075646042824 :0.08603233098983765 +privileges:0.12345220148563385 the:0.06145909056067467 liberties:0.018819540739059448 in:0.01180439256131649 :0.14510788023471832 +to:0.19597020745277405 the:0.0862109586596489 a:0.05552198737859726 his:0.03072989545762539 :0.059594668447971344 +the:0.0936814546585083 a:0.014795569702982903 that:0.012431980110704899 all:0.011448503471910954 :0.1883273720741272 +a:0.14281682670116425 the:0.11923842877149582 his:0.038172997534275055 an:0.030076073482632637 :0.05203600227832794 +the:0.1984977275133133 work:0.043917953968048096 a:0.032215941697359085 that:0.020140957087278366 :0.23344871401786804 +the:0.3406319320201874 a:0.04316537082195282 this:0.017938464879989624 tho:0.016059622168540955 :0.08060100674629211 +avenue:0.10275363177061081 and:0.02636384591460228 America.:0.023385200649499893 Park:0.020226743072271347 :0.1953076720237732 +to:0.10899704694747925 that:0.09784507006406784 and:0.0613429918885231 was:0.05029633268713951 :0.04719487950205803 +has:0.10450123250484467 had:0.09589316695928574 was:0.07010826468467712 is:0.05547836422920227 :0.0637756958603859 +day:0.014493406750261784 of:0.0123605253174901 year:0.004282478243112564 e:0.004234470892697573 :0.20707912743091583 +The:0.131341353058815 In:0.03982637822628021 It:0.03461315855383873 A:0.025331631302833557 :0.07020431011915207 +the:0.3808615505695343 a:0.03861460089683533 which:0.03310598060488701 tho:0.02097523957490921 :0.08655119687318802 +the:0.09879731386899948 a:0.024354293942451477 to:0.02299066260457039 in:0.020968401804566383 :0.07795127481222153 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +provided,:0.3316122591495514 the:0.05004924163222313 by:0.014443164691329002 a:0.013646803796291351 :0.07966403663158417 +of:0.03661668673157692 and:0.025203624740242958 in:0.022732160985469818 In:0.01288022380322218 :0.22618360817432404 +is:0.07721655070781708 was:0.04469839483499527 has:0.03553318232297897 are:0.0329449363052845 :0.09904076904058456 +and:0.026234803721308708 the:0.025280378758907318 a:0.013361119665205479 to:0.009683536365628242 :0.4299006760120392 +of:0.5622775554656982 and:0.03415669873356819 a:0.03304025158286095 the:0.030329067260026932 :0.029228005558252335 +and:0.05429047718644142 to:0.04122001305222511 in:0.021560996770858765 at:0.01788763701915741 :0.20154058933258057 +own:0.0498628169298172 respective:0.011498261243104935 own.:0.005039859097450972 own,:0.00395617401227355 :0.23608587682247162 +been:0.2351735383272171 a:0.0456407368183136 not:0.025228317826986313 the:0.020197948440909386 :0.09860303997993469 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +to:0.0827857181429863 the:0.06528542190790176 is:0.06498222798109055 they:0.05681591108441353 :0.05127944052219391 +cents:0.2763683795928955 cents.:0.07281463593244553 per:0.053881317377090454 years:0.046700019389390945 :0.07690930366516113 +erty:0.2327478975057602 erty,:0.031915824860334396 and:0.016264520585536957 erly:0.011059325188398361 :0.32597488164901733 +of:0.7414312362670898 and:0.027943987399339676 west:0.018690673634409904 to:0.01189637091010809 :0.029359513893723488 +J:0.017731865867972374 J.:0.016997195780277252 W:0.01683732122182846 W.:0.015850655734539032 :0.3117941617965698 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.21847926080226898 a:0.04186560586094856 this:0.021934712305665016 all:0.0195993110537529 :0.1031966432929039 +the:0.09729675948619843 it:0.04769623652100563 he:0.027081863954663277 they:0.02597961015999317 :0.0797344520688057 +years:0.05667198449373245 or:0.04526129364967346 and:0.03644011169672012 hundred:0.02952040173113346 :0.2383589893579483 +have:0.10843525826931 are:0.09612328559160233 were:0.03035389631986618 do:0.026925954967737198 :0.08455862104892731 +the:0.2558519244194031 a:0.0407363697886467 which:0.02373986691236496 tho:0.01943916641175747 :0.15491294860839844 +and:0.055578336119651794 of:0.03259080648422241 the:0.015194111503660679 in:0.014821016229689121 :0.2454921454191208 +and:0.037405822426080704 the:0.019285494461655617 girl.:0.011632481589913368 boy.:0.010062883608043194 :0.1479886919260025 +is:0.27500268816947937 are:0.16955000162124634 was:0.1389843225479126 were:0.06026605889201164 :0.04292896389961243 +persons:0.011418955400586128 things:0.00959915854036808 parts:0.009269783273339272 places:0.008215921930968761 :0.1909332424402237 +and:0.10475140064954758 the:0.055434275418519974 or:0.03734222427010536 in:0.02604818530380726 :0.06257329136133194 +a:0.0826164186000824 not:0.06674446910619736 the:0.049485839903354645 to:0.019894205033779144 :0.08433448523283005 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +own:0.04663694649934769 people:0.017602385953068733 readers:0.014105329290032387 country:0.009657121263444424 :0.15953059494495392 +and:0.060431305319070816 man:0.019628193229436874 at:0.017122840508818626 men:0.015360528603196144 :0.43759703636169434 +point:0.09275677800178528 time:0.03719547018408775 cost:0.028422515839338303 distance:0.02712910622358322 :0.13149255514144897 +the:0.09685838222503662 a:0.03048205003142357 his:0.030252857133746147 other:0.017101049423217773 :0.14260953664779663 +and:0.06728637963533401 is:0.04655345156788826 was:0.03524887189269066 of:0.03420643135905266 :0.09099633246660233 +the:0.1667385846376419 a:0.022977229207754135 and:0.015188360586762428 men:0.014885942451655865 :0.15594933927059174 +the:0.30390217900276184 a:0.037302736192941666 he:0.03331639617681503 it:0.02319350652396679 :0.06585772335529327 +hour:0.042742203921079636 order:0.015599983744323254 increase:0.012085282243788242 indefinite:0.011566861532628536 :0.18061530590057373 +and:0.033458102494478226 in:0.029705330729484558 has:0.01869480311870575 on:0.017307527363300323 :0.060561347752809525 +was:0.08521241694688797 had:0.051218632608652115 is:0.03382263332605362 would:0.029783794656395912 :0.13423267006874084 +I:0.028322279453277588 went:0.022137505933642387 the:0.021033957600593567 took:0.010575549677014351 :0.14848187565803528 +the:0.2260926067829132 a:0.0646844357252121 his:0.013966448605060577 tho:0.013471468351781368 :0.15081572532653809 +a:0.03710490092635155 the:0.0304702315479517 not:0.020607994869351387 in:0.014456106349825859 :0.16287636756896973 +and:0.06597797572612762 of:0.05325590819120407 the:0.019527772441506386 a:0.013727687299251556 :0.20568613708019257 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +Army:0.10221383720636368 Trunk:0.08857347071170807 Jury:0.06401125341653824 Lodge:0.04712101072072983 :0.2995860278606415 +the:0.21779771149158478 he:0.09543012082576752 they:0.05952281504869461 it:0.04395240172743797 :0.04716908931732178 +made:0.05524679645895958 the:0.03774659335613251 not:0.032900549471378326 a:0.02871537394821644 :0.09074274450540543 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.19127820432186127 a:0.06494870781898499 up:0.035092778503894806 any:0.03138070926070213 :0.05748701095581055 +that:0.0662616714835167 to:0.040036965161561966 the:0.030741892755031586 he:0.025540180504322052 :0.1710246205329895 +the:0.05461757630109787 to:0.039548806846141815 and:0.037273239344358444 in:0.01610870100557804 :0.15440085530281067 +box:0.13180270791053772 of:0.08398158103227615 box,:0.07583016902208328 box.:0.07240800559520721 :0.07501261681318283 +tober:0.6249644160270691 and:0.01754898577928543 the:0.014143066480755806 of:0.013512019999325275 :0.18997076153755188 +the:0.11083168536424637 a:0.06217357516288757 to:0.06047823280096054 is:0.020121974870562553 :0.13939839601516724 +line:0.5603834986686707 of:0.06014062836766243 and:0.054164983332157135 to:0.03239855542778969 :0.045176997780799866 +old:0.03480910137295723 hour:0.023890776559710503 inch:0.011186531744897366 area:0.009444300085306168 :0.1490858942270279 +and:0.08747165650129318 to:0.02489342913031578 of:0.021503906697034836 or:0.017625778913497925 :0.16362422704696655 +The:0.14439323544502258 In:0.04362066090106964 It:0.030443735420703888 He:0.026911530643701553 :0.09546473622322083 +the:0.2260926067829132 a:0.0646844357252121 his:0.013966448605060577 tho:0.013471468351781368 :0.15081572532653809 +and:0.02202700823545456 room:0.017988666892051697 service:0.006966093089431524 office:0.006965136621147394 :0.39291974902153015 +care:0.03878345713019371 and:0.015594260767102242 force:0.012038405053317547 to:0.009650739841163158 :0.1946485936641693 +been:0.2883729636669159 yet:0.033536192029714584 a:0.024621473625302315 only:0.022136207669973373 :0.08815761655569077 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.29555079340934753 a:0.05136271193623543 this:0.018045322969555855 his:0.016415825113654137 :0.1452113837003708 +to:0.004968528635799885 the:0.0032199870329350233 and:0.003003153018653393 -:0.0026741360779851675 :0.3400990962982178 +of:0.046590182930231094 and:0.03599682077765465 the:0.02142198383808136 who:0.015936229377985 :0.22008004784584045 +the:0.09670517593622208 be:0.03886652737855911 make:0.01920494996011257 a:0.013962410390377045 :0.08086123317480087 +of:0.3241550624370575 to:0.23146410286426544 of,:0.14417508244514465 of.:0.1364753544330597 :0.017630014568567276 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +is:0.2432081550359726 was:0.17309466004371643 are:0.11514356732368469 were:0.05579138919711113 :0.04868607595562935 +not:0.06225132942199707 the:0.04122871905565262 to:0.020018063485622406 in:0.017660479992628098 :0.1634775549173355 +and:0.03640725836157799 the:0.029612360522150993 to:0.023821434006094933 of:0.017726095393300056 :0.1762615144252777 +the:0.18447992205619812 and:0.08537336438894272 to:0.039374370127916336 a:0.030499916523694992 :0.053284090012311935 +are:0.1214994266629219 were:0.10549107193946838 have:0.059113889932632446 had:0.0561317577958107 :0.06183934584259987 +and:0.06216498836874962 Lincoln:0.00885703507810831 Smith:0.007764130365103483 Brown:0.006285172421485186 :0.401297390460968 +to:0.3025094270706177 the:0.060749251395463943 and:0.05999785661697388 in:0.05178031697869301 :0.03033723682165146 +struction:0.10287008434534073 ditions:0.08371996134519577 stitution:0.040164876729249954 clusion:0.03515808656811714 :0.2457323670387268 +north:0.10712355375289917 south:0.09135427325963974 with:0.057900119572877884 N.:0.04195796698331833 :0.11983372271060944 +and:0.21102917194366455 of:0.040360692888498306 where:0.0298294834792614 the:0.025487516075372696 :0.07581370323896408 +the:0.31414470076560974 a:0.05027027055621147 this:0.019830910488963127 his:0.0188104510307312 :0.100152887403965 +of:0.41401785612106323 incurred:0.07273533940315247 and:0.030954256653785706 in:0.02809290774166584 :0.02071596123278141 +Grant:0.03423454612493515 and:0.02415541373193264 Lee:0.012889774516224861 Grant's:0.0111360102891922 :0.3716835379600525 +the:0.18114574253559113 they:0.09135279059410095 he:0.07515274733304977 it:0.044199950993061066 :0.03441981226205826 +and:0.07707333564758301 of:0.02195473201572895 in:0.01483561284840107 to:0.013200863264501095 :0.11288707703351974 +and:0.1708003282546997 in:0.048094455152750015 at:0.040325894951820374 or:0.027032462880015373 :0.08118374645709991 +Dr.:0.10882903635501862 Mr.:0.06112588569521904 J:0.03839942812919617 John:0.03655218333005905 :0.16447259485721588 +rounded:0.1676037758588791 rounding:0.07194843143224716 vey:0.07062454521656036 face:0.06298555433750153 :0.3345835506916046 +.:0.7512274980545044 he:0.008893091231584549 the:0.007933294400572777 Mrs.:0.0076324790716171265 :0.06717686355113983 +been:0.2915668189525604 not:0.03556619957089424 made:0.01925065740942955 a:0.01865965686738491 :0.04335804656147957 +the:0.06826269626617432 that:0.021801868453621864 a:0.017819758504629135 to:0.010088656097650528 :0.20952937006950378 +the:0.043787483125925064 and:0.036663807928562164 of:0.03605327010154724 to:0.024807604029774666 :0.18818730115890503 +time:0.12424258142709732 time,:0.0452750027179718 time.:0.03468520566821098 and:0.029536273330450058 :0.1449057012796402 +United:0.01529362890869379 most:0.008267953060567379 State:0.005507575813680887 country:0.005215981975197792 :0.284910649061203 +specifications:0.252581387758255 the:0.06664226204156876 in:0.010866456665098667 a:0.010172445327043533 :0.15836606919765472 +and:0.07373989373445511 of:0.046119898557662964 to:0.036548711359500885 the:0.029901452362537384 :0.16555266082286835 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +most:0.0282099898904562 only:0.023105749860405922 best:0.015321034006774426 fact:0.01027820073068142 :0.22302281856536865 +is:0.16392077505588531 was:0.08089445531368256 Is:0.020678427070379257 will:0.016194920986890793 :0.08691773563623428 +the:0.09245434403419495 a:0.018714560195803642 in:0.012256622314453125 that:0.010956380516290665 :0.10984715074300766 +head:0.01445221621543169 own:0.013837306760251522 wife:0.012909287586808205 way:0.010497222654521465 :0.16360868513584137 +and:0.02996545471251011 was:0.022727979347109795 who:0.019894659519195557 Miss:0.018999280408024788 :0.3249210715293884 +feet:0.23058992624282837 miles:0.08360517770051956 acres:0.058944132179021835 feet,:0.02838301472365856 :0.07013245671987534 +and:0.05973709002137184 to:0.023319294676184654 at:0.022115100175142288 is:0.021729236468672752 :0.24740412831306458 +in:0.10160314291715622 to:0.06490074098110199 and:0.041482750326395035 of:0.031014911830425262 :0.09331309795379639 +of:0.18925917148590088 and:0.11355964839458466 to:0.04704667255282402 in:0.04300842434167862 :0.04108043387532234 +was:0.027555394917726517 to:0.023196566849946976 have:0.02213500440120697 of:0.02071668580174446 :0.26868894696235657 +of:0.41602376103401184 in:0.048099856823682785 and:0.041297439485788345 for:0.027968762442469597 :0.021469460800290108 +to:0.561052143573761 and:0.08373995125293732 in:0.02072080597281456 for:0.012334497645497322 :0.05583195760846138 +not:0.2910524308681488 see:0.061012621968984604 have:0.031129300594329834 do:0.02496311068534851 :0.05402182415127754 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.08251692354679108 and:0.05806126073002815 by:0.0323139987885952 in:0.02410092018544674 :0.10067485272884369 +is:0.2839928865432739 was:0.21256275475025177 Is:0.07141181826591492 has:0.03545264154672623 :0.03137672692537308 +the:0.03454267978668213 a:0.014181836508214474 of:0.013489642180502415 and:0.00926742423325777 :0.23800386488437653 +of:0.054732006043195724 and:0.04359826073050499 to:0.026005106046795845 the:0.023371370509266853 :0.2685171663761139 +duly:0.23775430023670197 the:0.03513764217495918 a:0.033044736832380295 not:0.032059065997600555 :0.09692692756652832 +right:0.03439706936478615 same:0.01700478047132492 best:0.015209801495075226 effect:0.013924180530011654 :0.16439194977283478 +of:0.05995151400566101 one:0.01684328354895115 time:0.011560569517314434 very:0.00981171615421772 :0.13778778910636902 +the:0.2760440409183502 a:0.08939464390277863 it:0.030970856547355652 and:0.024654928594827652 :0.0955427959561348 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +a:0.04161420837044716 the:0.029864195734262466 not:0.019491367042064667 in:0.014020667411386967 :0.12971898913383484 +any:0.09545363485813141 a:0.07696294784545898 the:0.05832420289516449 regard:0.017235126346349716 :0.1842232048511505 +The:0.059431757777929306 I:0.04233890399336815 and:0.03041159361600876 It:0.02494029887020588 :0.21809057891368866 +of:0.07237599045038223 in:0.03177133947610855 the:0.031266942620277405 inclusive.:0.01962433010339737 :0.1278340369462967 +of:0.6433006525039673 was:0.027576763182878494 and:0.01508368644863367 rate:0.013956863433122635 :0.025392431765794754 +north:0.10712355375289917 south:0.09135427325963974 with:0.057900119572877884 N.:0.04195796698331833 :0.11983372271060944 +the:0.2103831022977829 a:0.04147608205676079 this:0.0235638115555048 favor:0.01712276041507721 :0.07290329784154892 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +and:0.24303142726421356 in:0.03264597803354263 with:0.02304418571293354 to:0.02174519933760166 :0.059817541390657425 +the:0.032417748123407364 a:0.011696689762175083 to:0.008789910934865475 all:0.008493874222040176 :0.25736525654792786 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +old:0.027346279472112656 opportunity:0.01856924034655094 act:0.01606879010796547 order:0.013298493809998035 :0.20146548748016357 +to:0.09100312739610672 of:0.08869502693414688 and:0.08284061402082443 the:0.034874845296144485 :0.08494549244642258 +and:0.13251101970672607 of:0.07347160577774048 to:0.04163222387433052 in:0.035664916038513184 :0.075215645134449 +a:0.05413892865180969 the:0.047895513474941254 any:0.03973609581589699 being:0.011721016839146614 :0.22395668923854828 +own:0.0498628169298172 respective:0.011498261243104935 own.:0.005039859097450972 own,:0.00395617401227355 :0.23608587682247162 +the:0.06256821751594543 a:0.05033772811293602 not:0.023711049929261208 that:0.01663801446557045 :0.12973181903362274 +was:0.17444397509098053 has:0.09567505121231079 is:0.08314074575901031 had:0.06435757875442505 :0.054331157356500626 +of:0.4919469654560089 due:0.04402145370841026 to:0.02379087172448635 required:0.022456549108028412 :0.03547384962439537 +the:0.12278791517019272 March:0.1221192330121994 October:0.07613466680049896 April:0.06480392068624496 :0.07854650169610977 +The:0.1615673154592514 It:0.061780914664268494 In:0.03694205358624458 They:0.02851894684135914 :0.08282553404569626 +Army:0.10221383720636368 Trunk:0.08857347071170807 Jury:0.06401125341653824 Lodge:0.04712101072072983 :0.2995860278606415 +of:0.5046071410179138 and:0.03322400525212288 to:0.025603724643588066 or:0.02103915624320507 :0.04368056356906891 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +pared:0.10971872508525848 ferred:0.038256991654634476 sent:0.03007763810455799 vious:0.023418525233864784 :0.48446816205978394 +own:0.02545827440917492 country:0.018341658636927605 people:0.017173554748296738 State:0.01119675301015377 :0.16266362369060516 +of:0.22916318476200104 in:0.036595672369003296 it:0.03141118958592415 to:0.030564947053790092 :0.0562702976167202 +was:0.24413321912288666 is:0.070086769759655 had:0.06529276818037033 has:0.04492957517504692 :0.05687085911631584 +the:0.04447706416249275 a:0.026472948491573334 in:0.015532505698502064 his:0.012734401039779186 :0.19349361956119537 +N.:0.2531152665615082 S.:0.11643043905496597 north:0.0909205749630928 south:0.08844282478094101 :0.07929744571447372 +been:0.2963945269584656 not:0.05999123305082321 a:0.032831206917762756 become:0.024498410522937775 :0.05186037719249725 +time:0.06716762483119965 as:0.03796509653329849 to:0.026660649105906487 time,:0.01691386103630066 :0.09311540424823761 +of:0.12980569899082184 the:0.11348415166139603 a:0.056445661932229996 and:0.05400383844971657 :0.0524362176656723 +erence:0.273462176322937 in:0.016535505652427673 be:0.014159372076392174 have:0.013710979372262955 :0.2593926787376404 +half:0.04900379106402397 few:0.024365592747926712 large:0.02117382176220417 good:0.014667495153844357 :0.16771546006202698 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +of:0.22347012162208557 to:0.11253239959478378 and:0.0759631022810936 in:0.03767745941877365 :0.05267319455742836 +was:0.11990821361541748 is:0.05242284759879112 had:0.04876619577407837 has:0.04684779793024063 :0.06465590745210648 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.03544838726520538 and:0.015423544682562351 to:0.013763456605374813 that:0.009707337245345116 :0.2525593638420105 +and:0.04209305718541145 of:0.021793682128190994 that:0.012963681481778622 in:0.012908641248941422 :0.19369107484817505 +and:0.26197049021720886 but:0.10725139826536179 the:0.07241136580705643 or:0.018049847334623337 :0.03272244334220886 +is:0.17357484996318817 was:0.15536770224571228 are:0.08545949310064316 were:0.04801204428076744 :0.0432184673845768 +of:0.18327388167381287 and:0.057882118970155716 was:0.04203425720334053 that:0.04196842759847641 :0.039862945675849915 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.05354773998260498 and:0.03918266296386719 to:0.031185217201709747 in:0.016928860917687416 :0.16205468773841858 +of:0.14252834022045135 and:0.06671414524316788 was:0.020487898960709572 is:0.01984591595828533 :0.08490496873855591 +the:0.051720816642045975 a:0.01791568100452423 any:0.01651301048696041 other:0.015135801397264004 :0.17819206416606903 +and:0.05574347823858261 the:0.03738974407315254 a:0.014840301126241684 air:0.013651924207806587 :0.1407565474510193 +own:0.021098924800753593 people:0.009925251826643944 country:0.00696497643366456 great:0.005296241957694292 :0.20507915318012238 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +a:0.051961977034807205 the:0.03721695393323898 made:0.01377394050359726 in:0.008544755168259144 :0.1506660431623459 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +quarter:0.34134992957115173 corner:0.2715698480606079 of:0.04297108203172684 quarter,:0.02810346521437168 :0.0533989779651165 +and:0.07640436291694641 to:0.019185718148946762 the:0.012480128556489944 or:0.009229423478245735 :0.25021791458129883 +SALE:0.0277140773832798 THE:0.02769297920167446 .:0.011966618709266186 and:0.0115739144384861 :0.6800097823143005 +into:0.2591733932495117 in:0.0799567699432373 with:0.0643768236041069 and:0.05815878510475159 :0.04749584570527077 +be:0.07462646067142487 the:0.07056380808353424 make:0.024472704157233238 do:0.01827363111078739 :0.10671795904636383 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +a:0.2921660244464874 as:0.04394937679171562 the:0.03467646613717079 an:0.03305796906352043 :0.1507628709077835 +the:0.23856373131275177 a:0.06572726368904114 this:0.03033350594341755 their:0.02082064002752304 :0.08719179034233093 +far:0.03032517246901989 to:0.02749723382294178 be:0.017697399482131004 making:0.0151185542345047 :0.1564747542142868 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +a:0.07340338826179504 been:0.06530646234750748 no:0.04607190564274788 to:0.04548287391662598 :0.08794183284044266 +and:0.05409508943557739 for:0.019141538068652153 in:0.01758219674229622 the:0.016982778906822205 :0.1990467756986618 +The:0.12856315076351166 It:0.07769262790679932 He:0.057735659182071686 I:0.03151579201221466 :0.10852886736392975 +the:0.21920093894004822 a:0.12286895513534546 his:0.02475588023662567 all:0.022541377693414688 :0.09466836601495743 +was:0.05602066218852997 had:0.05215834081172943 has:0.05098521336913109 is:0.050445180386304855 :0.10268405824899673 +and:0.09632577747106552 or:0.016964951530098915 in:0.01663845218718052 No.:0.013153095729649067 :0.2827294170856476 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.2802647650241852 a:0.033488720655441284 their:0.01841454580426216 tho:0.018379230052232742 :0.10647021979093552 +to:0.060649845749139786 and:0.05910254642367363 a:0.03056931123137474 in:0.029548723250627518 :0.11816277354955673 +been:0.2819273769855499 a:0.04873562976717949 the:0.03155370429158211 not:0.017635928466916084 :0.06845580786466599 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +of:0.21076305210590363 who:0.18829022347927094 that:0.02193482220172882 in:0.012703674845397472 :0.09384164214134216 +to:0.19918450713157654 of:0.058753687888383865 and:0.05636780336499214 in:0.05453209951519966 :0.049537040293216705 +one:0.06652935594320297 matter:0.06619034707546234 doubt,:0.05638003349304199 more:0.02058168686926365 :0.16987578570842743 +the:0.5148516893386841 their:0.03147871419787407 a:0.030346013605594635 his:0.02415219508111477 :0.020649593323469162 +The:0.13708151876926422 A:0.038651347160339355 This:0.028241319581866264 It:0.026575567200779915 :0.16549183428287506 +and:0.1255396455526352 in:0.048484157770872116 on:0.03209678456187248 that:0.02964584343135357 :0.07180200517177582 +and:0.14714032411575317 of:0.08543160557746887 in:0.0307927206158638 is:0.026858428493142128 :0.0813027024269104 +years:0.08242839574813843 (13):0.04065694287419319 and:0.03889835625886917 years,:0.02820168435573578 :0.3130069077014923 +and:0.017473187297582626 The:0.012133011594414711 of:0.01119188591837883 at:0.011147423647344112 :0.264504611492157 +and:0.15449443459510803 of:0.04123465716838837 the:0.03524527698755264 that:0.025516672059893608 :0.0521220900118351 +and:0.0793302059173584 of:0.0778842344880104 to:0.03362119942903519 The:0.02591020241379738 :0.17706777155399323 +and:0.14126870036125183 the:0.10297329723834991 that:0.039654165506362915 but:0.03676706552505493 :0.0820501521229744 +same:0.015933549031615257 work:0.00684864679351449 said:0.0067921592853963375 people:0.0066894046030938625 :0.18314345180988312 +of:0.1629762053489685 and:0.10371323674917221 in:0.05153195932507515 at:0.028229929506778717 :0.17664675414562225 +the:0.1599644422531128 a:0.023391474038362503 and:0.01514322217553854 his:0.013343693688511848 :0.11061374843120575 +to:0.04788612574338913 the:0.019214605912566185 of:0.017051924020051956 and:0.0170308705419302 :0.17753815650939941 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +not:0.039715010672807693 the:0.029614342376589775 so:0.015568430535495281 to:0.014862663112580776 :0.1380423605442047 +be:0.5323657393455505 have:0.05923111364245415 bo:0.034776587039232254 not:0.025209572166204453 :0.028095699846744537 +of:0.30030664801597595 the:0.08763903379440308 is:0.029047049582004547 that:0.026447096839547157 :0.054216377437114716 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +was:0.15917563438415527 had:0.13615165650844574 would:0.06614396721124649 has:0.05712644383311272 :0.052851226180791855 +and:0.058731358498334885 the:0.04765259101986885 to:0.0348915196955204 by:0.03296809270977974 :0.20231708884239197 +Dr.:0.06646329164505005 J:0.05049564316868782 Mr.:0.045457784086465836 John:0.037440747022628784 :0.15784074366092682 +to:0.4441695213317871 in:0.03147827461361885 and:0.030315464362502098 for:0.030258100479841232 :0.06329543143510818 +to:0.4940687119960785 in:0.033204156905412674 that:0.026102300733327866 the:0.02303576096892357 :0.032788753509521484 +own:0.01680215261876583 people:0.011422613635659218 country:0.006669993046671152 party:0.004923475440591574 :0.2165985256433487 +of:0.10223271697759628 and:0.029782574623823166 interests:0.023671550676226616 way:0.014974839054048061 :0.11206744611263275 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +the:0.09513784199953079 a:0.06367050856351852 to:0.035797879099845886 it:0.034020766615867615 :0.07928150147199631 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.19293896853923798 a:0.025537796318531036 said:0.020732678472995758 which:0.013230184093117714 :0.20246638357639313 +be:0.22339801490306854 not:0.05123239383101463 have:0.02427598647773266 bo:0.017404360696673393 :0.10037964582443237 +of:0.04786454886198044 and:0.04491841793060303 or:0.028567243367433548 the:0.028341613709926605 :0.16377893090248108 +and:0.4775979518890381 of:0.016895322129130363 or:0.011720594950020313 Bay,:0.009643626399338245 :0.16170310974121094 +the:0.37214723229408264 a:0.045824747532606125 this:0.03281165286898613 his:0.02198193408548832 :0.11233148723840714 +able:0.028965085744857788 a:0.0253139641135931 made:0.02311130054295063 in:0.02070789597928524 :0.16357728838920593 +and:0.011941731907427311 man:0.007589508779346943 number:0.006329468917101622 of:0.005662069655954838 :0.15302616357803345 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +the:0.23256199061870575 a:0.04588703066110611 this:0.015103301964700222 tho:0.01405534241348505 :0.22837327420711517 +the:0.3575413227081299 a:0.029166702181100845 this:0.020254788920283318 Mr.:0.01531232614070177 :0.10455693304538727 +imprisoned:0.019356856122612953 made:0.018073158338665962 the:0.014658384956419468 of:0.01203830260783434 :0.19375653564929962 +the:0.34560543298721313 a:0.08066350221633911 his:0.022526731714606285 all:0.020615721121430397 :0.10814571380615234 +of:0.13562044501304626 and:0.043549153953790665 to:0.014658039435744286 the:0.011333616450428963 :0.21024098992347717 +of:0.08046947419643402 and:0.06822025775909424 to:0.06100810319185257 in:0.033948417752981186 :0.05180864408612251 +power:0.009877203963696957 interest:0.008614853024482727 place:0.008611321449279785 statement:0.0066154589876532555 :0.17214736342430115 +and:0.04034914821386337 farmer.:0.016375118866562843 the:0.016011692583560944 at:0.012283395044505596 :0.3237292468547821 +the:0.0345270074903965 I:0.02056221477687359 it:0.014877642504870892 in:0.01417997945100069 :0.165541410446167 +the:0.276048868894577 he:0.11970560252666473 they:0.04755672439932823 it:0.029521804302930832 :0.04851491004228592 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.06840173900127411 and:0.042412593960762024 to:0.02505476586520672 a:0.020178573206067085 :0.14215610921382904 +the:0.22171996533870697 he:0.08792518824338913 they:0.07784619182348251 a:0.053457777947187424 :0.04876082390546799 +W.,:0.040715768933296204 E:0.03329257667064667 W:0.0269862562417984 W.:0.026059992611408234 :0.16234271228313446 +was:0.09564381092786789 is:0.08639153838157654 has:0.048987749963998795 had:0.039236899465322495 :0.07459244877099991 +Dakota,:0.23149652779102325 Dakota:0.14004869759082794 Carolina:0.11243927478790283 Carolina,:0.08871913701295853 :0.07523827999830246 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.033239059150218964 years:0.03072766587138176 feet:0.024068132042884827 or:0.018481716513633728 :0.1857786327600479 +and:0.06592214852571487 to:0.046730220317840576 of:0.02326478809118271 the:0.02261483483016491 :0.1923043429851532 +for:0.06870510429143906 upon:0.06478628516197205 on:0.05518567934632301 in:0.053552258759737015 :0.049545012414455414 +and:0.06872609257698059 to:0.039772406220436096 the:0.030689409002661705 of:0.018236709758639336 :0.18126775324344635 +to:0.5162942409515381 of:0.07858101278543472 for:0.05220291391015053 in:0.021014513447880745 :0.03381972759962082 +city:0.021365832537412643 country:0.017948724329471588 point:0.017411187291145325 source:0.017078561708331108 :0.1575707346200943 +and:0.052203815430402756 of:0.039845794439315796 the:0.03796327859163284 to:0.021636158227920532 :0.15430960059165955 +the:0.08185596764087677 with:0.07950229942798615 so:0.037230897694826126 so,:0.031726717948913574 :0.047565437853336334 +the:0.33311551809310913 a:0.030247967690229416 said:0.030208129435777664 tho:0.01921687088906765 :0.12709833681583405 +a:0.09698574244976044 the:0.07959575206041336 it:0.050968337804079056 he:0.045054785907268524 :0.04906810075044632 +and:0.05872601270675659 the:0.020396146923303604 to:0.020230678841471672 of:0.01630565896630287 :0.25692489743232727 +way:0.08672554790973663 case:0.03048395738005638 direction:0.023368939757347107 respect:0.02323143556714058 :0.10476342588663101 +be:0.22339801490306854 not:0.05123239383101463 have:0.02427598647773266 bo:0.017404360696673393 :0.10037964582443237 +the:0.320717453956604 a:0.06956533342599869 this:0.0202738419175148 tho:0.01467428170144558 :0.12713195383548737 +and:0.0655570775270462 of:0.05947348475456238 as:0.05823551490902901 in:0.048540521413087845 :0.048101767897605896 +the:0.13180311024188995 this:0.04679184779524803 last:0.045852888375520706 first:0.03654789179563522 :0.22872187197208405 +ment:0.6286025047302246 ments:0.08750031888484955 of:0.018463633954524994 and:0.016323968768119812 :0.07902843505144119 +and:0.03707370162010193 to:0.017625607550144196 is:0.014302314259111881 of:0.013419088907539845 :0.1500920206308365 +The:0.11287946999073029 It:0.09308028221130371 He:0.04988687485456467 In:0.029409462586045265 :0.07351549714803696 +of:0.1532267928123474 and:0.09476569294929504 was:0.04304225742816925 is:0.03814584016799927 :0.1460781842470169 +of:0.7030710577964783 or:0.030269507318735123 to:0.017386633902788162 and:0.016118276864290237 :0.02496703527867794 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.19813264906406403 in:0.052804768085479736 to:0.03239927813410759 at:0.025508053600788116 :0.15622016787528992 +and:0.02823694609105587 in:0.019607972353696823 to:0.019076496362686157 of:0.014103386551141739 :0.19586525857448578 +and:0.38852646946907043 thence:0.03915725648403168 to:0.03470303863286972 but:0.03448246791958809 :0.02489522099494934 +is:0.09339205920696259 Is:0.058454323559999466 to:0.05359381064772606 was:0.052245330065488815 :0.07269702106714249 +the:0.22279052436351776 a:0.07707519829273224 his:0.033603426069021225 this:0.016002321615815163 :0.09698899835348129 +and:0.044869985431432724 the:0.027170812711119652 of:0.026922250166535378 The:0.012424669228494167 :0.21608924865722656 +the:0.2606983482837677 a:0.09459476917982101 which:0.018970496952533722 their:0.018228542059659958 :0.08303261548280716 +people:0.010426610708236694 water:0.00873568095266819 same:0.006514360662549734 men:0.006131178233772516 :0.1749187558889389 +the:0.057582590728998184 that:0.04459478706121445 and:0.028245503082871437 however,:0.026914378628134727 :0.08916490525007248 +the:0.22037377953529358 a:0.19833412766456604 his:0.02669180929660797 an:0.021234311163425446 :0.11768008023500443 +the:0.18903344869613647 be:0.03031114861369133 a:0.029411887750029564 do:0.014091051183640957 :0.1435580998659134 +in:0.060688603669404984 and:0.054503004997968674 to:0.050480425357818604 at:0.04748985916376114 :0.06917794048786163 +hereby:0.06622755527496338 not:0.04958612844347954 to:0.026706447824835777 the:0.025681789964437485 :0.1166389137506485 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +are:0.1175893023610115 were:0.09420640021562576 have:0.08823015540838242 had:0.050540272146463394 :0.05971958860754967 +a:0.05696704611182213 the:0.03654400259256363 not:0.03533928096294403 in:0.031164878979325294 :0.11367528885602951 +and:0.15861818194389343 of:0.11174533516168594 the:0.02479500137269497 that:0.02353370562195778 :0.08899027109146118 +of:0.0999886691570282 and:0.04863602668046951 to:0.028028132393956184 in:0.0191119983792305 :0.10952077805995941 +to:0.09156602621078491 in:0.05657904967665672 a:0.046923279762268066 and:0.04361787810921669 :0.035038359463214874 +lot:0.02424987591803074 mortgage:0.018760014325380325 county:0.018255962058901787 Court,:0.016002638265490532 :0.15843673050403595 +and:0.04625659063458443 year.:0.044449109584093094 year:0.043770160526037216 the:0.0395037867128849 :0.11630879342556 +to:0.02329753153026104 and:0.022692685946822166 of:0.02029247395694256 the:0.016742631793022156 :0.29071593284606934 +the:0.16684506833553314 it:0.06940679252147675 he:0.048776671290397644 I:0.03942524269223213 :0.10584075003862381 +the:0.2612057626247406 a:0.061778705567121506 which:0.024893902242183685 this:0.019189398735761642 :0.07441425323486328 +quarter:0.354354590177536 corner:0.15426211059093475 of:0.05256545916199684 line:0.03977016732096672 :0.0646856278181076 +the:0.14621034264564514 defaulting:0.028435248881578445 a:0.02560908906161785 purchaser.:0.017157433554530144 :0.1562696099281311 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +than:0.0954120084643364 and:0.0729638934135437 to:0.033711157739162445 the:0.026513701304793358 :0.13216593861579895 +and:0.062365561723709106 the:0.04857277497649193 in:0.037053182721138 of:0.03369849547743797 :0.19156435132026672 +north:0.19662809371948242 south:0.1913277506828308 running:0.09644898772239685 west:0.09393792599439621 :0.05131443962454796 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +and:0.2539244294166565 but:0.04610440507531166 the:0.030475927516818047 in:0.02922075241804123 :0.07080314308404922 +are:0.1367880403995514 were:0.08319137245416641 have:0.06948600709438324 had:0.03500479459762573 :0.0830131471157074 +the:0.12860071659088135 a:0.0537848137319088 he:0.025899069383740425 it:0.02195010706782341 :0.15226386487483978 +he:0.1405472457408905 the:0.11294777691364288 they:0.08968564122915268 I:0.07191617786884308 :0.06050407513976097 +day:0.01160785835236311 and:0.006418224889785051 line:0.004935278557240963 people:0.004362846724689007 :0.22643862664699554 +and:0.05665413290262222 to:0.03814579173922539 the:0.032737649977207184 of:0.025925274938344955 :0.1521615982055664 +and:0.07315031439065933 of:0.05340234562754631 to:0.035462260246276855 in:0.029577799141407013 :0.13507546484470367 +the:0.017041699960827827 other:0.016441991552710533 act:0.007498529739677906 one:0.007063442841172218 :0.36441999673843384 +a:0.10734232515096664 the:0.061231207102537155 well:0.05998936668038368 to:0.05485023185610771 :0.08652033656835556 +and:0.28300923109054565 or:0.03307390213012695 but:0.02888951450586319 in:0.028226656839251518 :0.04875308275222778 +of:0.13394349813461304 in:0.08291035890579224 and:0.06074649840593338 to:0.051827941089868546 :0.044348884373903275 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.13870911300182343 who:0.017031237483024597 thing:0.015607494860887527 that:0.011620033532381058 :0.1104133278131485 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +own:0.03320075571537018 way:0.010466581210494041 hands:0.00861885491758585 heads:0.00547879608348012 :0.23103629052639008 +of:0.05201830714941025 and:0.046781688928604126 to:0.041205983608961105 the:0.03436647728085518 :0.1936572939157486 +of:0.0748138278722763 and:0.06845960021018982 for:0.058920856565237045 that:0.03890759125351906 :0.03540114313364029 +be:0.26860493421554565 not:0.07489435374736786 bo:0.020813602954149246 probably:0.013480142690241337 :0.07916471362113953 +The:0.12423969060182571 It:0.04229751229286194 A:0.032583244144916534 That:0.024151450023055077 :0.17565064132213593 +the:0.3065212368965149 a:0.043826472014188766 this:0.027133287861943245 which:0.02290508523583412 :0.07228413969278336 +the:0.1960975080728531 be:0.03097572736442089 a:0.018418019637465477 their:0.011831601150333881 :0.1444859653711319 +to:0.1699245274066925 and:0.06970778107643127 in:0.05622043460607529 as:0.039133504033088684 :0.03384113684296608 +the:0.16942565143108368 of:0.07162218540906906 that:0.0252042505890131 over:0.01967603527009487 :0.1256670355796814 +ization:0.23841093480587006 ized:0.22040598094463348 or:0.022295832633972168 The:0.017660988494753838 :0.21664570271968842 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +once:0.1834489405155182 the:0.17709451913833618 least:0.09132745862007141 a:0.04715069755911827 :0.1084788367152214 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +and:0.1371927708387375 to:0.04766657575964928 or:0.03933657333254814 is:0.03549503907561302 :0.054227087646722794 +The:0.15865075588226318 It:0.04972318559885025 He:0.03281712904572487 There:0.029012225568294525 :0.09468524158000946 +the:0.2212621420621872 a:0.10496196150779724 an:0.017292935401201248 this:0.016853107139468193 :0.18215873837471008 +be:0.06729481369256973 see:0.041456591337919235 get:0.03768071159720421 have:0.027225401252508163 :0.08465683460235596 +morning:0.05952624976634979 year:0.02406494691967964 morning.:0.01649577170610428 time:0.014421366155147552 :0.11272518336772919 +from:0.10411082953214645 as:0.08470262587070465 in:0.04254341498017311 and:0.030490301549434662 :0.11437984555959702 +been:0.27123257517814636 not:0.025289200246334076 a:0.02154536359012127 the:0.01999824121594429 :0.10133092105388641 +and:0.12769493460655212 of:0.04007424786686897 to:0.031705353409051895 which:0.026042012497782707 :0.11609607934951782 +same:0.007547054905444384 most:0.007354519329965115 whole:0.005898511502891779 people:0.005466435104608536 :0.2445172369480133 +country:0.021445252001285553 city,:0.017442379146814346 act,:0.016137536615133286 city:0.015404942445456982 :0.14275318384170532 +the:0.231795996427536 a:0.037568818777799606 their:0.01794426515698433 his:0.014639475382864475 :0.15191109478473663 +of:0.043791476637125015 and:0.029046013951301575 the:0.025832636281847954 in:0.012535524554550648 :0.2166278213262558 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +half:0.04900379106402397 few:0.024365592747926712 large:0.02117382176220417 good:0.014667495153844357 :0.16771546006202698 +be:0.10288504511117935 the:0.08166395872831345 have:0.026733551174402237 do:0.0227609071880579 :0.09659888595342636 +the:0.06623326241970062 to:0.016478408128023148 in:0.014363404363393784 that:0.011338330805301666 :0.14414356648921967 +the:0.2491634488105774 this:0.017090821638703346 a:0.014706740155816078 their:0.012064915150403976 :0.15714377164840698 +thence:0.49892905354499817 thenco:0.03532370552420616 and:0.029932815581560135 the:0.016166672110557556 :0.09899937361478806 +a:0.02595122717320919 made:0.02390310913324356 taken:0.016428183764219284 the:0.012994790449738503 :0.19729392230510712 +good:0.036293886601924896 right:0.028843870386481285 great:0.024522116407752037 large:0.020856451243162155 :0.12727755308151245 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +of:0.10736371576786041 in:0.05002778396010399 after:0.045153383165597916 to:0.03152434900403023 :0.03568557649850845 +and:0.049903370440006256 to:0.038396742194890976 in:0.022880462929606438 at:0.020266173407435417 :0.13389426469802856 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.37824204564094543 a:0.05855955556035042 tho:0.01902218721807003 his:0.014851882122457027 :0.12307335436344147 +and:0.14987269043922424 in:0.09792659431695938 of:0.031176317483186722 on:0.030814247205853462 :0.04084041342139244 +the:0.33872202038764954 his:0.026093032211065292 a:0.025968970730900764 this:0.01994514837861061 :0.0933150127530098 +and:0.301336407661438 in:0.041130006313323975 on:0.031488947570323944 to:0.029731137678027153 :0.11274442821741104 +the:0.03740329667925835 of:0.03640826418995857 and:0.03379197046160698 to:0.03014928288757801 :0.1922530084848404 +and:0.07093816995620728 the:0.057439688593149185 to:0.034172702580690384 in:0.023209460079669952 :0.13279199600219727 +the:0.03583233058452606 of:0.012626423500478268 a:0.0076538193970918655 it:0.006681187078356743 :0.35414958000183105 +of:0.18250012397766113 and:0.0826982781291008 was:0.024909328669309616 to:0.022583937272429466 :0.09732448309659958 +and:0.12894251942634583 John:0.007005269173532724 J:0.0068863676860928535 James:0.004257733002305031 :0.46228939294815063 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +country:0.01565433293581009 whole:0.011665454134345055 country.:0.007986258715391159 entire:0.007771843578666449 :0.21156960725784302 +the:0.03595294803380966 a:0.023202024400234222 in:0.019439326599240303 made:0.010201562196016312 :0.24758197367191315 +than:0.3201332092285156 and:0.11922198534011841 to:0.09645949304103851 of:0.04934883862733841 :0.04049499332904816 +and:0.11716610193252563 the:0.026910904794931412 who:0.026346873492002487 but:0.02518356777727604 :0.1517617404460907 +No.:0.33969801664352417 of:0.12916786968708038 Attorney:0.04848485812544823 Court:0.04097553715109825 :0.0768134593963623 +and:0.11530248820781708 is:0.01961652748286724 the:0.01912747509777546 that:0.01701209880411625 :0.17685343325138092 +the:0.2558519244194031 a:0.0407363697886467 which:0.02373986691236496 tho:0.01943916641175747 :0.15491294860839844 +and:0.0441928431391716 of:0.039822887629270554 feet:0.02807137928903103 Mrs.:0.014906944707036018 :0.22773055732250214 +the:0.1844119131565094 he:0.05010654032230377 it:0.04345959424972534 they:0.0366022065281868 :0.057673145085573196 +of:0.29989612102508545 and:0.1472460925579071 in:0.02066347934305668 for:0.016252711415290833 :0.05015338957309723 +to:0.13727417588233948 and:0.08119750767946243 in:0.06733425706624985 from:0.05445001274347305 :0.03789593651890755 +of:0.6993775367736816 and:0.02763577364385128 is:0.017758989706635475 was:0.014279495924711227 :0.012283743359148502 +the:0.08310382813215256 a:0.014890600927174091 to:0.012494416907429695 that:0.011469949968159199 :0.1798708587884903 +is:0.27500268816947937 are:0.16955000162124634 was:0.1389843225479126 were:0.06026605889201164 :0.04292896389961243 +and:0.02004183828830719 was:0.014706280082464218 in:0.014198516495525837 is:0.010693578980863094 :0.12432597577571869 +of:0.15534164011478424 and:0.06239597499370575 are:0.05582616850733757 in:0.04325554519891739 :0.07795967906713486 +and:0.13803471624851227 to:0.056313406676054 was:0.031423330307006836 of:0.02489897981286049 :0.10222046822309494 +of:0.14207081496715546 and:0.047784268856048584 to:0.03425108641386032 or:0.01939297839999199 :0.08192820101976395 +and:0.05756435915827751 of:0.04115162044763565 who:0.01751294918358326 the:0.016947902739048004 :0.19255580008029938 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +only:0.09771634638309479 to:0.07628531008958817 a:0.030904710292816162 the:0.028822241351008415 :0.13397212326526642 +the:0.09969057887792587 that:0.08837515860795975 a:0.06962316483259201 in:0.06045284494757652 :0.11389324069023132 +and:0.04518083482980728 have:0.03661523759365082 .:0.035736311227083206 to:0.02969740331172943 :0.20608088374137878 +the:0.21772393584251404 a:0.04826318845152855 this:0.017695259302854538 any:0.01669282093644142 :0.05337943509221077 +same:0.012203417718410492 whole:0.00753868417814374 first:0.005663150455802679 last:0.004434396978467703 :0.17506077885627747 +to:0.4266057312488556 by:0.15227846801280975 for:0.12629742920398712 and:0.03286443650722504 :0.019589470699429512 +who:0.1527758240699768 of:0.1053488627076149 and:0.044996123760938644 were:0.04378838092088699 :0.07078639417886734 +the:0.23123686015605927 a:0.05264293774962425 this:0.02519303187727928 tho:0.020929252728819847 :0.12166646867990494 +one:0.025390446186065674 kind:0.024015096947550774 man:0.019984222948551178 other:0.013143835589289665 :0.1586151123046875 +d:0.03561718016862869 of:0.018718509003520012 to:0.016199905425310135 the:0.014177335426211357 :0.32170769572257996 +large:0.02183220535516739 basis:0.010644003748893738 small:0.01058240421116352 certain:0.00938599742949009 :0.17660795152187347 +period:0.030773982405662537 few:0.02582608349621296 year:0.023700380697846413 hundred:0.02188093774020672 :0.15325084328651428 +to:0.26613327860832214 from:0.2290564477443695 in:0.028485935181379318 and:0.023847900331020355 :0.07759065926074982 +A.:0.007856164127588272 1:0.005819269921630621 said:0.005690083373337984 New:0.00524420291185379 :0.4024973511695862 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +day:0.07177896052598953 morning:0.03614027053117752 few:0.020260166376829147 term:0.019162258133292198 :0.142920583486557 +the:0.10104846209287643 and:0.0541563518345356 District.:0.018908526748418808 with:0.01715419813990593 :0.2211226522922516 +than:0.37760552763938904 of:0.3460020124912262 in:0.051197852939367294 to:0.03122815117239952 :0.017039556056261063 +a:0.09070239961147308 more:0.06923672556877136 in:0.04873575270175934 and:0.043523162603378296 :0.07521624118089676 +Carolina:0.09058529883623123 Dakota,:0.05621536448597908 Carolina,:0.0465223528444767 and:0.03388945013284683 :0.22012615203857422 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +not:0.043972063809633255 a:0.02646952122449875 the:0.023999134078621864 now:0.016723215579986572 :0.3027585446834564 +not:0.480257511138916 the:0.02773418463766575 so:0.01581006869673729 in:0.012461479753255844 :0.04839568957686424 +to:0.41975143551826477 and:0.09584414213895798 for:0.07043731212615967 at:0.036342836916446686 :0.04305272549390793 +country:0.021445252001285553 city,:0.017442379146814346 act,:0.016137536615133286 city:0.015404942445456982 :0.14275318384170532 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.11731825023889542 was:0.03166795149445534 is:0.02645224891602993 and:0.01920516975224018 :0.15780214965343475 +have:0.031760942190885544 had:0.018300199881196022 was:0.012140892446041107 the:0.011635959148406982 :0.2055974155664444 +and:0.21280692517757416 but:0.047560807317495346 the:0.028668999671936035 in:0.02631634846329689 :0.05221714451909065 +of:0.842950701713562 that:0.06306526064872742 ot:0.008157256990671158 which:0.0080189174041152 :0.007388661615550518 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +the:0.2501066029071808 a:0.0506005696952343 by:0.03548012673854828 this:0.01641610451042652 :0.1613503098487854 +to:0.14082880318164825 for:0.1349540799856186 the:0.029487378895282745 that:0.02149074524641037 :0.0784064531326294 +the:0.5060247778892517 his:0.023520726710557938 a:0.02086281031370163 our:0.01600036956369877 :0.05972537398338318 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +that:0.1361130028963089 and:0.08015959709882736 the:0.04357452318072319 in:0.03740060329437256 :0.03514811769127846 +the:0.039904188364744186 New:0.03844168037176132 St.:0.020939817652106285 Los:0.01835988089442253 :0.2622256875038147 +point:0.09275677800178528 time:0.03719547018408775 cost:0.028422515839338303 distance:0.02712910622358322 :0.13149255514144897 +to:0.03666665777564049 in:0.02304632030427456 the:0.021582039073109627 and:0.020870236679911613 :0.16228602826595306 +the:0.10434752702713013 be:0.06886802613735199 a:0.015901681035757065 make:0.01482897438108921 :0.10396312177181244 +the:0.07285461574792862 that:0.06841675937175751 not:0.05652005970478058 to:0.047370463609695435 :0.08785425126552582 +of:0.3097531795501709 and:0.0693446472287178 to:0.021392278373241425 in:0.021261004731059074 :0.04310840368270874 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.04383626580238342 in:0.026703333482146263 a:0.022285854443907738 made:0.017005719244480133 :0.15898217260837555 +and:0.12697768211364746 the:0.05191084370017052 when:0.03573543578386307 but:0.03106522001326084 :0.0439269095659256 +and:0.2681627869606018 the:0.045648183673620224 but:0.04094761610031128 in:0.03386221453547478 :0.07872674614191055 +is:0.19220121204853058 was:0.08673154562711716 will:0.03282377868890762 would:0.031237101182341576 :0.12148718535900116 +The:0.022041775286197662 .:0.012973204255104065 and:0.012523837387561798 A:0.011634666472673416 :0.3079439103603363 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.37729814648628235 a:0.11539874225854874 their:0.015285489149391651 tho:0.014566564001142979 :0.08379682898521423 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +a:0.06846656650304794 the:0.04825889691710472 not:0.02478213980793953 in:0.015073750168085098 :0.14466936886310577 +a:0.0789470449090004 been:0.04610748589038849 to:0.042156826704740524 not:0.03807854652404785 :0.20034873485565186 +is:0.04936147481203079 are:0.0413263775408268 will:0.036969516426324844 the:0.03676461800932884 :0.06898282468318939 +of:0.11404002457857132 the:0.0533333420753479 to:0.025953123345971107 a:0.023942429572343826 :0.16840611398220062 +to:0.028497427701950073 and:0.023763319477438927 of:0.01896611787378788 the:0.015714507550001144 :0.2980431914329529 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.15787273645401 for:0.0715658962726593 with:0.054414380341768265 to:0.03979267179965973 :0.057598333805799484 +the:0.4841180741786957 tho:0.029814768582582474 a:0.02452998049557209 this:0.022800495848059654 :0.057400964200496674 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.1994345486164093 be:0.03214934095740318 a:0.02263719215989113 him:0.014883616007864475 :0.14114415645599365 +a:0.29059848189353943 the:0.16120107471942902 and:0.04766665771603584 an:0.04033811017870903 :0.0408037044107914 +and:0.24236918985843658 but:0.04500766471028328 the:0.014160305261611938 of:0.014137912541627884 :0.09794127196073532 +and:0.05828119441866875 of:0.04552995041012764 the:0.02757372334599495 to:0.017861375585198402 :0.1471567004919052 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.11990680545568466 the:0.06938213855028152 to:0.06798234581947327 a:0.03033597022294998 :0.0994856134057045 +the:0.4183162450790405 a:0.06695273518562317 least:0.03168204426765442 this:0.021136514842510223 :0.12303220480680466 +the:0.04885976389050484 to:0.046762458980083466 and:0.04061809927225113 a:0.020518558099865913 :0.1580161154270172 +a:0.13107331097126007 an:0.03251269832253456 resale:0.019744014367461205 as:0.01217531505972147 :0.14970266819000244 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +of:0.35416632890701294 and:0.036344584077596664 in:0.030908659100532532 to:0.02613183856010437 :0.04569612070918083 +of:0.38274604082107544 is:0.04675750061869621 and:0.031146615743637085 was:0.030240636318922043 :0.037809863686561584 +amount:0.02115112915635109 quantity:0.01738368347287178 portion:0.014552979730069637 sum:0.013057596981525421 :0.17961318790912628 +The:0.13020087778568268 It:0.0782436653971672 He:0.030109331011772156 A:0.026023728772997856 :0.16893307864665985 +and:0.16050679981708527 of:0.08759492635726929 in:0.04112198203802109 to:0.024592986330389977 :0.1367354393005371 +along:0.38596203923225403 parallel:0.04724109172821045 on:0.03920898213982582 by:0.027131615206599236 :0.12217497825622559 +after:0.30294087529182434 the:0.0919698029756546 it:0.039561908692121506 of:0.034455932676792145 :0.04003072902560234 +own:0.03715791553258896 way:0.008621699176728725 hands:0.00806782953441143 opinion:0.006713027134537697 :0.1831633299589157 +of:0.34598079323768616 and:0.03316822275519371 Court:0.03181924298405647 Commissioners:0.02360927127301693 :0.12511345744132996 +and:0.0846337229013443 of:0.07058604061603546 to:0.05933215096592903 in:0.04536733776330948 :0.10574550181627274 +same:0.012454329989850521 first:0.010039422661066055 most:0.005491485819220543 whole:0.005211767740547657 :0.1400669664144516 +church:0.14591175317764282 Episcopal:0.12772247195243835 church,:0.04948734864592552 Church:0.043252576142549515 :0.20902539789676666 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +own:0.044845812022686005 respective:0.012155706994235516 friends:0.00942209642380476 means:0.00532557675614953 :0.23447246849536896 +been:0.4721391201019287 not:0.033225346356630325 to:0.02752777561545372 taken:0.014525415375828743 :0.05031378194689751 +menced:0.10114237666130066 to:0.016005054116249084 mend:0.01584540493786335 -:0.015384381636977196 :0.4078688621520996 +the:0.2398805171251297 which:0.04974740743637085 a:0.04909534752368927 his:0.026973716914653778 :0.09560873359441757 +in:0.10760147869586945 at:0.09076382964849472 of:0.07163037359714508 on:0.05387870967388153 :0.05240295082330704 +of:0.13964343070983887 and:0.10635702311992645 are:0.04145068675279617 in:0.035634398460388184 :0.05663091316819191 +of:0.2435559332370758 are:0.04931552708148956 in:0.04269549623131752 and:0.031215840950608253 :0.04098143428564072 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.3306709825992584 a:0.035533152520656586 this:0.033884987235069275 tho:0.01965751312673092 :0.0979100838303566 +and:0.03832913562655449 is:0.02286321297287941 of:0.02056446485221386 was:0.012330521829426289 :0.13404153287410736 +of:0.3638070225715637 in:0.03703712299466133 to:0.036872927099466324 the:0.025479735806584358 :0.04330594837665558 +to:0.10869565606117249 up:0.061039458960294724 down:0.03677060455083847 from:0.035521481186151505 :0.07289838790893555 +is:0.07413031905889511 was:0.046560585498809814 he:0.04418996721506119 has:0.04052858054637909 :0.04409950599074364 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +is:0.06150038167834282 the:0.04955526813864708 was:0.04871702939271927 has:0.039158958941698074 :0.053375694900751114 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.14178161323070526 he:0.04637420177459717 they:0.036805808544158936 I:0.032985951751470566 :0.12519721686840057 +of:0.3152496814727783 and:0.06983085721731186 was:0.05781491473317146 is:0.03305477648973465 :0.028155192732810974 +be:0.1612926721572876 have:0.10657168924808502 not:0.07854504138231277 make:0.01510535180568695 :0.10844597220420837 +was:0.07735340297222137 of:0.06696105748414993 and:0.03820044919848442 to:0.02634962648153305 :0.06399961560964584 +the:0.3791760504245758 a:0.07944373041391373 their:0.03037785179913044 his:0.021379901096224785 :0.06790053099393845 +the:0.08351975679397583 as:0.05479331687092781 a:0.046343278139829636 and:0.04173145070672035 :0.23158380389213562 +the:0.31414470076560974 a:0.05027027055621147 this:0.019830910488963127 his:0.0188104510307312 :0.100152887403965 +things:0.036062587052583694 and:0.024547405540943146 men:0.023394329473376274 people:0.022294029593467712 :0.1650131344795227 +the:0.17312097549438477 to:0.11672056466341019 a:0.11490955203771591 his:0.020220879465341568 :0.1000884622335434 +the:0.08451704680919647 a:0.02238372713327408 that:0.01483786478638649 in:0.01074141263961792 :0.15679992735385895 +be:0.4600909352302551 not:0.0620524063706398 bo:0.0173915084451437 have:0.014861613512039185 :0.01942680962383747 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +first:0.016724519431591034 said:0.011751418001949787 time:0.011722218245267868 war:0.011099166236817837 :0.17003309726715088 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +the:0.08661914616823196 a:0.014253580942749977 other:0.011625480838119984 his:0.009087996557354927 :0.1846156269311905 +is:0.30600860714912415 was:0.16582563519477844 will:0.04693111777305603 has:0.038714684545993805 :0.04099159315228462 +and:0.08982880413532257 for:0.04187440872192383 in:0.039459723979234695 on:0.03845909237861633 :0.05632880702614784 +and:0.014586755074560642 interest:0.012758460827171803 rate:0.008464215323328972 time:0.004894088953733444 :0.16074571013450623 +of:0.03447388857603073 and:0.030796129256486893 the:0.02221793495118618 a:0.012180584482848644 :0.3613024055957794 +and:0.05480072274804115 of:0.035245612263679504 The:0.022299589589238167 to:0.017220141366124153 :0.17170989513397217 +the:0.1415819525718689 that:0.09911934286355972 of:0.026243381202220917 over:0.02290012501180172 :0.0974012017250061 +and:0.1837458610534668 the:0.042236555367708206 a:0.023340942338109016 but:0.02122422680258751 :0.07312557101249695 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +Co.:0.0733984112739563 Co.,:0.05450219288468361 Co:0.02091023698449135 and:0.008920812048017979 :0.31688129901885986 +by:0.31690526008605957 and:0.058951832354068756 to:0.04982317239046097 the:0.0474301315844059 :0.03311886265873909 +and:0.10464446991682053 the:0.04211593046784401 in:0.023389190435409546 that:0.018524840474128723 :0.07822318375110626 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +penses:0.07412296533584595 pense:0.0565929114818573 tent:0.047166988253593445 ception:0.03813432902097702 :0.3160630166530609 +and:0.015537415631115437 the:0.015058642253279686 of:0.013530953787267208 a:0.007647200487554073 :0.26871854066848755 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +same:0.014053042978048325 people:0.0073514520190656185 water:0.005082233343273401 law:0.005065469071269035 :0.1300048679113388 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.10785412043333054 of:0.08373614400625229 the:0.04388510063290596 are:0.04243041202425957 :0.0808834657073021 +and:0.09134934842586517 of:0.0414351224899292 in:0.039132628589868546 is:0.03168558329343796 :0.13244275748729706 +own:0.01247918326407671 friends:0.009362203069031239 money:0.008014132268726826 children:0.00791955180466175 :0.2577688992023468 +and:0.04704568162560463 many:0.009278052486479282 benefit:0.00782984308898449 care:0.007614531554281712 :0.23119206726551056 +and:0.054137930274009705 of:0.03582901135087013 the:0.03181176632642746 to:0.02162385918200016 :0.21946577727794647 +of:0.2541569769382477 was:0.03847746551036835 and:0.038205619901418686 on:0.036338526755571365 :0.05328763648867607 +is:0.10939688235521317 was:0.06774625182151794 in:0.03271254897117615 to:0.032034825533628464 :0.09675724059343338 +not:0.12148287147283554 the:0.06547771394252777 with:0.02793032117187977 you:0.022468362003564835 :0.13080282509326935 +company:0.057291142642498016 and:0.031025206670165062 station:0.021449152380228043 companies:0.016459161415696144 :0.11274252086877823 +and:0.0656527653336525 the:0.033724065870046616 of:0.03292737901210785 The:0.030353384092450142 :0.18432378768920898 +to:0.31181368231773376 that:0.16069677472114563 he:0.03809252753853798 in:0.022670377045869827 :0.07712067663669586 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +a:0.053294382989406586 not:0.04799417406320572 the:0.030609242618083954 now:0.024389194324612617 :0.11048712581396103 +to:0.1149168461561203 and:0.0896061360836029 for:0.07481048256158829 in:0.056197430938482285 :0.045378535985946655 +The:0.035758744925260544 I:0.020714113488793373 the:0.01576034538447857 of:0.012598635628819466 :0.3713209331035614 +of:0.8383910655975342 and:0.022404903545975685 ot:0.011361852288246155 to:0.007628026884049177 :0.009567711502313614 +and:0.05858888104557991 to:0.021544598042964935 The:0.016741858795285225 of:0.01661817356944084 :0.12314601242542267 +the:0.2210799902677536 a:0.04567909240722656 this:0.031053489074110985 tho:0.02067658305168152 :0.14637210965156555 +claims:0.1347440779209137 claims,:0.08589112013578415 and:0.06430046260356903 claim,:0.027907975018024445 :0.10465076565742493 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.04736831411719322 in:0.03335799649357796 so:0.033096760511398315 to:0.029675230383872986 :0.058759983628988266 +highest:0.008973837830126286 said:0.006786982994526625 amount:0.004706013482064009 United:0.004402464255690575 :0.28833863139152527 +Carolina:0.19692997634410858 and:0.04422953724861145 Carolina,:0.04052269458770752 Carolina.:0.023906394839286804 :0.2361348420381546 +that:0.08759142458438873 to:0.07503356039524078 the:0.06961629539728165 he:0.05777806416153908 :0.1445273607969284 +was:0.0874226838350296 would:0.07815294712781906 has:0.0479862205684185 had:0.04647349193692207 :0.09431322664022446 +and:0.03039836324751377 of:0.023418357595801353 No.:0.015596398152410984 J.:0.014084305614233017 :0.3663804829120636 +and:0.14251510798931122 but:0.10293839126825333 to:0.039061009883880615 as:0.03134918957948685 :0.06197815015912056 +and:0.12192248553037643 of:0.04706097021698952 inhabitant:0.010009104385972023 man:0.00907325092703104 :0.1442958414554596 +a:0.0945512056350708 the:0.08421739190816879 me:0.051316335797309875 him:0.04979822784662247 :0.060137756168842316 +out:0.13916204869747162 into:0.09929414838552475 up:0.06457459926605225 in:0.0426003597676754 :0.04055243730545044 +be:0.08127967268228531 the:0.0502200573682785 have:0.03084438666701317 make:0.02189933881163597 :0.11540535092353821 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.2655257284641266 a:0.048014190047979355 this:0.03529861569404602 their:0.0237484909594059 :0.048546381294727325 +of:0.195977121591568 and:0.09204529225826263 with:0.031750455498695374 in:0.02971825934946537 :0.10107551515102386 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +the:0.19960658252239227 he:0.07026471197605133 it:0.031948521733284 a:0.02817126177251339 :0.07559886574745178 +the:0.04210461303591728 any:0.029704425483942032 in:0.017881186679005623 a:0.01773890294134617 :0.14741432666778564 +and:0.05728791281580925 the:0.03783491253852844 to:0.027714021503925323 of:0.018719786778092384 :0.12273101508617401 +wife:0.019712558016180992 own:0.0155649334192276 heart:0.015254741534590721 friends,:0.012342202477157116 :0.186128631234169 +been:0.14760366082191467 a:0.05584808811545372 the:0.02858027257025242 to:0.025686929002404213 :0.11843021959066391 +and:0.05072174593806267 the:0.035833876579999924 was:0.02208513393998146 in:0.02031996101140976 :0.20061035454273224 +the:0.19287407398223877 any:0.07575666904449463 least:0.07489117980003357 all:0.04640674963593483 :0.08991611003875732 +been:0.1769319325685501 a:0.02951802872121334 not:0.015330186113715172 had:0.014632171019911766 :0.07885047048330307 +of:0.3329892158508301 that:0.08036679774522781 to:0.03778041899204254 he:0.026813961565494537 :0.071068175137043 +and:0.18254871666431427 of:0.05173647776246071 the:0.031583722680807114 as:0.019526593387126923 :0.06439204514026642 +the:0.10545852780342102 a:0.028768260031938553 that:0.020204519852995872 his:0.014449373818933964 :0.16156414151191711 +the:0.14892831444740295 a:0.11047922074794769 at:0.053653258830308914 in:0.03738657757639885 :0.04211273789405823 +of:0.1151665523648262 and:0.061723724007606506 in:0.020970726385712624 the:0.01924004964530468 :0.16366620361804962 +that:0.2753000259399414 the:0.08871334046125412 to:0.04776270315051079 it:0.035652145743370056 :0.03291289880871773 +of:0.3205333948135376 for:0.08101389557123184 was:0.049134060740470886 on:0.03863491863012314 :0.03596921265125275 +was:0.030072657391428947 is:0.02137180231511593 and:0.01981186307966709 will:0.013044784776866436 :0.20871879160404205 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +been:0.23401814699172974 a:0.08561830222606659 the:0.04625612124800682 not:0.02687704935669899 :0.07584397494792938 +The:0.07214859127998352 It:0.038689758628606796 I:0.03482884168624878 He:0.01945161260664463 :0.18994586169719696 +the:0.09016728401184082 money:0.04764586687088013 said:0.014349423348903656 a:0.013890777714550495 :0.16763241589069366 +was:0.040192779153585434 and:0.03900322690606117 of:0.031873732805252075 is:0.026363397017121315 :0.1517830193042755 +and:0.04109213128685951 of:0.0332239493727684 the:0.01871410384774208 in:0.012035148218274117 :0.17256398499011993 +and:0.04124101996421814 of:0.024029646068811417 the:0.008356164209544659 in:0.004902568645775318 :0.26316961646080017 +and:0.11570926755666733 the:0.039532698690891266 to:0.03727163374423981 in:0.03168695792555809 :0.2372269630432129 +and:0.10554717481136322 in:0.08044904470443726 by:0.028339553624391556 the:0.025142939761281013 :0.12780827283859253 +of:0.2232094556093216 ing:0.06256312876939774 and:0.04388425871729851 which:0.03562873974442482 :0.0908937007188797 +edge:0.01657950133085251 three:0.011340556666254997 and:0.010085743851959705 house:0.009064808487892151 :0.17605063319206238 +range:0.3501754105091095 and:0.113726407289505 at:0.017350206151604652 in:0.015226068906486034 :0.1867554932832718 +the:0.1812775880098343 he:0.08779546618461609 they:0.056150373071432114 it:0.04489459469914436 :0.09481287747621536 +the:0.032483477145433426 was:0.02919202856719494 of:0.027414429932832718 and:0.026798516511917114 :0.17232030630111694 +a:0.06225908175110817 one:0.05458373576402664 two:0.04133079573512077 the:0.029321063309907913 :0.1035219356417656 +the:0.11385731399059296 it:0.03630227968096733 he:0.03180751949548721 I:0.02640845626592636 :0.06900406628847122 +The:0.04298589751124382 It:0.027212485671043396 I:0.02018430270254612 Why:0.01571641117334366 :0.23504072427749634 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.5228328704833984 said:0.03111127018928528 tho:0.024003539234399796 his:0.023178409785032272 :0.04890739545226097 +and:0.0674280896782875 the:0.042513538151979446 to:0.030657274648547173 a:0.01894560642540455 :0.13873191177845 +say:0.04928427189588547 be:0.0457267165184021 see:0.03405497223138809 tell:0.02544858306646347 :0.12425448000431061 +first:0.007665818557143211 most:0.005253933370113373 result:0.004959192592650652 whole:0.004465779289603233 :0.30929628014564514 +of:0.11472564935684204 in:0.06858230382204056 and:0.05142061412334442 to:0.03822960704565048 :0.08142146468162537 +of:0.14540928602218628 and:0.10026746988296509 in:0.04237280786037445 as:0.027873795479536057 :0.03808341547846794 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +who:0.19670972228050232 of:0.07030130922794342 and:0.052627790719270706 were:0.04758549854159355 :0.05543633922934532 +of:0.10779660195112228 the:0.06941729038953781 in:0.051192883402109146 to:0.03899849206209183 :0.0940760150551796 +to:0.08191033452749252 by:0.07091639190912247 the:0.0581132136285305 in:0.04761660844087601 :0.0809488371014595 +and:0.13254810869693756 of:0.0632595345377922 by:0.03493180125951767 or:0.022025151178240776 :0.07581738382577896 +the:0.1561526358127594 he:0.0481242761015892 a:0.03956868499517441 they:0.035359155386686325 :0.07324080914258957 +few:0.042630698531866074 very:0.015618205070495605 short:0.015611534006893635 large:0.011541273444890976 :0.17077979445457458 +Shore:0.05079360678792 and:0.015450880862772465 States:0.014416499994695187 of:0.007967312820255756 :0.3123265206813812 +the:0.07153968513011932 be:0.04409685358405113 make:0.02068547159433365 do:0.019680732861161232 :0.09941229969263077 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.04444286972284317 a:0.03957361727952957 made:0.034243885427713394 not:0.03231043368577957 :0.1634638011455536 +the:0.27661606669425964 a:0.0441642701625824 this:0.03037908487021923 tho:0.01644117571413517 :0.13630089163780212 +and:0.04004550352692604 of:0.03679284825921059 the:0.026415184140205383 in:0.021392062306404114 :0.23006048798561096 +to:0.0568438321352005 the:0.05231362581253052 and:0.031168824061751366 a:0.02234230563044548 :0.1449517160654068 +the:0.10360438376665115 he:0.061079688370227814 it:0.060446470975875854 they:0.04847279563546181 :0.09616869688034058 +and:0.04638061672449112 of:0.0203927643597126 or:0.01657925546169281 in:0.016246819868683815 :0.15991756319999695 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.2260926067829132 a:0.0646844357252121 his:0.013966448605060577 tho:0.013471468351781368 :0.15081572532653809 +a:0.1540648490190506 as:0.042459629476070404 in:0.026954762637615204 an:0.020504368469119072 :0.19851525127887726 +the:0.09563802927732468 a:0.054954640567302704 not:0.047701261937618256 to:0.043602265417575836 :0.11075910925865173 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +to:0.06839999556541443 in:0.06296724826097488 the:0.061631690710783005 was:0.053858645260334015 :0.04088831692934036 +The:0.01747046411037445 and:0.015902230516076088 the:0.013112624175846577 of:0.01249554194509983 :0.25462210178375244 +the:0.4271060824394226 this:0.0321897529065609 a:0.03184216842055321 tho:0.017855238169431686 :0.08314482122659683 +the:0.19150453805923462 a:0.07304947078227997 their:0.03510814532637596 it:0.03208056464791298 :0.04030744358897209 +and:0.10659556835889816 by:0.06406807899475098 the:0.05640392005443573 of:0.034534014761447906 :0.08808974921703339 +the:0.036623500287532806 and:0.02448929287493229 of:0.017073607072234154 to:0.01491094846278429 :0.3143525719642639 +to:0.3038260340690613 in:0.17073342204093933 on:0.06484444439411163 as:0.04968705400824547 :0.04945977032184601 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.09341040253639221 and:0.033584319055080414 assortment:0.010749943554401398 or:0.009690126404166222 :0.16975070536136627 +and:0.013208935037255287 men:0.006948111578822136 way:0.006403873674571514 rate:0.0052673486061394215 :0.18191149830818176 +the:0.315324604511261 a:0.03834686428308487 this:0.02345098741352558 his:0.015233790501952171 :0.12648846209049225 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.18079178035259247 to:0.16941514611244202 in:0.043491486459970474 the:0.02295195311307907 :0.03401504084467888 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.12417751550674438 that:0.01886569894850254 a:0.014373142272233963 to:0.01172576006501913 :0.13268862664699554 +been:0.3020728826522827 a:0.0344640389084816 not:0.031726986169815063 the:0.024881644174456596 :0.07545841485261917 +the:0.27787449955940247 a:0.07243566960096359 this:0.03369187191128731 their:0.02548353001475334 :0.06372515857219696 +mediately:0.07927136868238449 provement:0.06493552774190903 proved:0.041538409888744354 provements:0.026713263243436813 :0.4270265996456146 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +erty:0.16283757984638214 and:0.08284122496843338 ing:0.0681605190038681 erty,:0.04645714908838272 :0.1755923330783844 +the:0.08006490021944046 by:0.07123184204101562 up:0.05976071581244469 to:0.045110080391168594 :0.07980385422706604 +of:0.03639242798089981 and:0.035328883677721024 in:0.012733572162687778 to:0.012278487905859947 :0.2184414565563202 +have:0.08219806849956512 am:0.07814860343933105 do:0.03252368047833443 don't:0.032395001500844955 :0.12405455857515335 +old:0.01734587736427784 order:0.01093175821006298 1:0.008764054626226425 act:0.00855819508433342 :0.29079732298851013 +the:0.0612303651869297 a:0.018402358517050743 f:0.015513462945818901 and:0.012109206058084965 :0.2733052968978882 +.:0.12933772802352905 and:0.02556806057691574 street:0.007864588871598244 A:0.0069259959273040295 :0.41114968061447144 +few:0.07212864607572556 short:0.026284290477633476 very:0.0147770456969738 large:0.011302444152534008 :0.1578875482082367 +that:0.1034008339047432 of:0.08870970457792282 and:0.07721487432718277 for:0.03856601566076279 :0.043469976633787155 +the:0.0798819363117218 I:0.03206859156489372 he:0.0319269597530365 a:0.030448058620095253 :0.07268555462360382 +and:0.033062893897295 was:0.03096018172800541 the:0.016476863995194435 of:0.016438836231827736 :0.20604047179222107 +ple:0.6203063726425171 ple,:0.1357189565896988 ple.:0.12563052773475647 and:0.0034400764852762222 :0.06888400763273239 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +to:0.11218677461147308 much:0.11010507494211197 the:0.08762851357460022 many:0.05630626156926155 :0.0583098828792572 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.18574976921081543 is:0.05844426900148392 has:0.0504540391266346 in:0.04985249415040016 :0.04501176252961159 +street:0.1758185625076294 street,:0.06020487844944 Street:0.05958523973822594 Street,:0.026737328618764877 :0.1364903599023819 +was:0.06541414558887482 is:0.032466307282447815 had:0.025542965158820152 has:0.022635923698544502 :0.19829246401786804 +the:0.2736648917198181 to:0.25239163637161255 a:0.03345343470573425 this:0.017251821234822273 :0.027047982439398766 +of:0.4316807985305786 thereof.:0.10725676268339157 thereof,:0.10490579158067703 thereof;:0.07441121339797974 :0.06136392429471016 +way:0.04670834541320801 own:0.03267241269350052 head:0.019641324877738953 part:0.018766092136502266 :0.1305573284626007 +the:0.06646270304918289 a:0.029739880934357643 that:0.01573391817510128 in:0.008819567039608955 :0.1327848881483078 +to:0.11241109669208527 and:0.058881934732198715 the:0.018069149926304817 The:0.014407905749976635 :0.19794896245002747 +been:0.21707431972026825 to:0.032493483275175095 not:0.028359586372971535 a:0.026907887309789658 :0.06783142685890198 +of:0.11507398635149002 and:0.06718821823596954 in:0.046545978635549545 at:0.032455429434776306 :0.11809148639440536 +tion:0.33839693665504456 retary:0.07210464030504227 tions:0.04086434468626976 and:0.037486445158720016 :0.07120447605848312 +be:0.11276720464229584 have:0.10221903026103973 not:0.07020531594753265 do:0.013111252337694168 :0.1147722452878952 +the:0.2770558297634125 a:0.033043187111616135 said:0.018706515431404114 tho:0.008250825107097626 :0.2830304205417633 +the:0.12374508380889893 that:0.020578471943736076 he:0.016561970114707947 was:0.016519086435437202 :0.07732812315225601 +is:0.02668287418782711 year:0.02358051761984825 morning:0.01658700592815876 was:0.01165260560810566 :0.16633407771587372 +of:0.3840467631816864 demanded:0.07382403314113617 and:0.03464594483375549 from:0.027063636109232903 :0.052554916590452194 +who:0.07751712948083878 and:0.06830839812755585 Mrs.:0.04441554471850395 of:0.016474973410367966 :0.15007135272026062 +that:0.08299406617879868 the:0.06202288344502449 in:0.05335582047700882 to:0.044289056211709976 :0.07395124435424805 +curred:0.2790626585483551 cupied:0.19996711611747742 curs:0.03726604953408241 cur:0.010380850173532963 :0.33935150504112244 +the:0.20228387415409088 a:0.08676381409168243 tho:0.012534582056105137 an:0.010786885395646095 :0.11460846662521362 +attention:0.009378899820148945 interest:0.00799979455769062 and:0.007520593237131834 importance:0.007461640052497387 :0.21835793554782867 +is:0.0821610689163208 was:0.0619516558945179 has:0.05053454637527466 will:0.03679487109184265 :0.04957288131117821 +the:0.4753681719303131 them:0.05677352100610733 these:0.03739026188850403 them,:0.024358602240681648 :0.04942828416824341 +the:0.2508027255535126 to:0.24593277275562286 him:0.03461967781186104 a:0.0325026735663414 :0.030303485691547394 +District:0.07205882668495178 and:0.06486958265304565 of:0.03559122234582901 Trustees:0.027494728565216064 :0.1444208323955536 +of:0.27863457798957825 and:0.10078607499599457 for:0.03529125079512596 in:0.026703383773565292 :0.08153460174798965 +the:0.07581176608800888 not:0.06912638247013092 a:0.05157480388879776 to:0.04259350150823593 :0.1203102171421051 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +vided:0.15373075008392334 posed:0.10286189615726471 vided,:0.07410500943660736 vides:0.05990753322839737 :0.15150131285190582 +the:0.11463956534862518 and:0.04519730061292648 in:0.03533104434609413 of:0.032681744545698166 :0.06629642099142075 +is:0.060412123799324036 the:0.05131318420171738 of:0.047855194658041 was:0.0437234491109848 :0.13318414986133575 +amount:0.02615613117814064 and:0.015089231543242931 sum:0.012380894273519516 towns:0.0091233029961586 :0.15383337438106537 +to:0.14705327153205872 from:0.062095753848552704 in:0.04856285825371742 out:0.0329449363052845 :0.10442297160625458 +of:0.285272479057312 and:0.06664812564849854 was:0.02218850515782833 in:0.01715564727783203 :0.09281979501247406 +the:0.3704242408275604 a:0.02695579081773758 said:0.025476370006799698 this:0.020772021263837814 :0.06401197612285614 +the:0.25417560338974 to:0.1624082773923874 a:0.030687715858221054 you:0.027071071788668633 :0.02603927254676819 +to:0.06830739229917526 that:0.06611159443855286 in:0.055518873035907745 from:0.037245217710733414 :0.07403136044740677 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +have:0.09681873768568039 was:0.08709204941987991 had:0.08666716516017914 am:0.06176653876900673 :0.08264587819576263 +few:0.09161107242107391 short:0.040044937282800674 small:0.022489694878458977 little:0.02233404666185379 :0.1348012387752533 +the:0.07519889622926712 I:0.024018678814172745 a:0.022045403718948364 my:0.01625720039010048 :0.15996423363685608 +that:0.28823938965797424 the:0.0913749560713768 his:0.07094930857419968 himself:0.06561116129159927 :0.04319474473595619 +a:0.1541558802127838 the:0.1529674530029297 it:0.03800688311457634 up:0.027043383568525314 :0.07600623369216919 +and:0.04930446669459343 for:0.0408085472881794 of:0.03864356875419617 to:0.034245628863573074 :0.09320221841335297 +of:0.13680359721183777 who:0.08136890083551407 in:0.045992787927389145 and:0.03640168532729149 :0.12144038826227188 +and:0.22309677302837372 the:0.049446266144514084 of:0.03912646323442459 but:0.035465504974126816 :0.11255788803100586 +the:0.0852496325969696 a:0.017491405829787254 that:0.010455708019435406 to:0.010295405052602291 :0.24687165021896362 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +The:0.12444692850112915 It:0.07540705800056458 He:0.03685568645596504 There:0.02840598113834858 :0.07087774574756622 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +is:0.27216237783432007 was:0.16107779741287231 would:0.04749438166618347 will:0.0459151417016983 :0.03463342785835266 +and:0.16108472645282745 of:0.1470613032579422 that:0.032379962503910065 in:0.029933495447039604 :0.055006541311740875 +the:0.09423109889030457 not:0.027084356173872948 a:0.024528739973902702 to:0.023212654516100883 :0.11592741310596466 +and:0.00920776929706335 of:0.007012323942035437 people:0.0059790038503706455 days:0.005968079902231693 :0.2555287778377533 +and:0.08837801963090897 the:0.055380679666996 in:0.04954898729920387 with:0.047197144478559494 :0.0534646175801754 +own:0.049583107233047485 hand,:0.009334270842373371 power:0.008298046886920929 pocket:0.007051335647702217 :0.16691681742668152 +into:0.15781450271606445 out:0.11999490112066269 in:0.08003097027540207 down:0.05573701858520508 :0.04482274129986763 +who:0.04782700166106224 and:0.04762425273656845 was:0.0444427914917469 of:0.042576588690280914 :0.07889106124639511 +the:0.1174960657954216 be:0.054133638739585876 do:0.027953671291470528 make:0.023748621344566345 :0.1026613712310791 +and:0.19192536175251007 but:0.03619005158543587 the:0.026548175141215324 in:0.022101905196905136 :0.04611770063638687 +and:0.08927051723003387 in:0.02249215357005596 the:0.020977454259991646 for:0.02016117423772812 :0.11161471158266068 +and:0.16172505915164948 but:0.05962284654378891 the:0.05223840847611427 in:0.04332851991057396 :0.04862505570054054 +first:0.008733123540878296 committee:0.007983159273862839 people:0.007577504962682724 following:0.006791349966078997 :0.15148116648197174 +not:0.04267539083957672 a:0.03822917863726616 the:0.025090616196393967 to:0.022273557260632515 :0.14534546434879303 +and:0.04858902096748352 of:0.02845669351518154 to:0.02725554071366787 The:0.017880108207464218 :0.24331052601337433 +of:0.4891456365585327 is:0.03650679439306259 to:0.031186364591121674 and:0.022424917668104172 :0.02202853187918663 +to:0.12305285781621933 more:0.09014183282852173 less:0.057505324482917786 of:0.040271516889333725 :0.07840857654809952 +the:0.08645561337471008 a:0.06838880479335785 more:0.027649829164147377 in:0.026010654866695404 :0.11468919366598129 +the:0.1971900314092636 a:0.03491215035319328 said:0.03357718512415886 this:0.017635446041822433 :0.15449492633342743 +the:0.12146138399839401 be:0.049963947385549545 make:0.028933459892868996 do:0.01213432289659977 :0.11700620502233505 +the:0.217192605137825 a:0.04735302925109863 tho:0.02370985969901085 this:0.018310481682419777 :0.20730635523796082 +the:0.3966771066188812 a:0.0354003868997097 be:0.02415587566792965 tho:0.015369441360235214 :0.06409060955047607 +and:0.1413617581129074 the:0.03193330392241478 weather:0.02671881765127182 weather.:0.02537509612739086 :0.15735505521297455 +to:0.2691313624382019 for:0.09221991896629333 and:0.0628741905093193 of:0.058919887989759445 :0.03566282242536545 +from:0.1211521103978157 the:0.1157892718911171 to:0.08406750857830048 by:0.03517867252230644 :0.03511771932244301 +to:0.06596129387617111 the:0.05714833736419678 a:0.04310133680701256 in:0.03369841352105141 :0.09116359055042267 +of:0.08332617580890656 in:0.05161162465810776 and:0.04319171980023384 for:0.029389068484306335 :0.10642457753419876 +to:0.2146647870540619 in:0.0963781327009201 on:0.04832858219742775 the:0.04620629549026489 :0.04245888069272041 +fact:0.010842868126928806 only:0.008060283027589321 first:0.007594933733344078 man:0.006936181336641312 :0.15203845500946045 +seem:0.02875528112053871 know:0.02843831479549408 appear:0.017823711037635803 have:0.017573153600096703 :0.08063414692878723 +in:0.08721072971820831 and:0.06258673965930939 to:0.037394482642412186 on:0.028416534885764122 :0.12771114706993103 +The:0.12485823035240173 It:0.06832163035869598 In:0.06023687869310379 He:0.03862462565302849 :0.08936560899019241 +no:0.0760057345032692 many:0.05290414020419121 a:0.04453550651669502 not:0.03177239000797272 :0.1002429872751236 +seem:0.02875528112053871 know:0.02843831479549408 appear:0.017823711037635803 have:0.017573153600096703 :0.08063414692878723 +single:0.045154258608818054 man:0.017058249562978745 few:0.015572931617498398 great:0.013799379579722881 :0.17028392851352692 +the:0.19666719436645508 a:0.06235776096582413 favor:0.0417703352868557 this:0.017739884555339813 :0.07492289692163467 +No.:0.07537395507097244 of:0.06048542261123657 and:0.05394776910543442 numbered:0.05354214087128639 :0.13395948708057404 +of:0.6095266938209534 and:0.027717432007193565 ot:0.011926980689167976 was:0.011125766672194004 :0.023928843438625336 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +to:0.11080223321914673 known:0.06002115085721016 as:0.04027405008673668 understood:0.024049224331974983 :0.16110748052597046 +and:0.06127870827913284 of:0.035114794969558716 the:0.033007800579071045 to:0.01925164833664894 :0.16642063856124878 +.:0.5427876114845276 .,:0.07632993906736374 ..:0.02020413801074028 .;:0.012815609574317932 :0.1341686248779297 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +own:0.009659679606556892 contents:0.004471293650567532 devotion:0.0043837279081344604 effects:0.0042396001517772675 :0.21703289449214935 +have:0.060811597853899 will:0.03747960552573204 to:0.02852848544716835 know:0.024731578305363655 :0.06921063363552094 +John:0.04462694376707077 James:0.026845790445804596 George:0.023491641506552696 Henry:0.01852782815694809 :0.3141777515411377 +of:0.03766016289591789 the:0.023400016129016876 and:0.019612232223153114 to:0.010749565437436104 :0.30005741119384766 +had:0.07828103005886078 was:0.07785482704639435 and:0.03585924580693245 has:0.027535434812307358 :0.061231013387441635 +for:0.05327169969677925 at:0.042992088943719864 in:0.02817011997103691 on:0.027926959097385406 :0.0815279558300972 +Mrs.:0.04290745034813881 and:0.03434642404317856 was:0.023638932034373283 J.:0.022203514352440834 :0.14555425941944122 +the:0.19146160781383514 be:0.04154760763049126 a:0.024303512647747993 their:0.011969671584665775 :0.13761498034000397 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +of:0.04107140377163887 the:0.031024955213069916 and:0.025890929624438286 to:0.018297217786312103 :0.18802198767662048 +and:0.1317729353904724 for:0.03952011838555336 to:0.031787607818841934 enough:0.029514020308852196 :0.20353300869464874 +the:0.12071426212787628 a:0.03399224579334259 to:0.02757611870765686 that:0.019996611401438713 :0.11277864128351212 +to:0.36580315232276917 of:0.10079964250326157 and:0.0521213561296463 by:0.044007960706949234 :0.03503303974866867 +the:0.07658953219652176 be:0.04391927644610405 make:0.028570665046572685 have:0.018567029386758804 :0.08039414882659912 +the:0.21789781749248505 range:0.03191402181982994 a:0.017144395038485527 this:0.013673092238605022 :0.22350291907787323 +of:0.04753230884671211 and:0.04448626562952995 the:0.02620518207550049 to:0.022926922887563705 :0.18987388908863068 +and:0.015353381633758545 J.:0.005360411945730448 H.:0.00509844534099102 J:0.004583739209920168 :0.6315916180610657 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +the:0.33251863718032837 a:0.02825222536921501 this:0.022577393800020218 all:0.020814329385757446 :0.1742294430732727 +up:0.1279781460762024 in:0.06763862818479538 with:0.05542629212141037 over:0.0536172054708004 :0.04666675627231598 +of:0.11325240880250931 in:0.024143733084201813 that:0.019045809283852577 and:0.01867424137890339 :0.08981285989284515 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +to:0.22274698317050934 from:0.12967970967292786 in:0.04782085865736008 the:0.033909592777490616 :0.039325278252363205 +of:0.21409937739372253 and:0.049194544553756714 year:0.0281311497092247 one:0.028025662526488304 :0.05593734607100487 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.06987090408802032 in:0.06342578679323196 No.:0.056703243404626846 marked:0.04906376823782921 :0.18538956344127655 +a:0.07211082428693771 possible:0.03669409826397896 the:0.03586636111140251 necessary:0.02863977663218975 :0.11642348021268845 +was:0.1268741339445114 is:0.05664673075079918 had:0.05016980692744255 has:0.04087289795279503 :0.09020360559225082 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.24197350442409515 a:0.04600962996482849 at:0.04093526303768158 by:0.039516594260931015 :0.06038392707705498 +to:0.18381288647651672 from:0.06469935923814774 and:0.05150830000638962 with:0.03907741233706474 :0.07143282890319824 +of:0.0755801871418953 and:0.07157018780708313 in:0.03968712314963341 to:0.03078235127031803 :0.12702375650405884 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +to:0.08167772740125656 and:0.055118169635534286 for:0.045391470193862915 from:0.0420861579477787 :0.06014614552259445 +and:0.17437757551670074 to:0.05211729556322098 from:0.014673578552901745 is:0.012658223509788513 :0.1602184921503067 +to:0.01883063279092312 day:0.011851377785205841 was:0.010380798950791359 is:0.0096356812864542 :0.19201475381851196 +city:0.013684514909982681 same:0.012299713678658009 first:0.012064541690051556 case:0.0097059216350317 :0.1689721941947937 +and:0.18103452026844025 the:0.07649100571870804 but:0.03630514442920685 which:0.033125586807727814 :0.03981201723217964 +to:0.06962890923023224 and:0.03918535262346268 a:0.0372002087533474 in:0.01958305574953556 :0.10581551492214203 +three:0.6148384213447571 more:0.06464621424674988 two:0.0191707331687212 five:0.012357480823993683 :0.04533557593822479 +The:0.17773284018039703 It:0.047801826149225235 In:0.03148769214749336 He:0.024098597466945648 :0.0713866651058197 +and:0.19911693036556244 in:0.09207512438297272 of:0.08379386365413666 on:0.03673195466399193 :0.03296418488025665 +and:0.04936448484659195 the:0.03761108219623566 of:0.02119077742099762 to:0.018301328644156456 :0.17447695136070251 +the:0.20930469036102295 a:0.06298785656690598 them:0.04334311559796333 it:0.027417123317718506 :0.07214706391096115 +is:0.19220121204853058 was:0.08673154562711716 will:0.03282377868890762 would:0.031237101182341576 :0.12148718535900116 +was:0.1234973669052124 have:0.049815572798252106 am:0.04208769649267197 had:0.037137046456336975 :0.09790707379579544 +the:0.3141614496707916 a:0.03954077139496803 tho:0.016742225736379623 be:0.013795164413750172 :0.10140582174062729 +the:0.13063697516918182 to:0.020094797015190125 that:0.01462517585605383 a:0.012943095527589321 :0.14288212358951569 +not:0.07170410454273224 in:0.017886493355035782 to:0.017203569412231445 the:0.016384392976760864 :0.14833539724349976 +and:0.13114352524280548 of:0.057836782187223434 was:0.025100208818912506 is:0.018396228551864624 :0.08549503237009048 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +The:0.16095608472824097 In:0.0698283314704895 It:0.048290543258190155 He:0.03606821224093437 :0.07310297340154648 +and:0.08776663988828659 of:0.039492182433605194 was:0.035331908613443375 is:0.027438219636678696 :0.09156821668148041 +as:0.13720452785491943 in:0.047714684158563614 to:0.04175322875380516 by:0.03710630163550377 :0.1541289985179901 +of:0.3470759391784668 day:0.035660337656736374 hundred:0.013823515735566616 thing:0.013286498375236988 :0.10140365362167358 +the:0.008699633181095123 only:0.007182682398706675 great:0.007076884154230356 a:0.006364305038005114 :0.2448919713497162 +the:0.5610023140907288 these:0.060268666595220566 them:0.0492406003177166 tho:0.021602170541882515 :0.038357801735401154 +the:0.0980750098824501 to:0.04472820460796356 a:0.0363849513232708 with:0.023084469139575958 :0.05455496907234192 +the:0.2781868278980255 a:0.08055445551872253 his:0.01802191138267517 tho:0.012252386659383774 :0.09777644276618958 +Works:0.06270995736122131 Works,:0.04902338981628418 and:0.04587835073471069 Mountain:0.019391022622585297 :0.28416740894317627 +the:0.25732314586639404 a:0.037639398127794266 his:0.02136095054447651 their:0.017877979204058647 :0.1388808637857437 +to:0.17985086143016815 and:0.049788862466812134 in:0.021977441385388374 of:0.021242205053567886 :0.13805881142616272 +and:0.01426020823419094 Amendment:0.009310031309723854 Convention:0.004921864252537489 line:0.004456497263163328 :0.39046669006347656 +and:0.19886159896850586 the:0.021291328594088554 but:0.014962423592805862 or:0.014535647816956043 :0.12249692529439926 +and:0.07933970540761948 of:0.04196689650416374 who:0.02470799908041954 the:0.013114990666508675 :0.2365960031747818 +the:0.0708279088139534 to:0.019504215568304062 that:0.01663113199174404 a:0.013329587876796722 :0.13038639724254608 +the:0.2953549325466156 he:0.044985778629779816 it:0.034324031323194504 they:0.03055187314748764 :0.06173974275588989 +the:0.05016001686453819 and:0.03720641881227493 The:0.017456134781241417 a:0.015618226490914822 :0.18565189838409424 +and:0.10270433872938156 in:0.040325362235307693 for:0.03360795974731445 has:0.03155560791492462 :0.08601108938455582 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +have:0.06177883222699165 am:0.05659474804997444 was:0.04683002084493637 had:0.024860091507434845 :0.08207470923662186 +are:0.10338997095823288 were:0.08201386034488678 will:0.066051185131073 had:0.06259548664093018 :0.0633593499660492 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +is:0.1548929065465927 was:0.08383888006210327 Is:0.01666158251464367 has:0.013782225549221039 :0.09952577948570251 +the:0.10144253820180893 it:0.04765623062849045 a:0.0420168936252594 I:0.039631884545087814 :0.07680318504571915 +one:0.09868880361318588 person:0.09464949369430542 of:0.03899383917450905 man:0.0307336263358593 :0.09681427478790283 +to:0.2668842673301697 of:0.10946967452764511 and:0.08069866895675659 for:0.052680738270282745 :0.03395833820104599 +to:0.17985086143016815 and:0.049788862466812134 in:0.021977441385388374 of:0.021242205053567886 :0.13805881142616272 +the:0.3221389949321747 a:0.07308025658130646 his:0.01899734139442444 their:0.018588298931717873 :0.05802876874804497 +the:0.2772318720817566 him:0.05421559140086174 his:0.039349041879177094 him.:0.035710640251636505 :0.0298624224960804 +of:0.1271396428346634 in:0.019159743562340736 and:0.01340046338737011 had:0.012284379452466965 :0.40124693512916565 +and:0.15837623178958893 to:0.1213957890868187 ,000:0.0663953647017479 in:0.03477850183844566 :0.04115797579288483 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.10101135820150375 a:0.0226808562874794 that:0.020741384476423264 to:0.014398699626326561 :0.14179237186908722 +The:0.032851338386535645 .:0.026836039498448372 and:0.01711110770702362 the:0.012540537863969803 :0.2852705717086792 +of:0.016774768009781837 and:0.011967486701905727 in:0.010364724323153496 not:0.010141086764633656 :0.14695118367671967 +are:0.15554091334342957 is:0.13668854534626007 was:0.07483014464378357 were:0.07075923681259155 :0.054444313049316406 +to:0.07281520217657089 the:0.05958843231201172 and:0.040160808712244034 for:0.033245999366045 :0.06920211762189865 +of:0.2861120402812958 and:0.07372702658176422 the:0.04783523827791214 to:0.0422959066927433 :0.03166671469807625 +and:0.0515829473733902 the:0.04665856808423996 to:0.038104962557554245 by:0.027403194457292557 :0.16598530113697052 +to:0.22363421320915222 the:0.08731372654438019 by:0.07773186266422272 and:0.04941486939787865 :0.11784914135932922 +said:0.02550502121448517 United:0.012548556551337242 property:0.006402362138032913 law:0.005686017218977213 :0.2339009791612625 +and:0.014298827387392521 in:0.014259696938097477 a:0.011048288084566593 the:0.010285111144185066 :0.2614596486091614 +of:0.1864059865474701 and:0.1434168666601181 was:0.039620041847229004 to:0.02770770899951458 :0.07061003148555756 +of:0.4866533875465393 and:0.040357641875743866 the:0.019838232547044754 to:0.016999028623104095 :0.033707164227962494 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +and:0.04982855170965195 life:0.04145320504903793 the:0.03783873841166496 a:0.022307543084025383 :0.16601353883743286 +of:0.21324343979358673 and:0.13400402665138245 with:0.021613165736198425 in:0.02102627418935299 :0.08749672025442123 +H.:0.04081686586141586 H:0.03116155043244362 J:0.022822260856628418 W.:0.02031755819916725 :0.2675374448299408 +be:0.14150981605052948 not:0.0817929208278656 have:0.0329730249941349 make:0.022620823234319687 :0.07443203032016754 +are:0.11928252130746841 were:0.07906246185302734 have:0.07799320667982101 will:0.0769071877002716 :0.05792372301220894 +citizen:0.028673486784100533 member:0.02859433740377426 feature:0.017450185492634773 man:0.011538534425199032 :0.22257009148597717 +the:0.09864883869886398 a:0.05593692138791084 three:0.05435837432742119 two:0.051910217851400375 :0.10940595716238022 +the:0.2656206786632538 a:0.033113159239292145 their:0.02913523092865944 this:0.025558611378073692 :0.08987101912498474 +the:0.17822594940662384 day:0.08016656339168549 a:0.0576988123357296 day,:0.0380968414247036 :0.08717866986989975 +the:0.028074663132429123 of:0.022995296865701675 and:0.017612656578421593 to:0.013071713969111443 :0.36350783705711365 +known:0.1176113411784172 and:0.03576997295022011 with:0.032019030302762985 to:0.026106495410203934 :0.10609442740678787 +The:0.11770281940698624 It:0.04486526921391487 This:0.030527615919709206 He:0.025552723556756973 :0.16455039381980896 +few:0.042630698531866074 very:0.015618205070495605 short:0.015611534006893635 large:0.011541273444890976 :0.17077979445457458 +the:0.09144584834575653 that:0.01509317010641098 a:0.014963187277317047 other:0.00997111201286316 :0.1502615064382553 +of:0.2497616857290268 is:0.017222704365849495 bearer:0.017146054655313492 and:0.016641007736325264 :0.12814854085445404 +and:0.09629510343074799 to:0.034985899925231934 than:0.03400251641869545 was:0.031442269682884216 :0.05845637992024422 +best:0.028895338997244835 fact:0.019747179001569748 little:0.019404353573918343 important:0.017086736857891083 :0.18774214386940002 +and:0.09361805021762848 of:0.07286324352025986 .:0.02569539099931717 No.:0.01145824696868658 :0.33033114671707153 +of:0.06937351077795029 and:0.06046577915549278 the:0.019350221380591393 was:0.014138609170913696 :0.2315298467874527 +to:0.15171080827713013 the:0.1498115360736847 in:0.05975550413131714 their:0.036225300282239914 :0.05050025135278702 +of:0.20366694033145905 for:0.08956664055585861 to:0.07119859009981155 or:0.03818846121430397 :0.032142963260412216 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.4180900752544403 and:0.089297354221344 to:0.05509168654680252 for:0.0305965393781662 :0.026371464133262634 +and:0.05692258104681969 as:0.04215701296925545 to:0.026766281574964523 of:0.02533460594713688 :0.18525700271129608 +to:0.3758549690246582 for:0.1526082456111908 of:0.0804985761642456 and:0.02583891525864601 :0.02426370605826378 +of:0.8318794369697571 ot:0.022706175222992897 and:0.010954649187624454 in:0.010009135119616985 :0.009171011857688427 +the:0.07847090065479279 in:0.0505945160984993 a:0.04553275927901268 made:0.013361344113945961 :0.11943875253200531 +the:0.08557445555925369 be:0.07577550411224365 do:0.02641117200255394 a:0.018370863050222397 :0.12962953746318817 +important:0.03610443323850632 of:0.021564314141869545 interesting:0.012456282041966915 prominent:0.012193573638796806 :0.17557279765605927 +the:0.2260926067829132 a:0.0646844357252121 his:0.013966448605060577 tho:0.013471468351781368 :0.15081572532653809 +been:0.14760366082191467 a:0.05584808811545372 the:0.02858027257025242 to:0.025686929002404213 :0.11843021959066391 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +of:0.07450724393129349 years:0.050651516765356064 other:0.0324508361518383 a:0.024912379682064056 :0.13880957663059235 +country:0.008221113122999668 own:0.0064888303168118 people:0.006394512020051479 next:0.005686572287231684 :0.17784483730793 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +.:0.7723614573478699 .,:0.022090869024395943 .;:0.01028324943035841 Smith,:0.0035684267058968544 :0.08920373767614365 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +the:0.13564592599868774 be:0.06051189452409744 a:0.020213332027196884 his:0.009814124554395676 :0.15604035556316376 +and:0.09042248874902725 of:0.0585765577852726 to:0.033644698560237885 The:0.024120060727000237 :0.1430744081735611 +and:0.03211252763867378 towns:0.007318227551877499 part:0.005412765312939882 cities:0.005061296746134758 :0.20736020803451538 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +been:0.37910574674606323 not:0.033073969185352325 to:0.023380480706691742 the:0.021176287904381752 :0.05138006433844566 +and:0.06307736039161682 of:0.02913968451321125 the:0.02458888478577137 to:0.01732438988983631 :0.15286435186862946 +Sheriff:0.2533949911594391 Marshal:0.044101912528276443 Collector:0.02156207524240017 State:0.019507132470607758 :0.25588706135749817 +and:0.12094742804765701 of:0.10190881043672562 to:0.06316403299570084 the:0.025390557944774628 :0.04479095712304115 +the:0.0826047733426094 a:0.02117370069026947 that:0.020991232246160507 in:0.017054865136742592 :0.09517959505319595 +and:0.02041095867753029 the:0.011071880348026752 A:0.009948437102138996 The:0.009603234007954597 :0.434066504240036 +mortgage:0.09361080825328827 county:0.07119359076023102 mortgage,:0.05641865357756615 county,:0.04759066551923752 :0.11561400443315506 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +is:0.16037729382514954 was:0.09146763384342194 Is:0.04715518653392792 to:0.04277249053120613 :0.04097282886505127 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.038783349096775055 was:0.022145776078104973 of:0.02017207071185112 the:0.01836865209043026 :0.30670982599258423 +been:0.1596960425376892 not:0.038509100675582886 to:0.030300995334982872 no:0.025824787095189095 :0.07362274825572968 +first:0.006847108714282513 following:0.0060198139399290085 men:0.0057107266038656235 most:0.005517061799764633 :0.17650073766708374 +in:0.07871381938457489 of:0.07066281884908676 and:0.04345734044909477 to:0.03988061472773552 :0.12904959917068481 +and:0.02778562344610691 the:0.008860975503921509 to:0.005497116595506668 a:0.004735506139695644 :0.227955162525177 +men:0.028470415621995926 of:0.020802075043320656 or:0.013785135932266712 and:0.012754122726619244 :0.20919163525104523 +and:0.04637575149536133 the:0.04147027060389519 of:0.03240998089313507 to:0.03230036422610283 :0.2119596153497696 +the:0.09954281151294708 a:0.0544191412627697 to:0.028775909915566444 it:0.025252342224121094 :0.09431852400302887 +to:0.019161473959684372 more:0.014926835894584656 girl:0.012692620046436787 of:0.012219203636050224 :0.24359066784381866 +the:0.3040076494216919 a:0.033614207059144974 which:0.03179147467017174 this:0.023095976561307907 :0.08915992826223373 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +the:0.32228535413742065 a:0.157768115401268 his:0.0268274936825037 an:0.018613094463944435 :0.07562047988176346 +committee:0.032057926058769226 part:0.027579303830862045 point:0.013822812587022781 and:0.008039667271077633 :0.16162651777267456 +the:0.23633098602294922 he:0.06693828850984573 I:0.046731214970350266 they:0.034658484160900116 :0.076744943857193 +and:0.04565774276852608 the:0.04445628821849823 to:0.024681344628334045 in:0.023932116106152534 :0.19615456461906433 +of:0.519212007522583 and:0.029499797150492668 to:0.020563090220093727 ot:0.013143162243068218 :0.09432434290647507 +was:0.1664947271347046 had:0.09176529198884964 is:0.053906410932540894 has:0.05088486149907112 :0.07041586935520172 +Beginning:0.12658502161502838 The:0.045598600059747696 Commencing:0.029613947495818138 Section:0.021737845614552498 :0.25763076543807983 +and:0.06592708081007004 of:0.04716455563902855 fore,:0.041318878531455994 fore:0.04073665291070938 :0.059455953538417816 +be:0.28383171558380127 of:0.03212834894657135 not:0.031772688031196594 have:0.022305535152554512 :0.09379318356513977 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +number:0.01734313555061817 few:0.012254917994141579 portion:0.008172196336090565 man:0.007733646780252457 :0.19049407541751862 +the:0.1196475699543953 a:0.054193977266550064 of:0.033623725175857544 in:0.02467767708003521 :0.08121543377637863 +and:0.1656614989042282 of:0.14994212985038757 in:0.022592831403017044 with:0.016760850325226784 :0.12620212137699127 +and:0.04267098754644394 tance:0.0350956954061985 trict:0.03087584674358368 tricts:0.030013497918844223 :0.39484626054763794 +by:0.12222594022750854 a:0.09265203028917313 and:0.07565651834011078 of:0.05670063570141792 :0.05012570694088936 +the:0.17489482462406158 he:0.04465709626674652 they:0.03782881051301956 a:0.03279919922351837 :0.09614040702581406 +be:0.22099368274211884 only:0.025223813951015472 have:0.023541223257780075 do:0.014406559988856316 :0.06126907467842102 +the:0.07677166908979416 and:0.04120606929063797 that:0.04102996364235878 in:0.035093314945697784 :0.1158081665635109 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.040342479944229126 the:0.02182243950664997 of:0.013997933827340603 The:0.011855751276016235 :0.19787508249282837 +of:0.5827250480651855 and:0.024267802014946938 ot:0.01234714686870575 was:0.010592969134449959 :0.12487105280160904 +and:0.07873313128948212 the:0.02800588496029377 .:0.01802501082420349 of:0.01410088874399662 :0.21381402015686035 +the:0.052093569189310074 to:0.04724431410431862 a:0.030120594426989555 be:0.029566673561930656 :0.14924131333827972 +been:0.06992661207914352 to:0.05183615908026695 not:0.04446399584412575 a:0.04152899235486984 :0.09574124962091446 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +a:0.01833304576575756 was:0.01806221529841423 the:0.01613035425543785 said:0.013758858665823936 :0.16790756583213806 +not:0.07170410454273224 in:0.017886493355035782 to:0.017203569412231445 the:0.016384392976760864 :0.14833539724349976 +the:0.36614277958869934 a:0.025132175534963608 tho:0.02186315320432186 this:0.020353276282548904 :0.06745944172143936 +of:0.061532095074653625 and:0.053627192974090576 the:0.04631247743964195 to:0.04232035204768181 :0.10468792170286179 +of:0.4947885274887085 and:0.07744899392127991 with:0.02021435834467411 ot:0.013809852302074432 :0.05968422442674637 +to:0.08583495020866394 of:0.0712435394525528 and:0.06361556053161621 in:0.04843435436487198 :0.1207621693611145 +not:0.05692387372255325 in:0.029933225363492966 now:0.027108801528811455 the:0.021230507642030716 :0.10884405672550201 +few:0.042630698531866074 very:0.015618205070495605 short:0.015611534006893635 large:0.011541273444890976 :0.17077979445457458 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +in:0.04393397644162178 and:0.04369873180985451 to:0.03828245773911476 a:0.021967751905322075 :0.12982358038425446 +was:0.15917563438415527 had:0.13615165650844574 would:0.06614396721124649 has:0.05712644383311272 :0.052851226180791855 +who:0.11049558222293854 to:0.07592262327671051 of:0.06405574083328247 or:0.06374160945415497 :0.07669408619403839 +the:0.2868293225765228 a:0.0553092323243618 this:0.024232512339949608 his:0.01525911781936884 :0.11474327743053436 +the:0.17489095032215118 a:0.02710152231156826 this:0.012725313194096088 our:0.011540069244801998 :0.20765402913093567 +as:0.13630026578903198 before:0.11853811144828796 the:0.03184918314218521 and:0.023734822869300842 :0.051444076001644135 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +only:0.14770182967185974 to:0.1010156124830246 in:0.042385343462228775 a:0.036249298602342606 :0.08581554144620895 +and:0.11319094151258469 of:0.042449116706848145 to:0.03928953781723976 was:0.024602409452199936 :0.0901438519358635 +the:0.10093747079372406 be:0.04628608375787735 any:0.030863044783473015 a:0.01646198146045208 :0.11665105819702148 +quently:0.6556735038757324 quent:0.12295572459697723 quence:0.07823121547698975 and:0.0028253477066755295 :0.07177426666021347 +Mrs.:0.018340930342674255 M.:0.018062926828861237 J.:0.017124637961387634 H.:0.010484722442924976 :0.3442075252532959 +the:0.11208672821521759 is:0.02882213704288006 has:0.02838120236992836 he:0.025937706232070923 :0.13437499105930328 +the:0.06592706590890884 a:0.015058252029120922 it:0.00928234588354826 in:0.008278142660856247 :0.24184872210025787 +the:0.04771282896399498 and:0.03912102431058884 to:0.030913496389985085 by:0.027490926906466484 :0.12232976406812668 +pecially:0.30745619535446167 caped:0.07705552130937576 tablishment:0.055347196757793427 and:0.0355253666639328 :0.2500724494457245 +the:0.04932286590337753 and:0.04884449392557144 of:0.034710463136434555 a:0.018504032865166664 :0.215331569314003 +of:0.055610816925764084 to:0.03891877830028534 and:0.028475472703576088 in:0.023572761565446854 :0.15131625533103943 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +of:0.07576034218072891 to:0.053336724638938904 in:0.04860047250986099 from:0.025866035372018814 :0.18441641330718994 +tucky:0.48516905307769775 to:0.010739153251051903 of:0.006365948356688023 and:0.005041011143475771 :0.3649325668811798 +doubt:0.07148701697587967 right:0.02596217580139637 hesitation:0.020129770040512085 more:0.018389996141195297 :0.09913832694292068 +the:0.2909371852874756 a:0.03894922137260437 him:0.017268618568778038 his:0.016255144029855728 :0.11871378123760223 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.2278294861316681 in:0.028169529512524605 for:0.022169003263115883 who:0.0217831339687109 :0.07070807367563248 +few:0.042630698531866074 very:0.015618205070495605 short:0.015611534006893635 large:0.011541273444890976 :0.17077979445457458 +named:0.166916623711586 described:0.11080396175384521 entitled:0.04399971291422844 the:0.03126358240842819 :0.14806683361530304 +the:0.2624872624874115 his:0.038299914449453354 sale.:0.031289029866456985 a:0.015154917724430561 :0.11407126486301422 +same:0.011891317553818226 city:0.011595464311540127 State:0.008458869531750679 United:0.007765701971948147 :0.20865488052368164 +is:0.23127859830856323 was:0.15214404463768005 has:0.0696658045053482 will:0.036508649587631226 :0.06023978814482689 +and:0.047904301434755325 the:0.019292538985610008 manner:0.009856944903731346 harmony:0.009642792865633965 :0.15575121343135834 +ington:0.6000784635543823 ington,:0.1895693838596344 ington.:0.04857814311981201 and:0.01012515090405941 :0.05983767658472061 +and:0.029191026464104652 *:0.028686996549367905 .:0.019045226275920868 of:0.013913003727793694 :0.33448436856269836 +and:0.15427054464817047 the:0.07554341852664948 a:0.026312822476029396 to:0.019728228449821472 :0.12083610147237778 +to:0.6809465289115906 for:0.03967500105500221 the:0.017728129401803017 that:0.016281679272651672 :0.024493180215358734 +was:0.10500026494264603 had:0.07397810369729996 would:0.050587162375450134 has:0.037521760910749435 :0.10415780544281006 +sale:0.019249269738793373 large:0.018949978053569794 vote:0.018371470272541046 majority:0.016691694036126137 :0.1822020411491394 +the:0.0865783765912056 it:0.07222390919923782 that:0.03595732897520065 if:0.035607218742370605 :0.03584367036819458 +day,:0.030875688418745995 the:0.01482493244111538 city:0.011144538410007954 day:0.00933573767542839 :0.11496616154909134 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.09148505330085754 the:0.08215655386447906 against:0.05573074892163277 to:0.04503810033202171 :0.043701171875 +and:0.03823382407426834 of:0.035738635808229446 the:0.032012682408094406 to:0.020604785531759262 :0.19535371661186218 +and:0.08696270734071732 of:0.030189143493771553 The:0.01724386028945446 to:0.017174774780869484 :0.2286924421787262 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.02311069332063198 own:0.01935924030840397 husband:0.01402872335165739 face:0.01169164665043354 :0.13118821382522583 +that:0.16342510282993317 the:0.10642614215612411 in:0.06170845404267311 a:0.06160577014088631 :0.04623398184776306 +and:0.36802080273628235 with:0.040536392480134964 the:0.03865901753306389 which:0.034726109355688095 :0.07912635803222656 +the:0.10392845422029495 a:0.023913810029625893 at:0.015228655189275742 and:0.009308487176895142 :0.22860869765281677 +of:0.7331413626670837 and:0.022764353081583977 in:0.014713077805936337 ot:0.010653169825673103 :0.025344878435134888 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.35170626640319824 a:0.03228983283042908 tho:0.014543049037456512 his:0.01430655736476183 :0.0614175945520401 +the:0.1900838166475296 a:0.03386972099542618 said:0.029564091935753822 this:0.021549683064222336 :0.1308729350566864 +and:0.05240340903401375 of:0.03192923218011856 the:0.027440614998340607 to:0.01839822717010975 :0.13126780092716217 +and:0.24755129218101501 the:0.059995878487825394 therefore,:0.04919050261378288 in:0.04435967653989792 :0.035315755754709244 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +the:0.23256199061870575 a:0.04588703066110611 this:0.015103301964700222 tho:0.01405534241348505 :0.22837327420711517 +of:0.09158137440681458 on:0.06471578776836395 to:0.05591478571295738 in:0.054658807814121246 :0.07313745468854904 +large:0.017942003905773163 good:0.011037735268473625 year:0.009449777193367481 few:0.008766033686697483 :0.1594541221857071 +and:0.1061890497803688 as:0.08514504879713058 the:0.07673047482967377 by:0.04740963503718376 :0.08780020475387573 +the:0.09415366500616074 be:0.025176826864480972 a:0.015123642981052399 make:0.015056896023452282 :0.12332012504339218 +a:0.050926048308610916 the:0.026677073910832405 made:0.014100716449320316 in:0.01124698854982853 :0.18051491677761078 +and:0.21832029521465302 of:0.19119292497634888 to:0.056399278342723846 for:0.043012585490942 :0.037215009331703186 +the:0.22171996533870697 he:0.08792518824338913 they:0.07784619182348251 a:0.053457777947187424 :0.04876082390546799 +the:0.4089791476726532 a:0.03834155574440956 this:0.01922318898141384 said:0.016608951613307 :0.13642366230487823 +the:0.19253458082675934 him:0.10025519877672195 by:0.0472424142062664 a:0.04657559469342232 :0.056317564100027084 +been:0.17309194803237915 a:0.07433982193470001 to:0.02320851944386959 the:0.01960393786430359 :0.13416540622711182 +the:0.15209481120109558 least:0.1439247876405716 once:0.04262777790427208 a:0.02391916699707508 :0.12875409424304962 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +the:0.12149262428283691 to:0.12098123133182526 for:0.054119475185871124 of:0.048396095633506775 :0.08551865816116333 +and:0.0657803863286972 is:0.043225303292274475 in:0.03292427584528923 to:0.030935470014810562 :0.07635630667209625 +been:0.20895664393901825 not:0.04298730194568634 a:0.03652516379952431 the:0.01778767630457878 :0.08985844999551773 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.5587179660797119 and:0.024509720504283905 in:0.018677709624171257 is:0.018120216205716133 :0.01907278597354889 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +the:0.3432486653327942 a:0.030927782878279686 his:0.016944246366620064 tho:0.01584472879767418 :0.11390627920627594 +the:0.47709402441978455 a:0.028886180371046066 his:0.026121463626623154 this:0.01940455660223961 :0.07611335813999176 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.3152942657470703 a:0.04701853543519974 this:0.04456000030040741 which:0.037894848734140396 :0.06696704030036926 +first:0.03682202845811844 service:0.026022691279649734 passage:0.016567982733249664 expiration:0.014587546698749065 :0.17361778020858765 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.2260926067829132 a:0.0646844357252121 his:0.013966448605060577 tho:0.013471468351781368 :0.15081572532653809 +The:0.08644400537014008 I:0.05398910492658615 It:0.05162755027413368 He:0.036435816437006 :0.11204948276281357 +that:0.06017431616783142 the:0.052542250603437424 and:0.05071541666984558 is:0.029245462268590927 :0.05376444756984711 +in:0.07065000385046005 of:0.06772877275943756 and:0.05816666781902313 at:0.04043581709265709 :0.0869508758187294 +and:0.07658185064792633 of:0.055345453321933746 .:0.016436509788036346 the:0.016133170574903488 :0.15581771731376648 +was:0.06082810088992119 had:0.052372559905052185 am:0.0509360171854496 have:0.03146177530288696 :0.07198863476514816 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +result:0.030811160802841187 matter:0.01572415605187416 man:0.013221099972724915 rule,:0.011220080778002739 :0.19510146975517273 +the:0.1997469812631607 be:0.03763391822576523 a:0.03173041343688965 his:0.013524504378437996 :0.10193459689617157 +the:0.052809182554483414 a:0.025294959545135498 to:0.009228128008544445 his:0.008749532513320446 :0.15554994344711304 +been:0.11867491900920868 a:0.03702731430530548 not:0.031860221177339554 no:0.028345873579382896 :0.0846729427576065 +and:0.21424977481365204 to:0.050320498645305634 was:0.03986458480358124 in:0.02837693877518177 :0.05895261839032173 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.07628272473812103 a:0.06898271292448044 not:0.03737615421414375 to:0.024958275258541107 :0.15120263397693634 +of:0.32629409432411194 and:0.17882929742336273 to:0.03351978212594986 in:0.02095291018486023 :0.0393524244427681 +few:0.03305424377322197 great:0.021660011261701584 little:0.017112433910369873 good:0.017056193202733994 :0.1797235757112503 +be:0.3214627206325531 have:0.07883894443511963 not:0.045372627675533295 to:0.038120124489068985 :0.06712991744279861 +old:0.02068452537059784 act:0.013450848869979382 opportunity:0.007882799953222275 order:0.007809370290488005 :0.24030083417892456 +the:0.16935761272907257 you:0.08008266985416412 he:0.044051144272089005 we:0.04052615910768509 :0.08828084170818329 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +and:0.08121281117200851 by:0.05988403782248497 to:0.0500798337161541 in:0.028750929981470108 :0.14481566846370697 +not:0.052257247269153595 to:0.04892130196094513 the:0.0444452241063118 in:0.03492981567978859 :0.13407236337661743 +and:0.09248087555170059 was:0.051015619188547134 in:0.048049118369817734 of:0.046650733798742294 :0.07123875617980957 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.02446100488305092 part:0.018750200048089027 in:0.016299104318022728 and:0.011200287379324436 :0.14693959057331085 +that:0.13675828278064728 the:0.10718973726034164 of:0.05350205674767494 what:0.03651054948568344 :0.04355569928884506 +and:0.13281887769699097 the:0.02962220087647438 which:0.0259588360786438 but:0.024953968822956085 :0.12117140740156174 +is:0.15666382014751434 was:0.0679440125823021 will:0.034686505794525146 would:0.03224200755357742 :0.135163813829422 +and:0.058950889855623245 to:0.05397872254252434 in:0.03233589231967926 of:0.01853853277862072 :0.13607530295848846 +and:0.08747165650129318 to:0.02489342913031578 of:0.021503906697034836 or:0.017625778913497925 :0.16362422704696655 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +auction:0.2529061734676361 auction,:0.2213631570339203 vendue:0.14813923835754395 vendue,:0.05249245837330818 :0.07228083163499832 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.3932987153530121 to:0.07056593149900436 and:0.04914047196507454 in:0.02544851042330265 :0.05680565908551216 +a:0.08209943026304245 the:0.06978738307952881 to:0.05234168842434883 up:0.03943973779678345 :0.09881144762039185 +with:0.10496169328689575 to:0.09680981934070587 by:0.08566702902317047 in:0.06912960857152939 :0.0675007775425911 +old:0.017558099702000618 order:0.011969941668212414 increase:0.009386546909809113 additional:0.00896165706217289 :0.2063634842634201 +of:0.08179409056901932 cases:0.07526595145463943 instances:0.0551215223968029 way:0.04958541318774223 :0.08921881020069122 +the:0.2329844981431961 a:0.08895175904035568 his:0.020360443741083145 an:0.017763648182153702 :0.07414119690656662 +important:0.03610443323850632 of:0.021564314141869545 interesting:0.012456282041966915 prominent:0.012193573638796806 :0.17557279765605927 +the:0.08217420428991318 be:0.04959562048316002 have:0.02038358338177204 make:0.02002578228712082 :0.08256575465202332 +to:0.4805194139480591 for:0.023788530379533768 the:0.022928588092327118 a:0.017864596098661423 :0.08950072526931763 +to:0.2064175307750702 that:0.09828552603721619 from:0.05516355484724045 by:0.04795766621828079 :0.03695790469646454 +of:0.18801218271255493 was:0.13011200726032257 is:0.08392170816659927 ceremony:0.03860621154308319 :0.05886688083410263 +the:0.3263876438140869 a:0.058516908437013626 ten:0.05110844969749451 thirty:0.04710810258984566 :0.03077644295990467 +the:0.16042722761631012 ten:0.07598035782575607 a:0.04788873717188835 be:0.013914058916270733 :0.13540053367614746 +the:0.22747474908828735 a:0.029532769694924355 be:0.019359761849045753 his:0.01142676081508398 :0.13832582533359528 +the:0.20342892408370972 be:0.11217168718576431 a:0.03468678146600723 his:0.01373887900263071 :0.10480218380689621 +and:0.08474983274936676 to:0.053999196738004684 of:0.03066987544298172 the:0.02242843061685562 :0.241684690117836 +do:0.03691936656832695 make:0.030894408002495766 get:0.027700573205947876 be:0.01700892671942711 :0.08475592732429504 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +in:0.04039521887898445 of:0.03888189420104027 the:0.024195387959480286 and:0.02405354008078575 :0.11716070771217346 +the:0.09944524616003036 a:0.05865425616502762 so:0.04127049446105957 business:0.037344496697187424 :0.06000092625617981 +the:0.11324167251586914 a:0.0305289626121521 in:0.008901345543563366 his:0.008242045529186726 :0.16011016070842743 +the:0.18427398800849915 a:0.08727966994047165 his:0.017466360703110695 some:0.013366883620619774 :0.12289610505104065 +The:0.14261916279792786 It:0.08000927418470383 He:0.04585263878107071 There:0.02409534715116024 :0.07224413752555847 +the:0.1642828732728958 a:0.02036209963262081 be:0.01480147149413824 his:0.010373479686677456 :0.11905835568904877 +the:0.14871157705783844 course,:0.02139439806342125 a:0.021081848070025444 this:0.014441893436014652 :0.17148324847221375 +of:0.2829309105873108 and:0.07361632585525513 for:0.0487976036965847 was:0.023758692666888237 :0.05425400659441948 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.24583177268505096 and:0.0384240597486496 that:0.035479601472616196 is:0.023209096863865852 :0.0680021122097969 +The:0.032851338386535645 .:0.026836039498448372 and:0.01711110770702362 the:0.012540537863969803 :0.2852705717086792 +and:0.17858943343162537 the:0.04104674980044365 of:0.01939404010772705 in:0.014873925596475601 :0.09960034489631653 +is:0.01669972576200962 country:0.015496354550123215 way:0.010621392168104649 was:0.00982046127319336 :0.23392169177532196 +and:0.09736863523721695 that:0.04435228183865547 the:0.027045393362641335 but:0.02484194189310074 :0.07342787086963654 +a:0.2596471309661865 no:0.1838967353105545 not:0.04259784519672394 an:0.03471768647432327 :0.04233493655920029 +United:0.007838373072445393 city:0.00658643851056695 State:0.00453540775924921 west:0.004070985596626997 :0.2708601951599121 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.1864234060049057 a:0.09220340102910995 his:0.02026871033012867 whom:0.014303572475910187 :0.08614841103553772 +a:0.10617934167385101 the:0.08066457509994507 him:0.07695702463388443 up:0.03555102273821831 :0.09329194575548172 +and:0.12661075592041016 in:0.04195984825491905 to:0.040114253759384155 were:0.03126172721385956 :0.06721951067447662 +the:0.355879545211792 a:0.03143361583352089 this:0.029227565973997116 their:0.018353767693042755 :0.055954281240701675 +day,:0.030875688418745995 the:0.01482493244111538 city:0.011144538410007954 day:0.00933573767542839 :0.11496616154909134 +the:0.08764556795358658 a:0.07902611792087555 and:0.032149411737918854 of:0.025536062195897102 :0.0904424861073494 +the:0.2116391658782959 to:0.10888979583978653 that:0.06089473143219948 a:0.031299542635679245 :0.038544174283742905 +of:0.18037717044353485 services:0.052330732345581055 and:0.04720620810985565 was:0.02292192168533802 :0.12764926254749298 +and:0.04829172044992447 to:0.030419256538152695 the:0.027503350749611855 of:0.025968261063098907 :0.15340641140937805 +otherwise:0.3126700818538666 otherwise,:0.1188359186053276 the:0.02902325615286827 any:0.016935767605900764 :0.08589153736829758 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +whole:0.01131217461079359 most:0.011014255695044994 only:0.007218901067972183 same:0.006746739149093628 :0.18899750709533691 +strength:0.02186536230146885 and:0.021537594497203827 condition:0.018066801130771637 weakness,:0.009872909635305405 :0.2502517104148865 +and:0.07043332606554031 of:0.03999095782637596 the:0.03167195990681648 to:0.02873871475458145 :0.1402178555727005 +of:0.1570615917444229 to:0.12362619489431381 and:0.07159904390573502 the:0.04852359741926193 :0.046679381281137466 +the:0.08902986347675323 in:0.08255027234554291 with:0.048249728977680206 at:0.04112815856933594 :0.0470774844288826 +W.:0.032806359231472015 A.:0.02994675748050213 H.:0.02699001133441925 D.:0.025811607018113136 :0.3716191053390503 +the:0.1369357407093048 of:0.07739711552858353 over:0.04203576222062111 that:0.018475277349352837 :0.08396539837121964 +the:0.3740904629230499 said:0.05164702981710434 this:0.046157654374837875 a:0.039507340639829636 :0.07596957683563232 +are:0.10324319452047348 have:0.08536387234926224 were:0.07919628918170929 had:0.07110393792390823 :0.06507507711648941 +olution:0.06079806759953499 pect:0.02599320374429226 ident:0.021301796659827232 cue:0.011328846216201782 :0.6833067536354065 +ter:0.17123030126094818 ter,:0.07370851933956146 dow:0.04093166068196297 ing:0.04007720574736595 :0.32812759280204773 +and:0.09450745582580566 of:0.08104445785284042 to:0.07510664314031601 in:0.04171353951096535 :0.07051412016153336 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.8811597228050232 for:0.009712646715342999 in:0.006901986431330442 from:0.006022055633366108 :0.009213678538799286 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +the:0.3733166754245758 a:0.038162440061569214 his:0.03008704073727131 this:0.021259820088744164 :0.06652244180440903 +the:0.23763613402843475 which:0.03561246395111084 a:0.027957353740930557 his:0.025682134553790092 :0.10594895482063293 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.3880053758621216 a:0.0745616927742958 his:0.024254828691482544 their:0.01861264370381832 :0.07837885618209839 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +to:0.14869830012321472 of:0.11609837412834167 in:0.06378177553415298 that:0.03906635940074921 :0.033493731170892715 +and:0.06932180374860764 of:0.04939967021346092 The:0.018141310662031174 to:0.017988163977861404 :0.17695710062980652 +few:0.042630698531866074 very:0.015618205070495605 short:0.015611534006893635 large:0.011541273444890976 :0.17077979445457458 +and:0.046206649392843246 in:0.025199096649885178 years:0.024893665686249733 or:0.020326728001236916 :0.2808908522129059 +the:0.07065024971961975 and:0.049763403832912445 to:0.036234673112630844 in:0.020873671397566795 :0.1273496001958847 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +the:0.2643447518348694 which:0.04089207574725151 a:0.036397747695446014 this:0.03074493631720543 :0.08556736260652542 +single:0.023071836680173874 moment's:0.014125215820968151 dissenting:0.013405472040176392 good:0.012253097258508205 :0.23058156669139862 +the:0.21499919891357422 a:0.06451405584812164 be:0.012597884982824326 an:0.010461858473718166 :0.12568098306655884 +and:0.07123865187168121 at:0.050084758549928665 the:0.03040882758796215 thence:0.02858034521341324 :0.14070050418376923 +to:0.1918472945690155 the:0.03895598277449608 per:0.03282345458865166 in:0.027484538033604622 :0.13867180049419403 +said:0.010134756565093994 same:0.0077875214628875256 whole:0.006129295099526644 law:0.0058489711955189705 :0.17076678574085236 +minutes:0.09260845184326172 feet:0.06860395520925522 o'clock:0.057815711945295334 hundred:0.05749795213341713 :0.09721285104751587 +of:0.5457913875579834 in:0.03857908025383949 and:0.03795088082551956 to:0.03292786702513695 :0.0329853817820549 +who:0.13890346884727478 of:0.11840994656085968 to:0.04876529425382614 in:0.03963558003306389 :0.05078648030757904 +the:0.33837389945983887 said:0.028911026194691658 a:0.025964729487895966 tho:0.017626440152525902 :0.15314675867557526 +and:0.06728637963533401 is:0.04655345156788826 was:0.03524887189269066 of:0.03420643135905266 :0.09099633246660233 +and:0.06434743106365204 of:0.036939289420843124 the:0.02437504380941391 to:0.020955890417099 :0.20773443579673767 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +of:0.06091293320059776 amount:0.024858057498931885 country:0.016958417370915413 sum:0.016614487394690514 :0.10629099607467651 +and:0.10407914966344833 in:0.06150398775935173 from:0.055147331207990646 at:0.0494094081223011 :0.07089676707983017 +the:0.3322519361972809 Book:0.13328883051872253 Liber:0.09989530593156815 book:0.07541140168905258 :0.06868448853492737 +the:0.07146502286195755 for:0.025093162432312965 a:0.02153126150369644 to:0.018681243062019348 :0.1731606125831604 +own:0.02598222717642784 taxes:0.019014079123735428 people:0.009767132811248302 attention:0.00955325085669756 :0.21048519015312195 +said:0.013270599767565727 same:0.011239947751164436 most:0.008574431762099266 other:0.007610051892697811 :0.1591348946094513 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +the:0.20689374208450317 a:0.03258281946182251 said:0.02921946533024311 this:0.01724575087428093 :0.12334544211626053 +of:0.030718110501766205 years:0.021934762597084045 months:0.02046218328177929 days:0.020189683884382248 :0.18579469621181488 +in:0.11561024188995361 and:0.06014396995306015 on:0.03763889521360397 by:0.03313814848661423 :0.08609184622764587 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +own:0.036193378269672394 way:0.02038407512009144 duty:0.013621918857097626 right:0.008673577569425106 :0.21564418077468872 +a:0.07187847793102264 the:0.030801059678196907 not:0.029993407428264618 in:0.023212727159261703 :0.12496409565210342 +and:0.16239245235919952 who:0.04861437529325485 are:0.030727820470929146 have:0.02885153330862522 :0.1396034061908722 +in:0.08263760060071945 to:0.07254660129547119 by:0.05993245914578438 on:0.05215493217110634 :0.04694584012031555 +have,:0.37504303455352783 will:0.038939476013183594 can:0.032357506453990936 have:0.03202180564403534 :0.0560755617916584 +the:0.07525119185447693 be:0.046758636832237244 do:0.02665845863521099 make:0.024542780593037605 :0.1501728743314743 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +of:0.17576465010643005 and:0.048050932586193085 to:0.047548167407512665 at:0.015664510428905487 :0.29826024174690247 +the:0.3207250237464905 this:0.036524079740047455 a:0.03308132290840149 their:0.01816023513674736 :0.07054108381271362 +first:0.005860598292201757 last:0.005617089103907347 old:0.005432601552456617 same:0.005132046528160572 :0.2055450975894928 +much:0.07768459618091583 many:0.06897961348295212 the:0.06766665726900101 they:0.05567198619246483 :0.08691562712192535 +day:0.05287038907408714 time:0.05280095711350441 of:0.04232296347618103 Monday:0.016961799934506416 :0.09658438712358475 +and:0.05753627419471741 the:0.0484919510781765 to:0.026727838441729546 of:0.026655489578843117 :0.1892583817243576 +rived:0.05251846835017204 the:0.025571011006832123 ranged:0.020102398470044136 a:0.015782468020915985 :0.2655390799045563 +and:0.12894251942634583 John:0.007005269173532724 J:0.0068863676860928535 James:0.004257733002305031 :0.46228939294815063 +by:0.1655004322528839 in:0.14349547028541565 to:0.09920310229063034 that:0.08008195459842682 :0.03539743274450302 +the:0.10451498627662659 a:0.021026689559221268 that:0.017122773453593254 in:0.012253046967089176 :0.15036356449127197 +said:0.009744950570166111 people:0.006745357997715473 law:0.00542790163308382 whole:0.004850320052355528 :0.1965060979127884 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.04989271238446236 of:0.027944384142756462 to:0.026268038898706436 the:0.02422337792813778 :0.1762200891971588 +and:0.05692258104681969 as:0.04215701296925545 to:0.026766281574964523 of:0.02533460594713688 :0.18525700271129608 +and:0.05469823256134987 the:0.02461359091103077 I:0.012733086943626404 who:0.011276249773800373 :0.32701727747917175 +at:0.08242176473140717 in:0.0778573602437973 the:0.07243110984563828 a:0.06547275930643082 :0.058116473257541656 +of:0.5773603916168213 and:0.08061731606721878 with:0.017833100631833076 is:0.010932988487184048 :0.033407870680093765 +people:0.014286915771663189 said:0.009541111066937447 same:0.007768310606479645 United:0.007545930799096823 :0.16696782410144806 +of:0.5626673102378845 to:0.06592657417058945 in:0.026332590728998184 for:0.018311819061636925 :0.018027078360319138 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +to:0.07099736481904984 from:0.05921631678938866 and:0.051336728036403656 into:0.03979535028338432 :0.060882266610860825 +the:0.20249272882938385 a:0.02940932847559452 their:0.020891830325126648 which:0.019406111910939217 :0.14767655730247498 +from:0.20864908397197723 the:0.05867205187678337 with:0.05477293208241463 and:0.03724681958556175 :0.07209263741970062 +to:0.06787349283695221 in:0.037166252732276917 after:0.03600454702973366 and:0.019681133329868317 :0.06633655726909637 +of:0.1896609663963318 and:0.1870584785938263 who:0.057679612189531326 in:0.047125328332185745 :0.06513054668903351 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +is:0.13292108476161957 was:0.0768243595957756 has:0.03474951162934303 would:0.025246907025575638 :0.05537758022546768 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +to:0.0581827312707901 of:0.04846011847257614 the:0.04467709735035896 and:0.03915536403656006 :0.11969194561243057 +the:0.28868186473846436 a:0.08543496578931808 his:0.0347183533012867 their:0.01865585334599018 :0.04394045099616051 +of:0.11563356220722198 or:0.06673209369182587 years:0.030941160395741463 ago:0.016936782747507095 :0.14487095177173615 +of:0.1566508710384369 the:0.13069571554660797 they:0.10654424130916595 it:0.0798129215836525 :0.06925918906927109 +and:0.026283638551831245 17,:0.019292984157800674 the:0.01592540554702282 A.:0.011301164515316486 :0.27480170130729675 +only:0.04133141413331032 most:0.03888779878616333 best:0.025256868451833725 same:0.01565677486360073 :0.15790358185768127 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +man:0.04386598616838455 good:0.021945232525467873 great:0.021740254014730453 little:0.014136670157313347 :0.13576433062553406 +years:0.07401402294635773 days:0.04050939157605171 per:0.03551682084798813 miles:0.02439587563276291 :0.19011496007442474 +and:0.09268498420715332 in:0.06541995704174042 to:0.043222226202487946 In:0.02977459505200386 :0.16602739691734314 +point:0.023368708789348602 time:0.021213242784142494 long:0.011203504167497158 large:0.009744890965521336 :0.21756796538829803 +of:0.12067369371652603 is:0.01398957148194313 has:0.012989013455808163 was:0.012334019877016544 :0.36225202679634094 +and:0.09883041679859161 to:0.08423930406570435 in:0.05911003053188324 for:0.024032803252339363 :0.07332450151443481 +and:0.02898694947361946 to:0.018960224464535713 I:0.018467271700501442 the:0.015652572736144066 :0.24347762763500214 +the:0.1663341224193573 be:0.058509040623903275 a:0.023734360933303833 make:0.01653192937374115 :0.10599925369024277 +is:0.2018539160490036 was:0.13257378339767456 are:0.10743173956871033 were:0.05387154966592789 :0.03529476746916771 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +and:0.03229626640677452 the:0.007843301631510258 I:0.0075635346584022045 of:0.006571704521775246 :0.2434253841638565 +the:0.24259866774082184 he:0.04473760724067688 it:0.0420454740524292 they:0.034634049981832504 :0.055914971977472305 +schools:0.03147232532501221 school:0.029478812590241432 and:0.025957787409424782 in:0.015224582515656948 :0.12725237011909485 +the:0.042978864163160324 and:0.04095030203461647 a:0.019148899242281914 to:0.018545886501669884 :0.21364156901836395 +and:0.053674373775720596 in:0.04827854037284851 of:0.043099913746118546 is:0.026752399280667305 :0.052417632192373276 +of:0.08230242133140564 and:0.041178107261657715 The:0.018437659367918968 to:0.01453462429344654 :0.21186578273773193 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +to:0.06103655695915222 the:0.044116873294115067 and:0.03541865199804306 in:0.019758787006139755 :0.14264719188213348 +been:0.17620578408241272 the:0.0926690548658371 a:0.07947493344545364 an:0.014994936063885689 :0.07649044692516327 +that:0.13994498550891876 far:0.050226859748363495 much:0.038857731968164444 as:0.03392978385090828 :0.08432672172784805 +are:0.11309094727039337 have:0.08771609514951706 were:0.06350811570882797 had:0.048106588423252106 :0.08697729557752609 +The:0.1114383190870285 It:0.06489510834217072 He:0.04108624532818794 I:0.033486317843198776 :0.1268770694732666 +a:0.11281757801771164 not:0.07292187213897705 the:0.06704414635896683 said:0.02236642874777317 :0.06751331686973572 +and:0.44756343960762024 on:0.10181746631860733 to:0.06977394223213196 in:0.0478876531124115 :0.04242416471242905 +most:0.009443056769669056 people:0.006979480851441622 latter:0.0061402046121656895 other:0.0058653769083321095 :0.18132442235946655 +the:0.2938293516635895 a:0.06370861828327179 his:0.01705191843211651 tho:0.01571360044181347 :0.09980156272649765 +The:0.01747046411037445 and:0.015902230516076088 the:0.013112624175846577 of:0.01249554194509983 :0.25462210178375244 +said:0.007695020642131567 first:0.006877555511891842 old:0.006720624398440123 bill:0.005956394597887993 :0.19693613052368164 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.08323979377746582 a:0.016461823135614395 other:0.011682073585689068 more:0.00717990892007947 :0.15500600636005402 +a:0.06737212836742401 the:0.031848885118961334 not:0.029336601495742798 in:0.02906077355146408 :0.15659397840499878 +year:0.019045084714889526 morning:0.015913302078843117 is:0.012577430345118046 the:0.011493299156427383 :0.12479151040315628 +the:0.14313718676567078 a:0.07868297398090363 to:0.06036167964339256 them:0.02859613671898842 :0.041525378823280334 +the:0.38581782579421997 a:0.05207500234246254 which:0.019807955250144005 tho:0.015928644686937332 :0.09443821758031845 +been:0.15645286440849304 a:0.03438606113195419 the:0.021375246345996857 not:0.015290315262973309 :0.14317527413368225 +very:0.02104000933468342 little:0.016906697303056717 good:0.016840646043419838 few:0.015422545373439789 :0.21543265879154205 +and:0.0371699258685112 in:0.0197245292365551 to:0.00852810125797987 the:0.007212328724563122 :0.2626015543937683 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +not:0.03374091908335686 a:0.033540740609169006 made:0.028029317036271095 the:0.025085441768169403 :0.10355258733034134 +most:0.009443056769669056 people:0.006979480851441622 latter:0.0061402046121656895 other:0.0058653769083321095 :0.18132442235946655 +few:0.04173719882965088 long:0.0287786852568388 moment:0.023501865565776825 period:0.016202857717871666 :0.13833703100681305 +and:0.14689143002033234 to:0.04843895882368088 in:0.04170733317732811 that:0.03281330689787865 :0.052007995545864105 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +not:0.028838424012064934 the:0.027751626446843147 in:0.022584808990359306 made:0.01434516254812479 :0.1933598518371582 +own:0.02545827440917492 country:0.018341658636927605 people:0.017173554748296738 State:0.01119675301015377 :0.16266362369060516 +the:0.4061841368675232 said:0.05587056279182434 a:0.029136378318071365 this:0.02767290361225605 :0.0830836072564125 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.06130272150039673 it:0.055124495178461075 if:0.03761963173747063 that:0.03270360827445984 :0.08015117049217224 +day:0.05287038907408714 time:0.05280095711350441 of:0.04232296347618103 Monday:0.016961799934506416 :0.09658438712358475 +the:0.21779771149158478 he:0.09543012082576752 they:0.05952281504869461 it:0.04395240172743797 :0.04716908931732178 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +most:0.027610862627625465 only:0.015560139901936054 best:0.013576931320130825 same:0.011266235262155533 :0.23486249148845673 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.12076905369758606 be:0.09759648889303207 a:0.01856732740998268 make:0.01473325863480568 :0.12348907440900803 +Pierce,:0.032131463289260864 S.:0.03096078895032406 H.:0.017227912321686745 B.:0.015468927100300789 :0.23854075372219086 +the:0.3103952705860138 a:0.07714616507291794 this:0.022247115150094032 his:0.017645424231886864 :0.07071632891893387 +of:0.5021535754203796 and:0.09966529160737991 that:0.026971224695444107 in:0.023055395111441612 :0.022856099531054497 +of:0.4098981022834778 to:0.145864337682724 and:0.06199409067630768 in:0.035393793135881424 :0.02746657468378544 +and:0.030976852402091026 tinguished:0.029554372653365135 cussed:0.01915077678859234 trict:0.015411734580993652 :0.2946968674659729 +has:0.09410515427589417 had:0.05294593423604965 is:0.0498763732612133 was:0.040946684777736664 :0.03814757615327835 +and:0.032050710171461105 in:0.014996493235230446 a:0.00957497302442789 In:0.008821829222142696 :0.3656419515609741 +and:0.08789956569671631 of:0.0235495213419199 the:0.021167492493987083 to:0.01856122724711895 :0.20555494725704193 +to:0.24550564587116241 of:0.08110348880290985 and:0.06657373905181885 in:0.04989282041788101 :0.044408634305000305 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +first:0.011724669486284256 same:0.008952801115810871 said:0.007157005835324526 latter:0.00696832500398159 :0.1605808436870575 +and:0.04891691356897354 of:0.04706745222210884 The:0.026522859930992126 to:0.024518650025129318 :0.17782624065876007 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +year:0.022823233157396317 morning:0.019077355042099953 day:0.013899574987590313 the:0.009161073714494705 :0.11395227909088135 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +line:0.061054907739162445 body:0.018894465640187263 and:0.014580411836504936 building:0.012694256380200386 :0.1209617480635643 +The:0.032851338386535645 .:0.026836039498448372 and:0.01711110770702362 the:0.012540537863969803 :0.2852705717086792 +and:0.05420639365911484 the:0.03241857513785362 in:0.020393308252096176 of:0.017636723816394806 :0.17749573290348053 +different:0.09409677237272263 new:0.045852456241846085 of:0.04300033301115036 to:0.0110445162281394 :0.2155064195394516 +to:0.03207772225141525 the:0.031437311321496964 and:0.02601541019976139 I:0.020696697756648064 :0.20808419585227966 +that:0.23407292366027832 to:0.11735282093286514 the:0.06554067134857178 in:0.04122932627797127 :0.03194266930222511 +Carolina:0.19692997634410858 and:0.04422953724861145 Carolina,:0.04052269458770752 Carolina.:0.023906394839286804 :0.2361348420381546 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.16877685487270355 they:0.09347138553857803 it:0.07158400863409042 any:0.06043538078665733 :0.05481551215052605 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +that:0.18969222903251648 the:0.0964365154504776 of:0.08135855197906494 what:0.04475952312350273 :0.04170622304081917 +the:0.2480400651693344 a:0.0700242891907692 to:0.03393981605768204 his:0.021255427971482277 :0.085108183324337 +The:0.10419896245002747 A:0.03186365216970444 It:0.029016708955168724 He:0.023723414167761803 :0.2399553507566452 +John:0.025989124551415443 J.:0.025958314538002014 J:0.025074532255530357 W.:0.019306261092424393 :0.27206435799598694 +the:0.25467732548713684 a:0.0746433436870575 this:0.016401128843426704 tho:0.014888163655996323 :0.07286253571510315 +the:0.09841042757034302 a:0.026989012956619263 that:0.016641821712255478 in:0.013492266647517681 :0.1109888106584549 +and:0.2904543876647949 the:0.04877253249287605 or:0.038581732660532 to:0.02727874182164669 :0.03502573445439339 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +gress:0.3214990794658661 gress,:0.0793016329407692 gress.:0.05574483051896095 gressional:0.04261556640267372 :0.25932642817497253 +and:0.1754361242055893 of:0.17345784604549408 in:0.054922301322221756 was:0.0371105819940567 :0.06991969794034958 +the:0.09729675948619843 it:0.04769623652100563 he:0.027081863954663277 they:0.02597961015999317 :0.0797344520688057 +the:0.22477923333644867 be:0.03899076208472252 whether:0.023945176973938942 make:0.021186623722314835 :0.08064348250627518 +tant:0.04101214557886124 tance:0.038315389305353165 trict:0.03413473442196846 cussion:0.016988534480333328 :0.4043196141719818 +of:0.04361420497298241 to:0.02426573634147644 and:0.023040710017085075 in:0.014339893124997616 :0.20786631107330322 +the:0.18397806584835052 a:0.06519771367311478 which:0.022052863612771034 means:0.0203083623200655 :0.14227356016635895 +and:0.05051196366548538 time:0.011137284338474274 the:0.009710648097097874 a:0.009290753863751888 :0.2699041962623596 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.44943368434906006 the:0.05022456869482994 in:0.03351011872291565 and:0.023582058027386665 :0.028652627021074295 +the:0.24478214979171753 he:0.057028476148843765 it:0.03508872166275978 a:0.0326894074678421 :0.05980115383863449 +to:0.6268412470817566 the:0.034865353256464005 by:0.02560023032128811 in:0.02365540713071823 :0.01858164556324482 +and:0.21102917194366455 of:0.040360692888498306 where:0.0298294834792614 the:0.025487516075372696 :0.07581370323896408 +other:0.007915631867945194 same:0.0074862269684672356 most:0.0054801334626972675 right:0.005048863124102354 :0.3085220754146576 +and:0.051306117326021194 the:0.038542795926332474 to:0.03001607023179531 by:0.02252224273979664 :0.1378358155488968 +the:0.29539310932159424 two:0.020579567179083824 tho:0.01716146059334278 said:0.013263486325740814 :0.11481577157974243 +and:0.20233212411403656 of:0.05750689655542374 in:0.051995061337947845 the:0.04149746894836426 :0.13601553440093994 +a:0.09946277737617493 every:0.09568307548761368 the:0.05113017559051514 any:0.03984973952174187 :0.18382427096366882 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +ways:0.03400600701570511 the:0.03236757963895798 and:0.016399823129177094 of:0.013457641936838627 :0.17296838760375977 +the:0.401412695646286 a:0.04376828297972679 tho:0.018474504351615906 this:0.017595523968338966 :0.08449956774711609 +the:0.12552069127559662 a:0.09369497746229172 his:0.0171907227486372 an:0.013961448334157467 :0.1108192577958107 +not:0.04939780756831169 in:0.03432699292898178 the:0.022284911945462227 to:0.022180287167429924 :0.15512852370738983 +own:0.018052099272608757 head:0.011023998260498047 heart:0.009386994875967503 wife:0.008821167051792145 :0.2391243875026703 +between:0.19533498585224152 of:0.1274404674768448 in:0.10071709007024765 on:0.03829524666070938 :0.06614383310079575 +The:0.15365153551101685 It:0.07400450855493546 In:0.053378988057374954 He:0.027993246912956238 :0.057292670011520386 +and:0.009725046344101429 Smith,:0.005147083662450314 Brown,:0.0051074861548841 J.:0.0049385190941393375 :0.5425584316253662 +as:0.2107778787612915 before:0.03323205187916756 what:0.026592763140797615 in:0.020994162186980247 :0.08212440460920334 +to:0.06222877278923988 and:0.06168503686785698 of:0.05154882371425629 the:0.051389843225479126 :0.09869932383298874 +a:0.07125335186719894 on:0.045816026628017426 the:0.04006059840321541 in:0.03931139037013054 :0.0895436704158783 +been:0.17620578408241272 the:0.0926690548658371 a:0.07947493344545364 an:0.014994936063885689 :0.07649044692516327 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +the:0.12802071869373322 they:0.08799362927675247 he:0.07810725271701813 it:0.06932450085878372 :0.053621623665094376 +and:0.2057916522026062 of:0.07525637745857239 in:0.05396619066596031 to:0.0332518108189106 :0.034141480922698975 +of:0.5741509199142456 and:0.050312355160713196 ot:0.009762938134372234 or:0.007285228464752436 :0.06185315549373627 +be:0.18111763894557953 have:0.09179851412773132 deem:0.05076749250292778 not:0.04247290641069412 :0.07910200953483582 +a:0.20751158893108368 not:0.058303963392972946 the:0.05557075887918472 now:0.02400173433125019 :0.08287334442138672 +following:0.01309159304946661 said:0.010578817687928677 first:0.010316094383597374 two:0.00624585198238492 :0.20952042937278748 +the:0.1881866753101349 be:0.04379994422197342 a:0.02055414766073227 recover:0.013506866060197353 :0.1088126003742218 +up:0.1172216460108757 a:0.09483851492404938 the:0.06544135510921478 and:0.062011368572711945 :0.1081836074590683 +the:0.1887837052345276 a:0.06505906581878662 all:0.02468460611999035 this:0.020185407251119614 :0.07371731102466583 +of:0.06963551044464111 and:0.056022319942712784 in:0.05405920743942261 to:0.04775699973106384 :0.0744967982172966 +property:0.011620713397860527 subject:0.010696952231228352 said:0.009446420706808567 following:0.008107030764222145 :0.180214062333107 +to:0.12059319019317627 the:0.0739978775382042 he:0.07173492759466171 much:0.06115374714136124 :0.053484827280044556 +and:0.14664815366268158 the:0.03771797567605972 in:0.03705831617116928 which:0.02418600395321846 :0.10075543820858002 +not:0.05417286232113838 to:0.03864285349845886 made:0.03423679247498512 a:0.02295425720512867 :0.1306232511997223 +of:0.6435631513595581 in:0.02905694954097271 to:0.023021075874567032 and:0.020962446928024292 :0.024851713329553604 +of:0.14031998813152313 and:0.09291564673185349 from:0.07953532040119171 in:0.041878923773765564 :0.07735948264598846 +States:0.4906804859638214 States,:0.18643523752689362 States.:0.10460172593593597 Slates:0.01353408768773079 :0.11112630367279053 +was:0.06970657408237457 had:0.039512258023023605 is:0.03330165892839432 has:0.025675378739833832 :0.08595994114875793 +the:0.2713492810726166 that:0.10702391713857651 to:0.03957713022828102 a:0.03334076330065727 :0.04134048894047737 +than:0.0954120084643364 and:0.0729638934135437 to:0.033711157739162445 the:0.026513701304793358 :0.13216593861579895 +are:0.056904975324869156 have:0.052252188324928284 will:0.030871259048581123 can:0.02288689836859703 :0.1299443542957306 +the:0.27630648016929626 a:0.04413143917918205 which:0.034695759415626526 tho:0.010970113798975945 :0.12817063927650452 +name:0.04421599209308624 names:0.03796255588531494 only:0.015306031331419945 duty:0.010459773242473602 :0.10658002644777298 +and:0.1197190135717392 of:0.11834929883480072 in:0.07923606038093567 to:0.04831288382411003 :0.03249635919928551 +and:0.07209478318691254 the:0.034259017556905746 to:0.031781334429979324 of:0.02365560457110405 :0.1561148464679718 +and:0.046122319996356964 of:0.03706205636262894 the:0.022976180538535118 to:0.022842245176434517 :0.22028891742229462 +the:0.16942565143108368 of:0.07162218540906906 that:0.0252042505890131 over:0.01967603527009487 :0.1256670355796814 +the:0.19303183257579803 a:0.12538792192935944 to:0.06870532780885696 that:0.028293080627918243 :0.09703294932842255 +the:0.09219575673341751 a:0.023520562797784805 that:0.01583995670080185 their:0.01281019113957882 :0.10239467769861221 +the:0.09237313270568848 a:0.06877978146076202 government:0.04144202172756195 government,:0.01426903996616602 :0.18499542772769928 +that:0.3547765016555786 at:0.1687559187412262 to:0.08278478682041168 in:0.05454622209072113 :0.0489472858607769 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +and:0.19935740530490875 of:0.14680784940719604 for:0.08974001556634903 or:0.03972415253520012 :0.055180735886096954 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +the:0.14655616879463196 a:0.056299805641174316 that:0.027992211282253265 it:0.024042172357439995 :0.09720780700445175 +the:0.42964279651641846 this:0.027255909517407417 a:0.017906429246068 tho:0.01747586764395237 :0.11500923335552216 +and:0.05285528674721718 to:0.03633606433868408 of:0.0315084233880043 in:0.02297014184296131 :0.15493717789649963 +and:0.056121826171875 to:0.04196353629231453 of:0.026818806305527687 in:0.02576218917965889 :0.16586147248744965 +to:0.1759244203567505 in:0.06098853424191475 and:0.040495194494724274 for:0.03916458413004875 :0.044169794768095016 +was:0.11432404071092606 had:0.07356548309326172 would:0.06533575057983398 has:0.04898527264595032 :0.1020926833152771 +other:0.012656734324991703 most:0.010464176535606384 same:0.009360447525978088 said:0.007316528353840113 :0.13715581595897675 +good:0.015014180913567543 great:0.011886523105204105 large:0.010784870944917202 man:0.010780397802591324 :0.19561199843883514 +tion:0.07787295430898666 and:0.04843199625611305 tory:0.032765667885541916 tion,:0.02439567632973194 :0.2931293249130249 +the:0.18571630120277405 a:0.04430409148335457 which:0.01980752684175968 reason:0.014034967869520187 :0.1315697431564331 +the:0.24326129257678986 it:0.044596441090106964 he:0.038862649351358414 a:0.03143938258290291 :0.0710381269454956 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.18686522543430328 and:0.08582469075918198 to:0.07672639191150665 a:0.06258699297904968 :0.06392600387334824 +the:0.3604205846786499 a:0.046697650104761124 tho:0.021327266469597816 which:0.020744163542985916 :0.09468419849872589 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +miles:0.060476645827293396 and:0.04464128240942955 of:0.038607459515333176 feet:0.03280968964099884 :0.2605322301387787 +been:0.42579543590545654 not:0.032583631575107574 a:0.02843344956636429 to:0.016428664326667786 :0.044524334371089935 +the:0.08355121314525604 a:0.0201457180082798 that:0.019216295331716537 it:0.008253498934209347 :0.11558707058429718 +and:0.11521515250205994 the:0.055253468453884125 of:0.05310552194714546 in:0.0192947406321764 :0.04560793191194534 +two:0.01797132007777691 men:0.01618107035756111 are:0.01221987884491682 things:0.012179072014987469 :0.20211383700370789 +purpose:0.04356564208865166 purpose.:0.031152870506048203 reason:0.021276773884892464 purpose,:0.01677204854786396 :0.14762121438980103 +and:0.16153736412525177 of:0.050589803606271744 who:0.03928413987159729 with:0.03857972100377083 :0.10395833104848862 +few:0.09161107242107391 short:0.040044937282800674 small:0.022489694878458977 little:0.02233404666185379 :0.1348012387752533 +wife,:0.018351560458540916 own:0.015409840270876884 wife:0.01354699581861496 name:0.01037275604903698 :0.1548418253660202 +the:0.05550246313214302 a:0.017023134976625443 tho:0.010867517441511154 that:0.009839242324233055 :0.2593161165714264 +the:0.6453421711921692 said:0.08584122359752655 a:0.028101475909352303 tho:0.025641342625021935 :0.019869962707161903 +and:0.07359974086284637 in:0.01914196088910103 to:0.013564011082053185 with:0.011439565569162369 :0.26837387681007385 +most:0.04713147133588791 best:0.023611828684806824 only:0.02107817679643631 same:0.015984224155545235 :0.18346810340881348 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +to:0.8607087731361389 and:0.023993929848074913 with:0.01402584370225668 for:0.010313327424228191 :0.01226307637989521 +said:0.009231635369360447 whole:0.006123144179582596 people:0.005624891258776188 same:0.00545263197273016 :0.25430041551589966 +own:0.021990571171045303 sister:0.010875491425395012 people:0.005891349632292986 way:0.005767505150288343 :0.1991218775510788 +The:0.08779577165842056 It:0.05077998340129852 I:0.032032109797000885 He:0.028774088248610497 :0.12411242723464966 +the:0.10401788353919983 that:0.03391708433628082 a:0.025455879047513008 I:0.01910744607448578 :0.1475420594215393 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +The:0.1303229033946991 It:0.08231423050165176 In:0.03621722757816315 This:0.027408156543970108 :0.08090081810951233 +purpose:0.006432726979255676 State:0.005408487748354673 same:0.004263537935912609 time:0.004254346247762442 :0.4466436803340912 +of:0.1993187516927719 is:0.12832605838775635 was:0.12410364300012589 has:0.033969052135944366 :0.023660410195589066 +The:0.21163176000118256 It:0.04976788908243179 He:0.04036353528499603 This:0.03684253245592117 :0.07024972885847092 +to:0.49669522047042847 by:0.061547331511974335 out:0.05184787139296532 for:0.03507956862449646 :0.02249898761510849 +and:0.10429351031780243 of:0.04086778312921524 in:0.0389985665678978 on:0.024438735097646713 :0.094477079808712 +of:0.07561134546995163 or:0.059316668659448624 and:0.026813160628080368 to:0.024308238178491592 :0.16759726405143738 +and:0.15613481402397156 is:0.030687469989061356 was:0.027148094028234482 or:0.026906223967671394 :0.09981122612953186 +most:0.0202044490724802 best:0.017197981476783752 trip:0.011451786383986473 same:0.006482699420303106 :0.14724530279636383 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +for:0.14946837723255157 and:0.10854136198759079 of:0.08456612378358841 to:0.06256183981895447 :0.04492492228746414 +of:0.3065929114818573 the:0.054842010140419006 he:0.015025030821561813 which:0.01330022793263197 :0.07116927206516266 +have:0.022101830691099167 was:0.02090858668088913 am:0.015415407717227936 to:0.014724936336278915 :0.3002307713031769 +and:0.13114352524280548 of:0.057836782187223434 was:0.025100208818912506 is:0.018396228551864624 :0.08549503237009048 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +said:0.00913656409829855 same:0.006299115251749754 public:0.006219870876520872 State:0.004999038763344288 :0.22077059745788574 +the:0.2799088656902313 a:0.1435035914182663 his:0.029106829315423965 an:0.018284371122717857 :0.09387337416410446 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.26265597343444824 per:0.11016381531953812 on:0.03047018125653267 in:0.0297223012894392 :0.056477971374988556 +is:0.09646695107221603 he:0.08909456431865692 they:0.0792197585105896 the:0.04676483944058418 :0.05034598335623741 +part:0.02070237509906292 other:0.016889112070202827 north:0.013219807296991348 west:0.012566418386995792 :0.24211665987968445 +The:0.12869124114513397 It:0.049847256392240524 He:0.039153531193733215 Mr.:0.0318339504301548 :0.0652204230427742 +of:0.05684904381632805 and:0.022047556936740875 was:0.015965541824698448 to:0.011692249216139317 :0.29912546277046204 +the:0.3400607109069824 any:0.03471878543496132 a:0.024595217779278755 this:0.01998247392475605 :0.08731205016374588 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +has:0.09410515427589417 had:0.05294593423604965 is:0.0498763732612133 was:0.040946684777736664 :0.03814757615327835 +of:0.4014829397201538 in:0.08965776115655899 the:0.029563918709754944 with:0.019779184833168983 :0.0426965206861496 +the:0.3259177505970001 this:0.06047431752085686 a:0.03972733020782471 first:0.024210810661315918 :0.11603894829750061 +be:0.22099368274211884 only:0.025223813951015472 have:0.023541223257780075 do:0.014406559988856316 :0.06126907467842102 +a:0.027739496901631355 able:0.021260572597384453 made:0.015108373947441578 allowed:0.014467816799879074 :0.19205524027347565 +of:0.14250928163528442 and:0.09561177343130112 who:0.02630850486457348 was:0.02613379806280136 :0.05713531747460365 +of:0.2324303835630417 hundred:0.03352290019392967 who:0.02018466778099537 and:0.01712670922279358 :0.12172071635723114 +the:0.16460271179676056 be:0.03583537042140961 have:0.017389215528964996 a:0.014400344341993332 :0.15057273209095 +have:0.07764062285423279 are:0.06754203140735626 will:0.0354156419634819 can:0.0328100211918354 :0.12081511318683624 +the:0.3782463073730469 a:0.06668644398450851 said:0.03311574086546898 tho:0.015448527410626411 :0.09389089047908783 +to:0.0700317844748497 and:0.051333196461200714 the:0.026327067986130714 by:0.02458229847252369 :0.1597231775522232 +the:0.14464789628982544 that:0.09117434173822403 a:0.07715168595314026 in:0.04164806380867958 :0.04827309772372246 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.23963956534862518 and:0.05663580447435379 a:0.04942357912659645 to:0.04833792895078659 :0.05155662074685097 +the:0.2180076390504837 a:0.03041142039000988 this:0.017480097711086273 tho:0.01200192328542471 :0.21967411041259766 +and:0.16697384417057037 in:0.1324339359998703 of:0.04781971871852875 to:0.033905766904354095 :0.05355250462889671 +and:0.15849658846855164 of:0.09120011329650879 to:0.03987974673509598 in:0.035056546330451965 :0.05548142269253731 +the:0.04024909436702728 that:0.01949288323521614 a:0.01393399853259325 to:0.013328909873962402 :0.27435943484306335 +and:0.16011957824230194 in:0.03980596736073494 with:0.03473098948597908 she:0.026870667934417725 :0.038659609854221344 +the:0.09567426890134811 a:0.03133626654744148 this:0.01357155479490757 which:0.006869879085570574 :0.2608252763748169 +the:0.13897959887981415 a:0.0265493206679821 that:0.017766734585165977 it:0.016309505328536034 :0.10610232502222061 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.10028758645057678 a:0.03812394663691521 the:0.03781833499670029 but:0.027241604402661324 :0.13202328979969025 +few:0.03397451713681221 large:0.021957719698548317 little:0.014595912769436836 great:0.014456437900662422 :0.15509258210659027 +vided:0.1652204841375351 posed:0.06970860809087753 duced:0.06319297850131989 tected:0.04986331984400749 :0.2522965967655182 +of:0.23302118480205536 and:0.09965626895427704 was:0.02425595000386238 is:0.014821943826973438 :0.0600227527320385 +possible:0.040778327733278275 of:0.03991250693798065 one:0.016590837389230728 a:0.012325801886618137 :0.1624419391155243 +of:0.08858324587345123 is:0.05040498077869415 to:0.048147913068532944 the:0.04756823182106018 :0.04606371000409126 +of:0.08095690608024597 and:0.0623701773583889 to:0.02943957783281803 in:0.018728211522102356 :0.16868071258068085 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +a:0.0381607711315155 the:0.03579561784863472 and:0.025644592940807343 at:0.015307982452213764 :0.16306336224079132 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +be:0.23625053465366364 not:0.05259273573756218 have:0.03999415412545204 he:0.035457905381917953 :0.08468788117170334 +of:0.04786454886198044 and:0.04491841793060303 or:0.028567243367433548 the:0.028341613709926605 :0.16377893090248108 +the:0.21847926080226898 a:0.04186560586094856 this:0.021934712305665016 all:0.0195993110537529 :0.1031966432929039 +to:0.12056412547826767 the:0.10166285187005997 a:0.0738104060292244 well:0.041245993226766586 :0.06522469967603683 +of:0.21526333689689636 and:0.14960835874080658 in:0.06145785376429558 to:0.032561127096414566 :0.10479922592639923 +A.:0.1360313445329666 and:0.023203065618872643 the:0.010492787696421146 W.:0.010106446221470833 :0.25813165307044983 +the:0.25745290517807007 a:0.05647957697510719 them:0.04064827784895897 to:0.022934287786483765 :0.05259476974606514 +few:0.016428546980023384 large:0.013024603016674519 man:0.009530461393296719 new:0.009408265352249146 :0.15535812079906464 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +of:0.5741509199142456 and:0.050312355160713196 ot:0.009762938134372234 or:0.007285228464752436 :0.06185315549373627 +and:0.13119803369045258 of:0.06814797967672348 to:0.040557898581027985 Clerk:0.03377015143632889 :0.10797074437141418 +and:0.09215990453958511 shop:0.031196581199765205 at:0.025907285511493683 the:0.022226914763450623 :0.1680927574634552 +The:0.2147710621356964 It:0.07910315692424774 He:0.05062778294086456 They:0.02684619091451168 :0.0887533649802208 +terests:0.07669252902269363 fluence:0.05301985889673233 crease:0.04029430076479912 terest:0.031019477173686028 :0.4015410244464874 +and:0.06790737062692642 the:0.05511707440018654 to:0.05082518979907036 for:0.03568708151578903 :0.07671909034252167 +The:0.18390116095542908 It:0.043513938784599304 He:0.034018244594335556 This:0.027511361986398697 :0.1031399741768837 +the:0.13326933979988098 that:0.029214048758149147 in:0.02586182951927185 it:0.021425412967801094 :0.07493892312049866 +was:0.08376485854387283 had:0.08347256481647491 has:0.07447847723960876 is:0.061809878796339035 :0.06107081472873688 +per:0.07937891036272049 o'clock:0.05978863313794136 and:0.04606538638472557 cents:0.03590966761112213 :0.2270680069923401 +and:0.047888632863759995 was:0.046319711953401566 of:0.02775668539106846 is:0.02209983766078949 :0.1830260157585144 +of:0.10204536467790604 to:0.0654485747218132 the:0.055637508630752563 in:0.03130128234624863 :0.06798244267702103 +to:0.7851520776748657 and:0.01064765639603138 in:0.008205941878259182 for:0.008179993368685246 :0.021360808983445168 +of:0.1358942687511444 and:0.05252693220973015 to:0.029715336859226227 The:0.014808589592576027 :0.2079562097787857 +the:0.12026950716972351 a:0.0684189572930336 his:0.016613347455859184 this:0.013429947197437286 :0.14541204273700714 +the:0.09410357475280762 a:0.05644835904240608 to:0.01659305766224861 .:0.012327432632446289 :0.20951110124588013 +and:0.228052020072937 of:0.04570813849568367 in:0.04285804182291031 but:0.03922596573829651 :0.07436207681894302 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.06522398442029953 that:0.011810891330242157 in:0.01095555815845728 a:0.01071354653686285 :0.15734247863292694 +of:0.09311702847480774 and:0.05778133124113083 is:0.0497661754488945 was:0.042042601853609085 :0.05226551741361618 +mands:0.069704569876194 clared:0.059135328978300095 scribed:0.04210136830806732 partment:0.03738054260611534 :0.39549216628074646 +and:0.22378124296665192 the:0.03693734481930733 but:0.024005748331546783 in:0.016609998419880867 :0.07232311367988586 +H.:0.026166368275880814 C:0.0217734407633543 B:0.019201509654521942 B.:0.01887681521475315 :0.341648668050766 +the:0.22022509574890137 a:0.07458912581205368 this:0.014131130650639534 their:0.012636049650609493 :0.13022097945213318 +is:0.2813173830509186 was:0.1429443061351776 Is:0.06031987816095352 has:0.036271724849939346 :0.06841246038675308 +the:0.13888438045978546 that:0.0502542108297348 he:0.031207744032144547 a:0.026293832808732986 :0.04464351385831833 +of:0.2860240340232849 and:0.05647892877459526 is:0.028502603992819786 to:0.028154799714684486 :0.04969356581568718 +a:0.2029133439064026 the:0.19447335600852966 it:0.08016280084848404 no:0.03711589053273201 :0.0314096137881279 +.:0.07635040581226349 and:0.022282756865024567 of:0.01790299266576767 the:0.012668581679463387 :0.39624664187431335 +to:0.05838901549577713 in:0.04960197955369949 and:0.038001649081707 with:0.03699958324432373 :0.07956608384847641 +not:0.05692387372255325 in:0.029933225363492966 now:0.027108801528811455 the:0.021230507642030716 :0.10884405672550201 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.22477923333644867 be:0.03899076208472252 whether:0.023945176973938942 make:0.021186623722314835 :0.08064348250627518 +the:0.12512579560279846 it:0.11135151237249374 necessary:0.05035805702209473 a:0.041863393038511276 :0.11245836317539215 +the:0.3424161672592163 a:0.09885071963071823 their:0.018066750839352608 his:0.015439757145941257 :0.06995963305234909 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.026016877964138985 not:0.025182045996189117 be:0.02026456408202648 and:0.015630211681127548 :0.11451300233602524 +and:0.12333325296640396 the:0.08968835324048996 but:0.02385207824409008 for:0.02332761511206627 :0.06482751667499542 +be:0.22099368274211884 only:0.025223813951015472 have:0.023541223257780075 do:0.014406559988856316 :0.06126907467842102 +the:0.10758045315742493 a:0.055674657225608826 to:0.029254237189888954 not:0.028728313744068146 :0.07303767651319504 +minds:0.031504347920417786 own:0.02207532525062561 hands:0.015434636734426022 mind:0.009591319598257542 :0.16258744895458221 +law:0.007591885514557362 payment:0.0074296994134783745 same:0.00652185408398509 said:0.006226538680493832 :0.21865348517894745 +the:0.36605364084243774 this:0.05854158103466034 a:0.04906608536839485 which:0.020323550328612328 :0.0898960679769516 +to:0.08106957376003265 in:0.03315258026123047 and:0.032896656543016434 that:0.018577609211206436 :0.07409138232469559 +of:0.11731825023889542 was:0.03166795149445534 is:0.02645224891602993 and:0.01920516975224018 :0.15780214965343475 +and:0.05969091132283211 to:0.02613263577222824 the:0.022115439176559448 of:0.015688959509134293 :0.24711452424526215 +and:0.07883477956056595 to:0.06803973019123077 in:0.029703289270401 the:0.026751313358545303 :0.14366047084331512 +and:0.11850330233573914 in:0.08776630461215973 on:0.060060933232307434 to:0.036768633872270584 :0.09544530510902405 +not:0.10991444438695908 have:0.09178400039672852 be:0.054332371801137924 like:0.04096243903040886 :0.0746430978178978 +and:0.06115761026740074 The:0.04727863147854805 to:0.034927744418382645 A:0.016759924590587616 :0.3011021018028259 +and:0.08463197201490402 to:0.037107545882463455 The:0.016379568725824356 the:0.014044148847460747 :0.14444024860858917 +the:0.2996473014354706 he:0.03816961124539375 they:0.027306517586112022 it:0.023581156507134438 :0.07781947404146194 +certain:0.03457401692867279 judgment:0.01444017980247736 large:0.01066592987626791 basis:0.00863286480307579 :0.1687161773443222 +same:0.00905253179371357 whole:0.007445103023201227 best:0.007439157459884882 sum:0.007289938163012266 :0.1384350061416626 +and:0.1839023381471634 of:0.11015927046537399 at:0.050096310675144196 in:0.040685590356588364 :0.07178569585084915 +was:0.043599773198366165 had:0.03870104253292084 in:0.020277488976716995 would:0.018684666603803635 :0.1670924574136734 +the:0.20952928066253662 a:0.053961001336574554 his:0.05189240351319313 up:0.04922120273113251 :0.030920110642910004 +of:0.19694079458713531 that:0.06507861614227295 the:0.06303197145462036 as:0.053998131304979324 :0.05112425982952118 +than:0.26372969150543213 the:0.048582546412944794 in:0.0386616550385952 and:0.01919352263212204 :0.08116573095321655 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +of:0.11835335195064545 and:0.046161673963069916 to:0.016980664804577827 in:0.011536768637597561 :0.23652540147304535 +and:0.11858666688203812 but:0.03649822995066643 the:0.024013642221689224 a:0.019070349633693695 :0.2258821278810501 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.807685375213623 ot:0.019751498475670815 in:0.018655860796570778 ol:0.0072211772203445435 :0.011912785470485687 +the:0.01852644979953766 and:0.012415321543812752 attention:0.012139368802309036 pain:0.011560081504285336 :0.17080172896385193 +been:0.19046944379806519 not:0.07488513737916946 a:0.03443675860762596 the:0.016250019893050194 :0.09675481170415878 +and:0.045432012528181076 The:0.04486147314310074 A:0.02251477912068367 It:0.012286042794585228 :0.2041221708059311 +and:0.15647481381893158 the:0.05829114466905594 of:0.030989650636911392 in:0.024088317528367043 :0.16197343170642853 +mistake:0.04074303060770035 difference:0.035921599715948105 effort:0.03525862470269203 one:0.02800058014690876 :0.12325302511453629 +of:0.09253723919391632 and:0.09196890890598297 for:0.05879128351807594 or:0.0551675520837307 :0.050080958753824234 +not:0.028838424012064934 the:0.027751626446843147 in:0.022584808990359306 made:0.01434516254812479 :0.1933598518371582 +of:0.15955129265785217 to:0.069184809923172 that:0.06205159053206444 from:0.04529178887605667 :0.040445681661367416 +the:0.0402367040514946 a:0.015311476774513721 was:0.00912031065672636 not:0.007307539228349924 :0.18412858247756958 +men:0.01197066530585289 and:0.011632723733782768 man:0.007612160407006741 party:0.004854041151702404 :0.1848677545785904 +the:0.051246482878923416 a:0.034521497786045074 and:0.031158367171883583 by:0.020837392657995224 :0.20775435864925385 +time:0.27608415484428406 time,:0.06530627608299255 time.:0.059294700622558594 moment:0.025050371885299683 :0.06273562461137772 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +cepted:0.17136898636817932 complished:0.1564447432756424 quired:0.06496140360832214 count:0.04172647371888161 :0.27161136269569397 +and:0.10833518952131271 to:0.07536087930202484 in:0.05203817039728165 of:0.0403827503323555 :0.10931156575679779 +that:0.1492462307214737 the:0.10025012493133545 to:0.08692464232444763 of:0.0851961076259613 :0.06009316444396973 +to:0.1514543741941452 and:0.11038633435964584 in:0.0568535253405571 a:0.029862813651561737 :0.043908413499593735 +been:0.3356992304325104 not:0.054698023945093155 a:0.04590751975774765 no:0.03777846321463585 :0.04825277999043465 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +been:0.13911794126033783 a:0.05679669231176376 not:0.03763146698474884 no:0.02027740702033043 :0.06618610769510269 +the:0.14820952713489532 that:0.09611167758703232 any:0.04961187392473221 it:0.031960293650627136 :0.06275232136249542 +the:0.24758589267730713 a:0.14161108434200287 an:0.01770448498427868 his:0.012431895360350609 :0.09026196599006653 +The:0.023715907707810402 I:0.022939065471291542 and:0.019053686410188675 Mrs.:0.014139506034553051 :0.2459658682346344 +and:0.07519707083702087 in:0.04638853669166565 for:0.04108746349811554 from:0.03715020418167114 :0.08267971128225327 +the:0.3996236026287079 a:0.05427325516939163 this:0.02920447662472725 which:0.02736531011760235 :0.06953264027833939 +the:0.1632949709892273 a:0.0709502175450325 said:0.015722637996077538 tho:0.011154481209814548 :0.20906317234039307 +States:0.12651099264621735 States,:0.041839759796857834 and:0.03624621033668518 flour:0.03342856466770172 :0.24218909442424774 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.3381112813949585 a:0.09409600496292114 this:0.024116311222314835 tho:0.02008783258497715 :0.09912759810686111 +the:0.008800210431218147 and:0.008118383586406708 a:0.008030649274587631 in:0.006579262670129538 :0.24054457247257233 +country:0.052185241132974625 city:0.046934403479099274 way:0.031117264181375504 city,:0.022620681673288345 :0.1143367663025856 +and:0.04952443763613701 the:0.0361342653632164 of:0.02489728480577469 to:0.01931414194405079 :0.1867060512304306 +and:0.07710348069667816 morning:0.048881541937589645 in:0.0416070781648159 with:0.04029548168182373 :0.05863824486732483 +I:0.16040152311325073 The:0.05715670436620712 He:0.03077751398086548 It:0.02566685527563095 :0.08615358173847198 +and:0.040628835558891296 the:0.02859758585691452 of:0.025278504937887192 to:0.02527393028140068 :0.2617914080619812 +come.:0.08819916844367981 come,:0.06394688785076141 be:0.058650240302085876 the:0.0581224150955677 :0.086114302277565 +the:0.09138407558202744 it:0.04660801962018013 if:0.036948107182979584 I:0.03425256162881851 :0.05450943857431412 +the:0.2005431056022644 a:0.12101833522319794 my:0.048181794583797455 him:0.030029134824872017 :0.06096164509654045 +is:0.2945851981639862 was:0.2438502460718155 are:0.08806029707193375 were:0.05614055320620537 :0.03756283223628998 +option:0.026947205886244774 authorities:0.01780194602906704 and:0.011790625751018524 interests:0.008107188157737255 :0.16982950270175934 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.25097474455833435 of:0.20475678145885468 and:0.041789159178733826 hand:0.02708519995212555 :0.0433671809732914 +of:0.2962053418159485 and:0.05586281791329384 were:0.025184525176882744 that:0.017677994444966316 :0.06282829493284225 +was:0.10577774047851562 had:0.06163392588496208 has:0.04516918212175369 would:0.02926228567957878 :0.1259242445230484 +the:0.16059772670269012 a:0.0793599933385849 and:0.07307273149490356 for:0.027964049950242043 :0.04206886142492294 +of:0.13562044501304626 and:0.043549153953790665 to:0.014658039435744286 the:0.011333616450428963 :0.21024098992347717 +the:0.13140752911567688 he:0.039249274879693985 it:0.032500043511390686 is:0.024628933519124985 :0.06587479263544083 +the:0.4150944948196411 a:0.055327482521533966 which:0.027298323810100555 his:0.025490235537290573 :0.040698617696762085 +of:0.07817355543375015 year,:0.036114539951086044 and:0.029553702101111412 other:0.02676771953701973 :0.11772779375314713 +the:0.1712651252746582 a:0.047439366579055786 tho:0.02333822473883629 this:0.010885261930525303 :0.26706841588020325 +is:0.015321142971515656 year:0.013291718438267708 and:0.01214634720236063 country:0.011310266330838203 :0.19261334836483002 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +and:0.24526791274547577 viz::0.19721077382564545 or:0.05227905139327049 together:0.0290897935628891 :0.03519774600863457 +the:0.25030022859573364 which:0.050354715436697006 a:0.04131267964839935 this:0.029671384021639824 :0.09945209324359894 +from:0.06898962706327438 to:0.05239987000823021 the:0.038453370332717896 that:0.031928010284900665 :0.05324941873550415 +cents:0.05346611514687538 o'clock:0.05325343459844589 inches:0.04564587399363518 per:0.03673156723380089 :0.17421996593475342 +head:0.0032137935049831867 way:0.0029598893597722054 in:0.0023140516132116318 and:0.002224349183961749 :0.6044667363166809 +the:0.1521162986755371 said:0.017935937270522118 a:0.012486867606639862 this:0.011818164959549904 :0.24981825053691864 +is:0.07813436537981033 has:0.04960824176669121 he:0.045700863003730774 was:0.043763987720012665 :0.04163195565342903 +and:0.13930635154247284 to:0.02536127343773842 in:0.024125399067997932 or:0.018656285479664803 :0.07294557988643646 +the:0.05659645423293114 said:0.023275241255760193 and:0.018847985193133354 a:0.012441011145710945 :0.26661616563796997 +the:0.16471391916275024 a:0.09469558298587799 that:0.05780776962637901 him:0.0315450020134449 :0.10471820831298828 +as:0.1835174262523651 and:0.129289448261261 shall:0.0727800577878952 or:0.05735718086361885 :0.03433407470583916 +lant:0.3034409284591675 of:0.013504819013178349 and:0.008831625804305077 lon:0.007093042600899935 :0.3961423635482788 +in:0.054045844823122025 on:0.04817701503634453 to:0.04801521077752113 for:0.042803164571523666 :0.06774744391441345 +the:0.16248701512813568 forth:0.08066482841968536 a:0.04179694876074791 up:0.03916661813855171 :0.07177486270666122 +to:0.11414618790149689 in:0.09000762552022934 on:0.0646335631608963 at:0.05197225511074066 :0.12549926340579987 +and:0.0893794372677803 The:0.03558478131890297 It:0.023218190297484398 in:0.021273663267493248 :0.14829714596271515 +and:0.29118064045906067 but:0.04933667182922363 as:0.026472100988030434 with:0.026160188019275665 :0.032837897539138794 +to:0.46793636679649353 of:0.2248145490884781 and:0.04563170671463013 that:0.026072045788168907 :0.02536294423043728 +of:0.4415586292743683 and:0.08089419454336166 were:0.03917411342263222 are:0.03885991871356964 :0.0187628585845232 +wife:0.037885311990976334 friends:0.015915535390377045 wife,:0.012564652599394321 own:0.01101132482290268 :0.1507597267627716 +and:0.16523286700248718 that:0.049079135060310364 in:0.030955743044614792 to:0.02868301421403885 :0.0443304106593132 +much:0.08262480795383453 the:0.06529656797647476 to:0.06065332144498825 he:0.05067332088947296 :0.07177701592445374 +the:0.3187406659126282 a:0.046606872230768204 tho:0.017883410677313805 this:0.01746097020804882 :0.06160068139433861 +the:0.14615049958229065 a:0.051504600793123245 which:0.0160291139036417 being:0.014697637408971786 :0.12865644693374634 +the:0.022753534838557243 of:0.018810667097568512 .:0.01108309905976057 and:0.010712090879678726 :0.3130190968513489 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.119832843542099 a:0.01711542159318924 all:0.012421678751707077 barley:0.010579411871731281 :0.18114303052425385 +of:0.05245104804635048 and:0.03127237781882286 the:0.02934766188263893 for:0.02737736888229847 :0.16723588109016418 +of:0.05040854960680008 other:0.05023518577218056 one:0.03212587535381317 kind:0.030995404347777367 :0.12486065179109573 +in:0.07744012773036957 and:0.07327990233898163 down:0.056900911033153534 at:0.054097793996334076 :0.05066157132387161 +much:0.0786682665348053 little:0.017230713739991188 well:0.01543541718274355 large:0.011867833323776722 :0.20651677250862122 +and:0.1101851835846901 were:0.05589503422379494 to:0.050014130771160126 who:0.049424611032009125 :0.05359688773751259 +vanced:0.07753407210111618 mitted:0.027220653370022774 vance:0.0249295886605978 vised:0.02418958581984043 :0.5020729899406433 +the:0.09223735332489014 and:0.08566930890083313 line:0.0238377433270216 lines:0.020495273172855377 :0.13305087387561798 +great:0.020257355645298958 very:0.013616700656712055 large:0.013020936399698257 good:0.012712990865111351 :0.21169635653495789 +and:0.05561545118689537 to:0.03781605139374733 of:0.028716811910271645 the:0.027255594730377197 :0.13815373182296753 +of:0.07576034218072891 to:0.053336724638938904 in:0.04860047250986099 from:0.025866035372018814 :0.18441641330718994 +the:0.06276347488164902 and:0.05958345904946327 to:0.028052998706698418 of:0.02181735448539257 :0.16211086511611938 +the:0.5875211358070374 a:0.030201852321624756 tho:0.029360217973589897 this:0.021244337782263756 :0.03747737407684326 +the:0.04491572082042694 and:0.03267359733581543 to:0.018551094457507133 a:0.018350372090935707 :0.24340315163135529 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +be:0.257922500371933 have:0.052467577159404755 not:0.025242498144507408 bo:0.01726374588906765 :0.08507740497589111 +the:0.3777172565460205 a:0.07491768896579742 this:0.02314169332385063 his:0.016207704320549965 :0.0864178016781807 +few:0.01579631306231022 large:0.012204671278595924 small:0.011934394016861916 long:0.010034756734967232 :0.22364787757396698 +and:0.11994815617799759 water:0.06382094323635101 weather:0.042637310922145844 water,:0.042504310607910156 :0.18719539046287537 +and:0.0906052216887474 the:0.05285084247589111 a:0.0180496983230114 in:0.016249245032668114 :0.17067979276180267 +to:0.9436022639274597 lo:0.005427391733974218 and:0.0031409580260515213 in:0.002846119925379753 :0.010377348400652409 +and:0.05622933804988861 feet:0.01831146888434887 miles:0.01830306276679039 years:0.015201943926513195 :0.1775485724210739 +been:0.10238058120012283 not:0.04514680430293083 seen:0.03994383662939072 no:0.033172573894262314 :0.07337480783462524 +inches:0.2564588189125061 (10):0.11651455610990524 inches,:0.05849555879831314 inches.:0.048363350331783295 :0.042443037033081055 +and:0.13100028038024902 of:0.06660128384828568 who:0.031125174835324287 with:0.02591066248714924 :0.11583461612462997 +be:0.24040710926055908 have:0.11913523077964783 not:0.026387665420770645 bo:0.018844857811927795 :0.08000089228153229 +the:0.26928532123565674 a:0.031243914738297462 this:0.014824061654508114 tho:0.013613536953926086 :0.20385637879371643 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.04317126050591469 the:0.03720603510737419 to:0.0366840586066246 The:0.026242192834615707 :0.1760641485452652 +the:0.11876094341278076 be:0.025476092472672462 appear:0.016947444528341293 a:0.013106199912726879 :0.11746524274349213 +great:0.011844582855701447 country:0.00837729498744011 year:0.006955873221158981 notice:0.006671863608062267 :0.1526920199394226 +John:0.022864000871777534 J:0.018007004633545876 James:0.0176488496363163 J.:0.01676279306411743 :0.34371623396873474 +and:0.020223768427968025 John:0.01487844716757536 A:0.010703643783926964 J.:0.009485204704105854 :0.4871596693992615 +and:0.04846936836838722 the:0.04571110010147095 in:0.023632900789380074 or:0.022352933883666992 :0.04982396215200424 +the:0.13326720893383026 to:0.060849130153656006 from:0.04198724031448364 a:0.04112603887915611 :0.07086046040058136 +to:0.218275785446167 the:0.06943659484386444 that:0.05842487886548042 of:0.055859945714473724 :0.0644134134054184 +and:0.030530568212270737 the:0.017015084624290466 of:0.016977505758404732 to:0.01242466177791357 :0.3265203535556793 +the:0.12361720949411392 to:0.06230451911687851 in:0.024734843522310257 for:0.023657668381929398 :0.12371651083230972 +a:0.11478176712989807 the:0.08268789201974869 to:0.03540733829140663 and:0.03271493688225746 :0.08400467038154602 +large:0.015253339894115925 great:0.011187292635440826 little:0.010548977181315422 few:0.009302344173192978 :0.19558481872081757 +old:0.013365548104047775 hour:0.012541456148028374 order:0.010506853461265564 act:0.010388614609837532 :0.1811547875404358 +of:0.26963943243026733 Court:0.03435184434056282 and:0.034239497035741806 in:0.02316763624548912 :0.11249269545078278 +same:0.010847280733287334 result:0.010675651952624321 most:0.009411102160811424 case:0.006331802345812321 :0.1978769749403 +and:0.08805210143327713 of:0.03997165709733963 who:0.021679285913705826 the:0.0197891928255558 :0.25254741311073303 +to:0.11798808723688126 and:0.04351909086108208 who:0.03547988459467888 will:0.03089013136923313 :0.12408760190010071 +be:0.015173657797276974 a:0.014406844973564148 had:0.011481380090117455 not:0.009115524590015411 :0.1715538650751114 +is:0.13011334836483002 was:0.07163874804973602 would:0.04702996090054512 will:0.037708133459091187 :0.06211016699671745 +made:0.024013899266719818 a:0.021987220272421837 the:0.020558802410960197 was:0.01039567869156599 :0.23619356751441956 +and:0.20923954248428345 to:0.054459553211927414 but:0.028483791276812553 the:0.025556543841958046 :0.057367630302906036 +and:0.03543799743056297 many:0.005943855736404657 the:0.005384946241974831 in:0.005286776460707188 :0.22036004066467285 +the:0.32870930433273315 a:0.029430922120809555 tho:0.018145745620131493 this:0.016514934599399567 :0.13727742433547974 +the:0.2729893624782562 a:0.04049733653664589 his:0.020580630749464035 which:0.018465254455804825 :0.1028052419424057 +and:0.06181303784251213 the:0.030965613201260567 of:0.020704099908471107 in:0.01798860728740692 :0.15531185269355774 +tion:0.39405009150505066 tion,:0.14168588817119598 tric:0.09263692051172256 tions:0.06837538629770279 :0.05998368561267853 +and:0.4140903055667877 of:0.01595459133386612 in:0.008117249235510826 the:0.007258955854922533 :0.15195275843143463 +to:0.0497404970228672 in:0.049684152007102966 of:0.030981484800577164 a:0.029779816046357155 :0.16065634787082672 +own:0.017981186509132385 wife:0.01080388855189085 friends:0.009187361225485802 head:0.007575200870633125 :0.20034615695476532 +dollars:0.12300152331590652 and:0.10235192626714706 yards:0.04935454577207565 feet:0.03825180605053902 :0.12984786927700043 +The:0.15717864036560059 It:0.044572632759809494 This:0.03354765847325325 He:0.033126648515462875 :0.0712181031703949 +of:0.2324303835630417 hundred:0.03352290019392967 who:0.02018466778099537 and:0.01712670922279358 :0.12172071635723114 +is:0.2989034056663513 was:0.18493960797786713 has:0.06402373313903809 will:0.05239798128604889 :0.04563635587692261 +and:0.05813416838645935 man:0.03764142096042633 men:0.021337056532502174 of:0.021145906299352646 :0.21518626809120178 +said:0.005637155380100012 same:0.005182961467653513 first:0.005070779472589493 whole:0.004115477204322815 :0.39848366379737854 +and:0.10633299499750137 in:0.013479623943567276 to:0.01170163694769144 on:0.008048756048083305 :0.2504424750804901 +of:0.1261632889509201 who:0.07862293720245361 in:0.06916826963424683 and:0.0584210604429245 :0.03287931904196739 +the:0.07875882834196091 a:0.033644434064626694 all:0.010585252195596695 that:0.009161711670458317 :0.22450000047683716 +the:0.24429070949554443 this:0.06162157282233238 a:0.041010063141584396 last:0.03275240212678909 :0.1354530304670334 +the:0.021324263885617256 .:0.013770485296845436 of:0.010907178744673729 and:0.007352745160460472 :0.4889639616012573 +of:0.1321602165699005 in:0.12791818380355835 to:0.0420064814388752 for:0.04138635843992233 :0.04288145527243614 +was:0.1268741339445114 is:0.05664673075079918 had:0.05016980692744255 has:0.04087289795279503 :0.09020360559225082 +of:0.22196727991104126 to:0.18479673564434052 that:0.06041397526860237 and:0.05817992240190506 :0.04547547921538353 +the:0.13846701383590698 he:0.05580265820026398 they:0.03516180440783501 it:0.035077184438705444 :0.06137195602059364 +the:0.08943556249141693 to:0.015618941746652126 a:0.012002384290099144 other:0.010695766657590866 :0.11666159331798553 +and:0.03062475472688675 of:0.016410203650593758 the:0.014850848354399204 thence:0.012898840941488743 :0.2657581567764282 +the:0.1956169158220291 a:0.01982487365603447 his:0.015909211710095406 this:0.01039034966379404 :0.15245048701763153 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.22516559064388275 this:0.032988041639328 a:0.032248616218566895 said:0.01895795203745365 :0.12115505337715149 +and:0.08855520933866501 was:0.042341168969869614 as:0.02990886941552162 is:0.024107974022626877 :0.0924903005361557 +hands:0.02848820947110653 house:0.007608848158270121 city:0.007087763864547014 water:0.006508998107165098 :0.2009238600730896 +of:0.043791476637125015 and:0.029046013951301575 the:0.025832636281847954 in:0.012535524554550648 :0.2166278213262558 +of:0.09866273403167725 and:0.07881912589073181 to:0.0690588653087616 in:0.037670210003852844 :0.14579522609710693 +of:0.21319860219955444 and:0.14390866458415985 to:0.046941060572862625 in:0.026198003441095352 :0.05236858129501343 +and:0.072260282933712 the:0.053348250687122345 at:0.03761284798383713 in:0.03562154248356819 :0.0461573526263237 +to:0.11515462398529053 the:0.04569147527217865 out:0.04167940095067024 up:0.03491423651576042 :0.07901668548583984 +the:0.14167745411396027 his:0.01097175758332014 a:0.010501343756914139 tho:0.009134781546890736 :0.38596111536026 +and:0.09673579037189484 with:0.0366441085934639 to:0.025923440232872963 the:0.021788781508803368 :0.10424136370420456 +the:0.12481139600276947 to:0.07044938951730728 that:0.06525823473930359 a:0.049619127064943314 :0.04717756435275078 +and:0.06995177268981934 of:0.04125475883483887 to:0.040306225419044495 for:0.03853323683142662 :0.1084941178560257 +result:0.030811160802841187 matter:0.01572415605187416 man:0.013221099972724915 rule,:0.011220080778002739 :0.19510146975517273 +of:0.24227872490882874 is:0.05311848595738411 was:0.04703127220273018 against:0.03911718726158142 :0.035986196249723434 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +of:0.215241938829422 and:0.1363193690776825 with:0.11916379630565643 for:0.06657365709543228 :0.038033679127693176 +known:0.04758511483669281 to:0.03898203745484352 as:0.034942157566547394 in:0.015823813155293465 :0.1252659559249878 +the:0.2103831022977829 a:0.04147608205676079 this:0.0235638115555048 favor:0.01712276041507721 :0.07290329784154892 +same:0.005237963981926441 other:0.004653956741094589 first:0.004554334562271833 most:0.004480767995119095 :0.21953578293323517 +provement:0.13548773527145386 pression:0.08624282479286194 portance:0.08573098480701447 provements:0.05226730927824974 :0.2538839876651764 +and:0.05953648313879967 of:0.03168806806206703 The:0.018451355397701263 the:0.017079083248972893 :0.1821710467338562 +the:0.2489510327577591 a:0.06252668052911758 tho:0.014882502146065235 his:0.012036056257784367 :0.1503141075372696 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.27561235427856445 to:0.05845527723431587 and:0.041109856218099594 for:0.03820549696683884 :0.03815504536032677 +and:0.15696993470191956 to:0.04308009892702103 of:0.03476903215050697 is:0.02841419167816639 :0.11403801292181015 +B.:0.01868434064090252 H.:0.016891874372959137 W.:0.015125715173780918 P.:0.013480162248015404 :0.47584718465805054 +the:0.30465981364250183 this:0.038382019847631454 a:0.032261960208415985 which:0.01973322220146656 :0.05601315200328827 +The:0.12096793949604034 It:0.053681451827287674 I:0.050311148166656494 He:0.04620213061571121 :0.1001993790268898 +by:0.1386217176914215 in:0.09983686357736588 to:0.07664922624826431 with:0.04275079071521759 :0.03699124976992607 +of:0.7627573609352112 ot:0.022627124562859535 and:0.011938572861254215 to:0.00819784589111805 :0.022621963173151016 +of:0.0701836496591568 hundred:0.05873354524374008 or:0.044696103781461716 years:0.024088606238365173 :0.22347243130207062 +of:0.05291418731212616 and:0.0357099287211895 in:0.03132018446922302 miles:0.027917876839637756 :0.11937333643436432 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +of:0.2274872064590454 and:0.06234690174460411 the:0.053786568343639374 to:0.026317493990063667 :0.054372914135456085 +in:0.09357913583517075 are:0.049843620508909225 and:0.04797889292240143 were:0.04776917025446892 :0.022780291736125946 +per:0.3548533320426941 a:0.09304182231426239 and:0.049073170870542526 in:0.04609232768416405 :0.08334864675998688 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +been:0.1649773269891739 not:0.05036216974258423 to:0.04192095994949341 the:0.04109771177172661 :0.1088368147611618 +the:0.12236852198839188 a:0.0681023970246315 up:0.049801766872406006 them:0.04539190232753754 :0.05192197486758232 +er:0.6205022931098938 ers:0.21081194281578064 ers,:0.00978951808065176 er.:0.008339826948940754 :0.06179971247911453 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.08059528470039368 The:0.030947944149374962 to:0.030756404623389244 the:0.02026664838194847 :0.16424399614334106 +is:0.27500268816947937 are:0.16955000162124634 was:0.1389843225479126 were:0.06026605889201164 :0.04292896389961243 +the:0.33181706070899963 a:0.0764707624912262 his:0.029108744114637375 any:0.02785344049334526 :0.050259362906217575 +of:0.3638070225715637 in:0.03703712299466133 to:0.036872927099466324 the:0.025479735806584358 :0.04330594837665558 +and:0.04381994903087616 the:0.03894989565014839 air:0.02828257344663143 arms:0.015924964100122452 :0.18669579923152924 +the:0.2873687744140625 this:0.03410612791776657 a:0.029652906581759453 his:0.02052486129105091 :0.09906094521284103 +been:0.25891584157943726 a:0.028343502432107925 the:0.02306274138391018 to:0.02238249033689499 :0.11074206233024597 +and:0.03540860861539841 in:0.034313101321458817 are:0.03343264386057854 is:0.029875703155994415 :0.06972310692071915 +bers:0.6445869207382202 ber:0.12715746462345123 bers,:0.02571563795208931 the:0.014921968802809715 :0.05319598689675331 +The:0.1416395604610443 It:0.0610903762280941 He:0.03988499566912651 We:0.032915763556957245 :0.10196740180253983 +the:0.15281911194324493 a:0.04315490648150444 be:0.014092948287725449 50:0.011695107445120811 :0.18410296738147736 +and:0.027684856206178665 of:0.02442803978919983 the:0.022782662883400917 I:0.011722993105649948 :0.30267664790153503 +of:0.0927315354347229 and:0.052882444113492966 in:0.020726438611745834 the:0.018977750092744827 :0.18132925033569336 +of:0.5142228007316589 and:0.059205155819654465 to:0.057342853397130966 in:0.024998467415571213 :0.024972114711999893 +the:0.23256199061870575 a:0.04588703066110611 this:0.015103301964700222 tho:0.01405534241348505 :0.22837327420711517 +the:0.36797046661376953 said:0.22723817825317383 this:0.03762049600481987 a:0.028971588239073753 :0.07137807458639145 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.21819548308849335 and:0.053766533732414246 to:0.030672358348965645 was:0.025695309042930603 :0.07520569115877151 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +and:0.07229936122894287 of:0.0253063403069973 was:0.011899477802217007 river:0.00912439450621605 :0.12966765463352203 +.:0.03112614154815674 and:0.01751379296183586 was:0.009937243536114693 the:0.009413603693246841 :0.39130064845085144 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +own:0.018052099272608757 head:0.011023998260498047 heart:0.009386994875967503 wife:0.008821167051792145 :0.2391243875026703 +are:0.06337893009185791 men:0.03992018848657608 two:0.037145305424928665 were:0.033004891127347946 :0.2491108626127243 +and:0.08663269877433777 of:0.05118793249130249 The:0.02063690312206745 the:0.018690168857574463 :0.14271023869514465 +the:0.3684397041797638 a:0.03560128062963486 his:0.022596362978219986 their:0.017858844250440598 :0.09031243622303009 +to:0.12677983939647675 of:0.09586825221776962 and:0.07618372142314911 for:0.03919887915253639 :0.04158812388777733 +the:0.2624872624874115 his:0.038299914449453354 sale.:0.031289029866456985 a:0.015154917724430561 :0.11407126486301422 +recover:0.31236159801483154 the:0.12218014895915985 be:0.02350129932165146 a:0.017274292185902596 :0.061599429696798325 +and:0.05428998917341232 to:0.02826557867228985 the:0.024512337520718575 of:0.015964604914188385 :0.21238857507705688 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +of:0.3051281273365021 and:0.1056087464094162 in:0.0520293265581131 the:0.040930867195129395 :0.04178696498274803 +that:0.37248334288597107 the:0.08493304252624512 a:0.07080177217721939 how:0.05463773384690285 :0.040610719472169876 +be:0.27445852756500244 the:0.020785227417945862 have:0.016716083511710167 a:0.014715254306793213 :0.04617747291922569 +the:0.440574586391449 tho:0.02597915567457676 his:0.022519778460264206 a:0.022006241604685783 :0.08262534439563751 +the:0.1807565689086914 there:0.04189972206950188 this:0.038848720490932465 in:0.036933619529008865 :0.08417966961860657 +the:0.4050421416759491 this:0.052681438624858856 motion:0.02626616507768631 Saturday:0.02000725455582142 :0.08363410830497742 +own:0.023425236344337463 way:0.004786391742527485 names:0.004459293559193611 lives:0.0033440159168094397 :0.2856011688709259 +time:0.06723277270793915 same:0.020134907215833664 first:0.008336453698575497 end:0.00751537038013339 :0.19927766919136047 +the:0.1314373016357422 be:0.07193025201559067 a:0.0213641170412302 make:0.012163923121988773 :0.08576115220785141 +the:0.2268756926059723 he:0.04995036497712135 it:0.038556452840566635 they:0.035510145127773285 :0.07050757110118866 +than:0.20611055195331573 a:0.02550826594233513 to:0.01964469626545906 more:0.011025205254554749 :0.16800649464130402 +of:0.3097531795501709 and:0.0693446472287178 to:0.021392278373241425 in:0.021261004731059074 :0.04310840368270874 +the:0.14621034264564514 defaulting:0.028435248881578445 a:0.02560908906161785 purchaser.:0.017157433554530144 :0.1562696099281311 +the:0.038579534739255905 1910,:0.029468175023794174 and:0.01892639696598053 1901.:0.016891706734895706 :0.19926248490810394 +was:0.1784876137971878 is:0.06582316756248474 had:0.04614097625017166 has:0.04289475828409195 :0.05288621038198471 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +most:0.23642690479755402 ways:0.18097679316997528 lowed:0.16904804110527039 ready:0.1259499341249466 :0.08627238124608994 +same:0.015780897811055183 way:0.012970851734280586 only:0.010747521184384823 most:0.008287145756185055 :0.17706714570522308 +to:0.11722838133573532 and:0.06281979382038116 that:0.054120756685733795 for:0.04660753160715103 :0.035318098962306976 +fully:0.25329670310020447 ful:0.20632004737854004 ful.:0.1753261536359787 ful,:0.12065791338682175 :0.03185420483350754 +the:0.10363073647022247 it:0.029569139704108238 he:0.02153966948390007 they:0.020989758893847466 :0.08843746036291122 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.14119111001491547 to:0.08153630048036575 in:0.0580102913081646 that:0.03464122861623764 :0.0469665601849556 +of:0.470947265625 for:0.033875722438097 to:0.03257592394948006 and:0.03201024606823921 :0.033048585057258606 +by:0.23042237758636475 with:0.162870854139328 to:0.1467212587594986 the:0.08491919189691544 :0.030927389860153198 +the:0.05403327941894531 to:0.04201113432645798 and:0.03307858854532242 a:0.022806920111179352 :0.14323627948760986 +and:0.05362009257078171 the:0.027645593509078026 in:0.021339792758226395 a:0.02008701115846634 :0.21089473366737366 +a:0.23279382288455963 the:0.059900395572185516 to:0.051954176276922226 an:0.021224617958068848 :0.11595827341079712 +country:0.04513436183333397 city:0.032488130033016205 time:0.012945633381605148 city,:0.012899253517389297 :0.11745162308216095 +a:0.19486597180366516 is:0.03429930657148361 an:0.03424384072422981 and:0.015144302509725094 :0.14492352306842804 +of:0.10998519510030746 and:0.09087084978818893 were:0.05112761631608009 are:0.037608467042446136 :0.051856815814971924 +to:0.42403101921081543 in:0.06550392508506775 for:0.027546534314751625 by:0.02240842953324318 :0.03391624242067337 +the:0.07628272473812103 a:0.06898271292448044 not:0.03737615421414375 to:0.024958275258541107 :0.15120263397693634 +The:0.16385939717292786 It:0.05998381972312927 A:0.02897772006690502 I:0.028178878128528595 :0.15142416954040527 +of:0.20276996493339539 and:0.06288215517997742 to:0.052902668714523315 by:0.03745303303003311 :0.1579643189907074 +the:0.14338769018650055 a:0.06509077548980713 one:0.03060523234307766 it:0.02857489325106144 :0.07245936989784241 +the:0.3552379012107849 this:0.02711879275739193 a:0.021762799471616745 his:0.020099030807614326 :0.06466160714626312 +lection:0.18562589585781097 lege:0.11582481861114502 ored:0.07229116559028625 ony:0.05196893960237503 :0.3659358620643616 +The:0.12770216166973114 A:0.039443571120500565 It:0.03774441406130791 He:0.023545637726783752 :0.16755492985248566 +the:0.20847758650779724 a:0.041437920182943344 be:0.017726505175232887 his:0.012078573927283287 :0.14587236940860748 +ty,:0.1587509959936142 try:0.1276535540819168 ty:0.09384293854236603 try,:0.09361197054386139 :0.23808801174163818 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +and:0.07434063404798508 to:0.027249110862612724 The:0.021744346246123314 of:0.015541549772024155 :0.1585753709077835 +and:0.02698991261422634 The:0.017449861392378807 feet:0.0150168901309371 A:0.01196235790848732 :0.2370968461036682 +in:0.11087853461503983 on:0.07679130136966705 up:0.07347389310598373 at:0.05125507339835167 :0.05570428445935249 +up:0.1089683547616005 in:0.09188849478960037 forth:0.05689592659473419 to:0.049559418112039566 :0.05644277110695839 +and:0.03062475472688675 of:0.016410203650593758 the:0.014850848354399204 thence:0.012898840941488743 :0.2657581567764282 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +tain:0.8741347789764404 tenance:0.009239564649760723 tain,:0.008436656557023525 the:0.007529467809945345 :0.03301478549838066 +to:0.2467745691537857 and:0.05956137180328369 in:0.05790155380964279 of:0.048325661569833755 :0.03889306262135506 +a:0.07113126665353775 the:0.06341610848903656 well:0.058781616389751434 he:0.038355838507413864 :0.059739887714385986 +the:0.2525653839111328 said:0.019295871257781982 a:0.018944725394248962 his:0.016252947971224785 :0.14343507587909698 +to:0.1390230804681778 and:0.10562925785779953 of:0.051167409867048264 as:0.035818032920360565 :0.08839625120162964 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +of:0.7244943380355835 to:0.024176206439733505 that:0.01582060195505619 and:0.015412427484989166 :0.013837010599672794 +to:0.2759847342967987 in:0.042646341025829315 by:0.04057052358984947 that:0.03692542761564255 :0.05065353214740753 +and:0.0945398136973381 the:0.038335926830768585 of:0.03332197293639183 to:0.030616916716098785 :0.12029682099819183 +and:0.0656527653336525 the:0.033724065870046616 of:0.03292737901210785 The:0.030353384092450142 :0.18432378768920898 +most:0.2541619539260864 ways:0.12048613280057907 though:0.08847378194332123 ready:0.04483002424240112 :0.1531413495540619 +year:0.039888303726911545 morning:0.031875129789114 year.:0.025581752881407738 is:0.02170359343290329 :0.12568733096122742 +of:0.02102801948785782 ly:0.01895746961236 ing:0.01464152242988348 to:0.009689335711300373 :0.34950149059295654 +that:0.16342510282993317 the:0.10642614215612411 in:0.06170845404267311 a:0.06160577014088631 :0.04623398184776306 +the:0.10462276637554169 and:0.08857930451631546 to:0.06101672351360321 of:0.04679718241095543 :0.08220294862985611 +the:0.15827563405036926 to:0.04091692715883255 that:0.03450080379843712 a:0.03210606426000595 :0.1350323110818863 +said:0.32829123735427856 the:0.2573106586933136 a:0.028820713981986046 this:0.024586815387010574 :0.06862586736679077 +mittee:0.03316018357872963 pany:0.029955031350255013 mon:0.01755540259182453 -:0.01610693894326687 :0.4221648573875427 +The:0.13287509977817535 It:0.04473181441426277 A:0.023633865639567375 He:0.020935669541358948 :0.14803758263587952 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +to:0.2760147154331207 at:0.09664343297481537 by:0.09153053164482117 and:0.059610605239868164 :0.047921858727931976 +of:0.480906218290329 a:0.05731409415602684 the:0.04640927538275719 an:0.01732543297111988 :0.04436497017741203 +to:0.1993604451417923 of:0.1243690550327301 that:0.08169731497764587 in:0.06561021506786346 :0.03329933434724808 +the:0.1365680992603302 a:0.11154976487159729 place:0.08072472363710403 up:0.04150541499257088 :0.07843340188264847 +and:0.06602505594491959 the:0.02665315754711628 to:0.020137814804911613 of:0.014879646711051464 :0.28717732429504395 +of:0.23381364345550537 year:0.033562492579221725 case:0.01975945197045803 and:0.019485650584101677 :0.08275844901800156 +State:0.012113531120121479 United:0.008317535743117332 state:0.0035344043280929327 party:0.003414744511246681 :0.43857109546661377 +to:0.06611362844705582 and:0.060747139155864716 the:0.037924911826848984 by:0.022692743688821793 :0.1773391216993332 +to:0.2445945292711258 and:0.04823162406682968 in:0.04375150799751282 of:0.02135431207716465 :0.09372880309820175 +States:0.6445393562316895 States,:0.04116184264421463 States.:0.03945000097155571 State*:0.013827011920511723 :0.17097091674804688 +is:0.2618441879749298 was:0.17760489881038666 are:0.1437266618013382 were:0.046872880309820175 :0.0419723279774189 +the:0.047983117401599884 and:0.037571560591459274 a:0.013229579664766788 but:0.005021930672228336 :0.5802083015441895 +to:0.04554709047079086 not:0.044106412678956985 the:0.03854809328913689 in:0.029275041073560715 :0.20764125883579254 +the:0.264065682888031 he:0.04029157757759094 it:0.03945634141564369 a:0.03315083310008049 :0.03715582191944122 +years:0.07293478399515152 times:0.05203195661306381 of:0.03376827761530876 or:0.02916914038360119 :0.11744389683008194 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +for:0.22017040848731995 on:0.06750267744064331 in:0.05933127552270889 to:0.037472762167453766 :0.036622654646635056 +the:0.4093775749206543 a:0.039744168519973755 this:0.02547590807080269 all:0.0216655433177948 :0.10714927315711975 +to:0.03941969946026802 a:0.03549058362841606 only:0.02729102037847042 so:0.026581814512610435 :0.1396275907754898 +the:0.4399586021900177 this:0.03902647644281387 a:0.028787760064005852 all:0.016459528356790543 :0.0814724862575531 +to:0.1969163864850998 of:0.06065711751580238 in:0.050204839557409286 and:0.04711134359240532 :0.058621782809495926 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +to:0.11018579453229904 in:0.043537307530641556 abandoned:0.021419290453195572 with:0.019864069297909737 :0.23529185354709625 +to:0.0627560243010521 and:0.048247091472148895 is:0.046269506216049194 in:0.04230771213769913 :0.10304788500070572 +the:0.17699435353279114 a:0.040505409240722656 which:0.021729454398155212 his:0.01429247111082077 :0.18585166335105896 +or:0.11792688071727753 years:0.08859208971261978 of:0.04233507812023163 weeks:0.029685944318771362 :0.1117737665772438 +the:0.38166454434394836 a:0.04088203236460686 said:0.01864812523126602 his:0.017967622727155685 :0.11094977706670761 +up:0.08659917861223221 on:0.07242021709680557 the:0.05062594264745712 in:0.05000960826873779 :0.06682567298412323 +C.:0.03586548566818237 B.:0.03338777273893356 H.:0.029781833291053772 J.:0.02662544883787632 :0.4158618450164795 +the:0.23079685866832733 this:0.07417989522218704 a:0.03788153827190399 said:0.015863176435232162 :0.118212029337883 +the:0.15066997706890106 to:0.10872609168291092 and:0.06006309390068054 in:0.03158858045935631 :0.0843605175614357 +to:0.06101188436150551 the:0.05833027884364128 and:0.03501295670866966 a:0.021108971908688545 :0.1422683447599411 +and:0.06122538074851036 of:0.05340598523616791 The:0.026012878865003586 in:0.022922469303011894 :0.2291404902935028 +and:0.037068307399749756 the:0.03427741676568985 a:0.018321562558412552 to:0.01807645708322525 :0.17852655053138733 +the:0.09041023999452591 and:0.08224205672740936 a:0.06775664538145065 thence:0.04321853443980217 :0.10204405337572098 +same:0.009573685936629772 people:0.006043111905455589 whole:0.006028387695550919 said:0.005621958989650011 :0.184360072016716 +and:0.055486541241407394 of:0.047318000346422195 was:0.03084423579275608 is:0.029006030410528183 :0.09549560397863388 +of:0.09341040253639221 and:0.033584319055080414 assortment:0.010749943554401398 or:0.009690126404166222 :0.16975070536136627 +and:0.00893954187631607 to:0.006561162415891886 of:0.006034612189978361 In:0.0035430043935775757 :0.3590999245643616 +to:0.14023639261722565 and:0.09520836919546127 of:0.05301423743367195 with:0.04812971502542496 :0.04035095125436783 +of:0.7301962971687317 in:0.031511854380369186 to:0.020099345594644547 ot:0.017580309882760048 :0.013657644391059875 +the:0.08521459251642227 a:0.02665691263973713 of:0.02245383709669113 to:0.017544863745570183 :0.23580168187618256 +of:0.10736371576786041 in:0.05002778396010399 after:0.045153383165597916 to:0.03152434900403023 :0.03568557649850845 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +that:0.11547096073627472 of:0.10714689642190933 to:0.049322210252285004 in:0.03581305220723152 :0.07701794058084488 +own:0.023425236344337463 way:0.004786391742527485 names:0.004459293559193611 lives:0.0033440159168094397 :0.2856011688709259 +The:0.04969426989555359 A:0.022055968642234802 block:0.020839756354689598 W:0.011872549541294575 :0.28679656982421875 +Co.:0.06760930269956589 Co.,:0.03460005670785904 4:0.015561672858893871 Sons,:0.013721811585128307 :0.3414521813392639 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +in:0.050104014575481415 from:0.03569212555885315 with:0.03488793596625328 and:0.030879799276590347 :0.13585667312145233 +is:0.30059105157852173 was:0.18515557050704956 Is:0.056816909462213516 has:0.053160518407821655 :0.032957542687654495 +the:0.3010472357273102 a:0.06484504789113998 his:0.019787121564149857 this:0.01709892600774765 :0.07381417602300644 +the:0.22352366149425507 course,:0.10260585695505142 a:0.04074903577566147 this:0.026255782693624496 :0.1358981430530548 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.34524959325790405 and:0.0652603879570961 on:0.041911035776138306 into:0.03949896991252899 :0.03431294858455658 +of:0.19932004809379578 to:0.1463560312986374 and:0.1023988425731659 in:0.05705809220671654 :0.02881893515586853 +to:0.41751566529273987 the:0.13077811896800995 a:0.0665140450000763 that:0.048316024243831635 :0.030573878437280655 +of:0.1144435927271843 the:0.09193315356969833 out:0.04669177532196045 to:0.03686581924557686 :0.03644465655088425 +said:0.03420961648225784 of:0.02158869057893753 was:0.020960405468940735 is:0.0185705553740263 :0.3459528684616089 +and:0.025631563737988472 a:0.013222314417362213 in:0.010083344765007496 of:0.007957147434353828 :0.2252463400363922 +and:0.027845704928040504 the:0.027118487283587456 of:0.018830828368663788 I:0.0183488130569458 :0.26214420795440674 +was:0.0855555385351181 have:0.07729937881231308 had:0.07720557600259781 am:0.0675743892788887 :0.05694499611854553 +14,:0.04121456667780876 1,:0.03402286022901535 15,:0.0268713366240263 20,:0.02627299353480339 :0.08104213327169418 +to:0.08399305492639542 and:0.051504213362932205 in:0.04522015526890755 the:0.034078557044267654 :0.13115069270133972 +in:0.026967795565724373 and:0.02536642551422119 that:0.015660595148801804 the:0.012570524588227272 :0.2414671927690506 +most:0.04713147133588791 best:0.023611828684806824 only:0.02107817679643631 same:0.015984224155545235 :0.18346810340881348 +be:0.33865970373153687 have:0.04829765111207962 not:0.04385701194405556 bo:0.021393798291683197 :0.094424307346344 +be:0.2249283343553543 not:0.029572755098342896 bo:0.02371438965201378 do:0.020620044320821762 :0.12055949866771698 +and:0.11003105342388153 car:0.043065547943115234 to:0.04113907366991043 railway:0.028646038845181465 :0.10133833438158035 +on:0.1423056572675705 in:0.13828374445438385 and:0.12231294810771942 at:0.03793039172887802 :0.03410330414772034 +and:0.03275230526924133 the:0.026590125635266304 of:0.02397754043340683 to:0.012289095669984818 :0.2511552572250366 +and:0.43022191524505615 of:0.0700182244181633 in:0.03366999328136444 with:0.026150479912757874 :0.06456754356622696 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +the:0.1354539394378662 a:0.02785634994506836 that:0.020659055560827255 to:0.016101252287626266 :0.11160781979560852 +of:0.3581378757953644 and:0.04993068054318428 end:0.022439170628786087 line:0.019644487649202347 :0.06959906220436096 +duty:0.18013180792331696 own:0.017555586993694305 way:0.010508057661354542 opinion:0.008086049929261208 :0.16392728686332703 +and:0.2459316849708557 but:0.05171056091785431 the:0.0278073288500309 to:0.026260100305080414 :0.09515047818422318 +and:0.07764001190662384 the:0.036770835518836975 by:0.02851385809481144 of:0.026730695739388466 :0.07102600485086441 +to:0.11043339222669601 for:0.07400478422641754 whether:0.07365723699331284 the:0.0557556189596653 :0.0701555460691452 +as:0.10291896015405655 in:0.08713793754577637 and:0.06144927442073822 that:0.05186827853322029 :0.05325106158852577 +or:0.10456611961126328 to:0.05402398854494095 who:0.05339214950799942 and:0.046325571835041046 :0.07203976064920425 +the:0.3500439524650574 a:0.07825660705566406 this:0.03329969570040703 his:0.021643387153744698 :0.11914332211017609 +are:0.1194419264793396 have:0.08033797889947891 can:0.07273081690073013 know:0.05084015056490898 :0.04486653208732605 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.19307179749011993 a:0.02568061649799347 this:0.021949147805571556 be:0.02112918347120285 :0.15269067883491516 +of:0.03902706131339073 and:0.0329187735915184 the:0.025748081505298615 is:0.0138546796515584 :0.20863386988639832 +was:0.07589242607355118 had:0.06941252946853638 are:0.04950590804219246 has:0.04946213215589523 :0.08267950266599655 +party:0.38242870569229126 party,:0.04944326728582382 leaders:0.033986739814281464 majority:0.010536862537264824 :0.08398789167404175 +one:0.06177457049489021 other:0.0502149723470211 of:0.040022898465394974 such:0.031739741563797 :0.0784248411655426 +the:0.05660409480333328 to:0.049939703196287155 and:0.03604481741786003 a:0.022733284160494804 :0.20495977997779846 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +the:0.14894238114356995 it:0.022393060848116875 that:0.0157490111887455 in:0.01547423005104065 :0.07116801291704178 +and:0.10325214266777039 of:0.08975917845964432 than:0.02616838552057743 in:0.019696444272994995 :0.17429517209529877 +the:0.09349368512630463 a:0.013113628141582012 that:0.012879569083452225 of:0.011838563717901707 :0.17060396075248718 +and:0.07519742101430893 in:0.0652061328291893 at:0.05339397117495537 to:0.031690847128629684 :0.04183958098292351 +as:0.3384140729904175 to:0.21268413960933685 and:0.049961015582084656 in:0.032600875943899155 :0.02696819230914116 +and:0.15830127894878387 or:0.029097221791744232 the:0.020909318700432777 a:0.020578695461153984 :0.12671437859535217 +date:0.008526808582246304 United:0.007610153406858444 fact:0.006294529885053635 first:0.006063907407224178 :0.19325482845306396 +The:0.08315544575452805 It:0.04826371744275093 In:0.03246009722352028 I:0.024173768237233162 :0.16602842509746552 +and:0.08884463459253311 of:0.033402565866708755 to:0.025046024471521378 the:0.023596351966261864 :0.12213995307683945 +to:0.09020055830478668 and:0.08928003162145615 .:0.03067794069647789 at:0.01595224067568779 :0.22305415570735931 +same:0.017050810158252716 first:0.011076833121478558 whole:0.009514343924820423 most:0.008403989486396313 :0.08640149235725403 +the:0.18827983736991882 and:0.05152609944343567 a:0.04234179109334946 for:0.03095821663737297 :0.049210190773010254 +the:0.2198028266429901 he:0.0658419206738472 they:0.048402708023786545 it:0.04108859598636627 :0.05814746394753456 +veloped:0.06050486862659454 clared:0.05469854548573494 termined:0.03853422403335571 scribed:0.0345115102827549 :0.24172399938106537 +and:0.15092377364635468 in:0.030442751944065094 the:0.023097921162843704 a:0.022619368508458138 :0.07781881093978882 +not:0.03731159493327141 the:0.03569702059030533 in:0.0171737689524889 to:0.017153358086943626 :0.17907275259494781 +a:0.03770310431718826 the:0.03496844321489334 made:0.027254745364189148 sold:0.016782863065600395 :0.12037137895822525 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.04551640525460243 of:0.036902762949466705 to:0.033614739775657654 the:0.019900314509868622 :0.17074929177761078 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +said:0.01073275227099657 west:0.00962754338979721 north:0.008249897509813309 following:0.007191769778728485 :0.23356865346431732 +other:0.016950510442256927 people:0.007917572744190693 latter:0.006952300202101469 said:0.00668729143217206 :0.17731629312038422 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.061321157962083817 of:0.04557531327009201 in:0.034005552530288696 the:0.031481340527534485 :0.06678354740142822 +the:0.10451498627662659 a:0.021026689559221268 that:0.017122773453593254 in:0.012253046967089176 :0.15036356449127197 +to:0.5399410724639893 a:0.024960003793239594 like:0.01456249225884676 as:0.0121928621083498 :0.1119980737566948 +the:0.18819746375083923 this:0.02530762366950512 a:0.020164262503385544 said:0.012592706829309464 :0.1945517361164093 +and:0.05895421281456947 of:0.05110228806734085 was:0.029106369242072105 the:0.018290279433131218 :0.15695680677890778 +of:0.21946671605110168 the:0.07062440365552902 that:0.06706255674362183 and:0.04984331503510475 :0.06963670998811722 +to:0.016271937638521194 and:0.012074693106114864 will:0.010367090813815594 is:0.00943975243717432 :0.31137916445732117 +the:0.1887837052345276 a:0.06505906581878662 all:0.02468460611999035 this:0.020185407251119614 :0.07371731102466583 +of:0.042543087154626846 and:0.03483141213655472 the:0.03327954560518265 The:0.019947241991758347 :0.20227448642253876 +the:0.566293478012085 a:0.054700396955013275 tho:0.019635386765003204 his:0.017640581354498863 :0.042074527591466904 +The:0.14863160252571106 It:0.048143643885850906 He:0.03898181766271591 In:0.02606569044291973 :0.07762334495782852 +that:0.07805335521697998 the:0.047130852937698364 he:0.04343723878264427 to:0.026159755885601044 :0.16495873034000397 +and:0.045191504061222076 to:0.029085194692015648 of:0.025820333510637283 the:0.02302548661828041 :0.198660746216774 +United:0.013830685056746006 State:0.008938537910580635 said:0.005813676863908768 most:0.005292195826768875 :0.25928518176078796 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +and:0.030855005607008934 to:0.009332847781479359 at:0.0072295768186450005 in:0.006435774266719818 :0.3822871744632721 +way:0.05318635329604149 own:0.05136037990450859 home:0.019133126363158226 escape:0.009622296318411827 :0.12167426198720932 +the:0.3493106961250305 a:0.053038015961647034 this:0.028176620602607727 his:0.022794486954808235 :0.06759687513113022 +and:0.21742558479309082 but:0.03797374293208122 to:0.03103587217628956 in:0.027477674186229706 :0.06167842075228691 +of:0.3404904901981354 and:0.060085494071245193 to:0.04901706799864769 at:0.0308200865983963 :0.033335212618112564 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.06486517935991287 any:0.028379471972584724 to:0.017415091395378113 other:0.01583130471408367 :0.11971155554056168 +and:0.03766917064785957 A.:0.013308974914252758 W.:0.008761498145759106 E.:0.006596996448934078 :0.5953782796859741 +a:0.026071850210428238 spoke:0.025355001911520958 had:0.02468870021402836 was:0.02073473483324051 :0.059473272413015366 +the:0.10169665515422821 a:0.04123731330037117 thence:0.016589926555752754 lot:0.015384729951620102 :0.16950350999832153 +and:0.05240340903401375 of:0.03192923218011856 the:0.027440614998340607 to:0.01839822717010975 :0.13126780092716217 +part:0.016351807862520218 thing:0.010905338451266289 to:0.010076765902340412 or:0.009892121888697147 :0.10343687236309052 +was:0.055577732622623444 have:0.042171210050582886 had:0.04213966429233551 am:0.03182922303676605 :0.11328116804361343 +the:0.47709402441978455 a:0.028886180371046066 his:0.026121463626623154 this:0.01940455660223961 :0.07611335813999176 +and:0.029147420078516006 people:0.0059989504516124725 of:0.005395920947194099 I:0.00509952288120985 :0.31911319494247437 +and:0.11330729722976685 of:0.05316335707902908 to:0.03527994826436043 in:0.03325264900922775 :0.12674200534820557 +to:0.3874067962169647 a:0.05275196582078934 the:0.04973515868186951 you:0.02363581396639347 :0.041774336248636246 +of:0.10605337470769882 who:0.0934356078505516 in:0.06732717156410217 to:0.03901467099785805 :0.06085233390331268 +of:0.25063803791999817 the:0.07866770029067993 and:0.03385377675294876 to:0.03125304728746414 :0.0770704373717308 +the:0.06832634657621384 and:0.024357836693525314 a:0.022238127887248993 of:0.010760216042399406 :0.21133223176002502 +the:0.37780702114105225 a:0.050953928381204605 this:0.02730708010494709 said:0.016584385186433792 :0.07768703997135162 +city:0.007392824627459049 streets:0.007158459164202213 and:0.0050606015138328075 state:0.0036548785865306854 :0.2720803916454315 +the:0.15066997706890106 to:0.10872609168291092 and:0.06006309390068054 in:0.03158858045935631 :0.0843605175614357 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.015396250411868095 of:0.008986148983240128 men:0.008685225620865822 man:0.005730352830141783 :0.2588777244091034 +of:0.18421049416065216 and:0.04268337041139603 to:0.034096937626600266 by:0.03315629065036774 :0.17549793422222137 +United:0.013830685056746006 State:0.008938537910580635 said:0.005813676863908768 most:0.005292195826768875 :0.25928518176078796 +The:0.10783327370882034 It:0.04032691568136215 He:0.032056618481874466 A:0.029142087325453758 :0.1232779249548912 +the:0.17560738325119019 a:0.0355842299759388 this:0.019242670387029648 his:0.012850002385675907 :0.24794039130210876 +the:0.2997229993343353 a:0.046329911798238754 this:0.027837084606289864 that:0.01905849389731884 :0.10813461244106293 +with:0.1625043749809265 to:0.1405750811100006 for:0.053532227873802185 in:0.05031510815024376 :0.04535486549139023 +the:0.19534289836883545 a:0.06457099318504333 which:0.025225555524230003 he:0.01695103943347931 :0.10085958987474442 +the:0.09951535612344742 to:0.05284160003066063 in:0.04567863792181015 and:0.02920459397137165 :0.07271792739629745 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.022088292986154556 I:0.020486002787947655 not:0.017164885997772217 to:0.01379371527582407 :0.2223663628101349 +the:0.11122878640890121 a:0.019547639414668083 other:0.016795998439192772 of:0.008290880359709263 :0.12627890706062317 +to:0.16870135068893433 the:0.10430674999952316 is:0.04086007550358772 of:0.03849835693836212 :0.06259403377771378 +of:0.03639242798089981 and:0.035328883677721024 in:0.012733572162687778 to:0.012278487905859947 :0.2184414565563202 +is:0.0702342838048935 was:0.05113944783806801 has:0.03287874907255173 of:0.02794460766017437 :0.11601558327674866 +the:0.1312582641839981 they:0.05846298485994339 it:0.05779823660850525 he:0.054729215800762177 :0.0732111781835556 +and:0.17264309525489807 the:0.04397236928343773 to:0.04054759442806244 but:0.034950461238622665 :0.03761013597249985 +and:0.05046446993947029 the:0.029445450752973557 The:0.022334683686494827 of:0.020021628588438034 :0.16292904317378998 +the:0.3065597712993622 this:0.030190328136086464 a:0.02738216333091259 said:0.02706608735024929 :0.1263597309589386 +the:0.16529785096645355 be:0.07955068349838257 a:0.02944989874958992 see:0.022999605163931847 :0.09195292741060257 +and:0.028917018324136734 H.:0.02129245363175869 A.:0.018962614238262177 M.:0.01645898073911667 :0.40035954117774963 +of:0.09138136357069016 and:0.0441870354115963 to:0.02357746660709381 for:0.018443679437041283 :0.1511530578136444 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +and:0.011773575097322464 the:0.006173249334096909 ing:0.005132884718477726 I:0.004721936769783497 :0.16247627139091492 +the:0.204166442155838 any:0.06944230943918228 a:0.05352409929037094 all:0.0127054862678051 :0.10697563737630844 +a:0.09730697423219681 the:0.07976290583610535 to:0.06478199362754822 much:0.03431838005781174 :0.11232749372720718 +the:0.23059436678886414 any:0.07291405647993088 a:0.01990673877298832 his:0.014827223494648933 :0.13941217958927155 +of:0.06688719987869263 trade:0.036580272018909454 from:0.036221083253622055 and:0.03039046935737133 :0.1325729936361313 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +at:0.05315544083714485 and:0.04745298624038696 in:0.04651530459523201 to:0.03936475142836571 :0.0732174813747406 +of:0.6898682713508606 in:0.03630324825644493 for:0.027056381106376648 and:0.023140043020248413 :0.01238865964114666 +the:0.25033992528915405 a:0.05487532541155815 this:0.02897993102669716 his:0.016290465369820595 :0.057532407343387604 +the:0.177687406539917 a:0.030343180522322655 they:0.02924266830086708 it:0.029227139428257942 :0.06294798105955124 +was:0.1437087059020996 and:0.08677887916564941 of:0.059650786221027374 has:0.046589020639657974 :0.13378176093101501 +years:0.05667198449373245 or:0.04526129364967346 and:0.03644011169672012 hundred:0.02952040173113346 :0.2383589893579483 +F.:0.03874525427818298 F:0.02284158021211624 B.:0.01673901081085205 H.:0.014221102930605412 :0.37504494190216064 +a:0.05415356904268265 the:0.051782846450805664 not:0.046046122908592224 to:0.030467627570033073 :0.08245858550071716 +the:0.20125092566013336 a:0.03209470584988594 it.:0.03048233687877655 this:0.027529923245310783 :0.12517112493515015 +The:0.08435676246881485 It:0.026853512972593307 A:0.025861654430627823 He:0.02579488977789879 :0.20285417139530182 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +the:0.35830917954444885 its:0.0284610353410244 his:0.022052990272641182 other:0.019478630274534225 :0.08661551773548126 +and:0.0596734844148159 of:0.041122160851955414 the:0.01986120082437992 The:0.01847616583108902 :0.16123028099536896 +of:0.11587494611740112 to:0.05081291124224663 and:0.047761429101228714 is:0.03462308272719383 :0.052621785551309586 +of:0.04992618411779404 and:0.03563980758190155 the:0.03176754340529442 was:0.021382814273238182 :0.23940829932689667 +and:0.23899811506271362 but:0.07825934141874313 or:0.04315158352255821 the:0.023387379944324493 :0.0373348742723465 +and:0.06188882142305374 of:0.029729284346103668 the:0.026044385507702827 who:0.015599865466356277 :0.29842042922973633 +the:0.15705054998397827 is:0.02159140259027481 to:0.02052394300699234 was:0.018147960305213928 :0.10273948311805725 +that:0.18383194506168365 the:0.054010793566703796 to:0.046049341559410095 they:0.02291669137775898 :0.1325819194316864 +gress:0.4574175179004669 gress,:0.08259784430265427 gress.:0.0595504492521286 gressional:0.016985412687063217 :0.236262708902359 +home:0.054554957896471024 own:0.042147669941186905 office:0.02438732609152794 office,:0.011206144466996193 :0.1751427948474884 +and:0.05531369894742966 is:0.030998889356851578 was:0.028208445757627487 the:0.026765301823616028 :0.22610756754875183 +and:0.04749404266476631 to:0.04028671979904175 the:0.036480244249105453 of:0.035835862159729004 :0.1792939305305481 +said:0.1487249732017517 the:0.12207972258329391 a:0.012439682148396969 lot:0.008175143972039223 :0.18369463086128235 +the:0.10508111119270325 to:0.07858975231647491 of:0.06651798635721207 and:0.0278557687997818 :0.09650116413831711 +and:0.04781099781394005 of:0.0439472533762455 in:0.016990387812256813 to:0.01399608887732029 :0.21882127225399017 +to:0.0700317844748497 and:0.051333196461200714 the:0.026327067986130714 by:0.02458229847252369 :0.1597231775522232 +the:0.129506915807724 a:0.0803951546549797 little,:0.02109311893582344 no:0.017535565420985222 :0.10424145311117172 +and:0.1572796106338501 of:0.07121813297271729 or:0.026771556586027145 for:0.023694941774010658 :0.09667614102363586 +a:0.2997390031814575 an:0.07229387015104294 as:0.03607257083058357 other:0.006603076122701168 :0.08327721059322357 +the:0.0721212700009346 to:0.01705021783709526 a:0.014524197205901146 said:0.0122133269906044 :0.13781288266181946 +by:0.07537674903869629 in:0.07054023444652557 the:0.062185585498809814 a:0.05945391207933426 :0.0806097760796547 +and:0.08425790816545486 The:0.03355185315012932 to:0.02033044956624508 the:0.01815892942249775 :0.1947084218263626 +and:0.03830533102154732 the:0.015074451453983784 in:0.013885408639907837 to:0.013433245941996574 :0.21323873102664948 +be:0.2927105724811554 not:0.05999566242098808 have:0.04318608343601227 deem:0.017252927646040916 :0.03266672044992447 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.12835091352462769 in:0.09652228653430939 at:0.04078259691596031 for:0.037310466170310974 :0.041078366339206696 +the:0.24550551176071167 a:0.044768355786800385 their:0.026111820712685585 his:0.02279255911707878 :0.11741413921117783 +age:0.16177788376808167 age,:0.14913299679756165 age.:0.10967938601970673 the:0.051733098924160004 :0.09509351849555969 +was:0.05470585450530052 to:0.046581730246543884 is:0.04632352292537689 and:0.03650049492716789 :0.09466215968132019 +the:0.2544163763523102 a:0.03487665206193924 be:0.025565145537257195 his:0.013271499425172806 :0.14638593792915344 +wife:0.014638110995292664 head:0.0141091737896204 name:0.013600503094494343 wife,:0.013095489703118801 :0.1359395533800125 +of:0.18989430367946625 in:0.09313476830720901 and:0.07649672031402588 are:0.048986971378326416 :0.035866592079401016 +The:0.13916178047657013 It:0.0492728129029274 He:0.029569070786237717 This:0.02678701840341091 :0.13505612313747406 +the:0.07302209734916687 be:0.06221620738506317 make:0.02519805356860161 have:0.014727878384292126 :0.10906051844358444 +was:0.19441235065460205 has:0.1079142764210701 had:0.09037750214338303 is:0.0713670402765274 :0.032781798392534256 +the:0.3089880347251892 a:0.027499621734023094 this:0.017214933410286903 all:0.01095379889011383 :0.17498263716697693 +the:0.12245356291532516 be:0.03240262717008591 this:0.029820190742611885 make:0.022280918434262276 :0.13061164319515228 +States:0.44397640228271484 States,:0.17925278842449188 States.:0.1034315750002861 Slates:0.022181952372193336 :0.15195932984352112 +the:0.11771441251039505 it:0.04545355960726738 that:0.033302340656518936 I:0.032295111566782 :0.08578547835350037 +few:0.042630698531866074 very:0.015618205070495605 short:0.015611534006893635 large:0.011541273444890976 :0.17077979445457458 +a:0.10779242217540741 the:0.07656363397836685 to:0.04574953392148018 they:0.040785763412714005 :0.08159340918064117 +to:0.08216054737567902 for:0.06489846110343933 at:0.0487273745238781 in:0.036217689514160156 :0.10510347783565521 +times:0.11851900070905685 the:0.07406734675168991 times,:0.03643426671624184 times.:0.03406509384512901 :0.1340537965297699 +the:0.35646703839302063 a:0.023755891248583794 this:0.022127196192741394 said:0.012725401669740677 :0.16007696092128754 +and:0.05080975219607353 the:0.03628916293382645 of:0.02401001937687397 in:0.020650407299399376 :0.14739049971103668 +The:0.14763569831848145 It:0.09402261674404144 He:0.035540781915187836 In:0.03063066117465496 :0.07252386212348938 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.16425691545009613 is:0.07364366203546524 to:0.04422323405742645 was:0.039947353303432465 :0.044373609125614166 +in:0.13824185729026794 on:0.08616635203361511 at:0.07479596883058548 upon:0.05918595567345619 :0.05819139629602432 +the:0.08789605647325516 a:0.04528793692588806 in:0.024930240586400032 to:0.02370183728635311 :0.12725846469402313 +of:0.12763988971710205 and:0.08260189741849899 to:0.021486539393663406 The:0.019258534535765648 :0.19825825095176697 +to:0.36141353845596313 of:0.03364947810769081 and:0.021957673132419586 for:0.016723206266760826 :0.07347434759140015 +and:0.058143336325883865 of:0.03841696307063103 the:0.029938461259007454 to:0.02137017995119095 :0.16231246292591095 +of:0.42688435316085815 to:0.06049107015132904 and:0.05611693114042282 that:0.03589421883225441 :0.029536310583353043 +to:0.35512569546699524 of:0.10951445996761322 in:0.03177114203572273 that:0.027887752279639244 :0.04314858093857765 +and:0.23496167361736298 to:0.05806868150830269 but:0.03490857407450676 for:0.02598811686038971 :0.07696621865034103 +you:0.2069958746433258 me:0.07187853008508682 the:0.06467846781015396 us:0.06090589985251427 :0.04784552752971649 +and:0.13571903109550476 in:0.0752781480550766 of:0.049137186259031296 to:0.043053045868873596 :0.06504186242818832 +country:0.04513436183333397 city:0.032488130033016205 time:0.012945633381605148 city,:0.012899253517389297 :0.11745162308216095 +of:0.2547934353351593 and:0.0547809898853302 was:0.02863086201250553 is:0.02662324346601963 :0.07774848490953445 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +o'clock:0.0758359432220459 hundred:0.05662861466407776 years:0.03472873568534851 per:0.021524442359805107 :0.13917317986488342 +is:0.07477954030036926 was:0.055856142193078995 has:0.034912243485450745 are:0.033155567944049835 :0.07991375029087067 +as:0.18987131118774414 and:0.0671861544251442 is:0.05665348470211029 in:0.04601454734802246 :0.03905118256807327 +the:0.04850277677178383 men:0.02316298335790634 years:0.019446006044745445 persons:0.016547976061701775 :0.1883264034986496 +in:0.14536084234714508 of:0.08000269532203674 and:0.07477862387895584 In:0.04612245783209801 :0.06881670653820038 +The:0.17437979578971863 It:0.09279356896877289 He:0.03255198895931244 This:0.029082706198096275 :0.10899393260478973 +is:0.02668287418782711 year:0.02358051761984825 morning:0.01658700592815876 was:0.01165260560810566 :0.16633407771587372 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.09676223993301392 a:0.025309452787041664 his:0.011621980927884579 tho:0.009192349389195442 :0.251560240983963 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +at:0.14901937544345856 and:0.09166087210178375 to:0.06527110934257507 for:0.035989951342344284 :0.10567804425954819 +at:0.24505849182605743 from:0.13764145970344543 and:0.08127670735120773 in:0.061331044882535934 :0.04851550981402397 +was:0.07589242607355118 had:0.06941252946853638 are:0.04950590804219246 has:0.04946213215589523 :0.08267950266599655 +the:0.10393240302801132 a:0.03458026796579361 that:0.012265155091881752 in:0.00914800725877285 :0.15323412418365479 +and:0.1843591332435608 of:0.15995173156261444 in:0.0717804804444313 or:0.03946881741285324 :0.06258732825517654 +The:0.10001419484615326 the:0.044736847281455994 It:0.03719783574342728 In:0.02638312615454197 :0.09663702547550201 +and:0.029176950454711914 W.:0.02139849215745926 B.:0.020663036033511162 H.:0.019741050899028778 :0.34663692116737366 +the:0.03573232889175415 not:0.027395717799663544 to:0.023670438677072525 in:0.019259866327047348 :0.21277852356433868 +other:0.19581526517868042 part:0.16389283537864685 of:0.08656300604343414 person:0.028528371825814247 :0.09091712534427643 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.11127589643001556 who:0.08957692980766296 to:0.07662594318389893 in:0.061665166169404984 :0.07127667963504791 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +been:0.2857648730278015 a:0.05432458966970444 the:0.033192023634910583 to:0.021816087886691093 :0.06832010298967361 +to:0.08776455372571945 and:0.05532488599419594 in:0.04600165784358978 a:0.029479913413524628 :0.0885464996099472 +the:0.051360614597797394 that:0.018161742016673088 to:0.013430855236947536 in:0.011592511087656021 :0.1522446721792221 +to:0.4046810567378998 the:0.03375003859400749 a:0.031142139807343483 by:0.028363533318042755 :0.03408002480864525 +and:0.08063427358865738 to:0.042384590953588486 in:0.03278353810310364 the:0.018287822604179382 :0.27776971459388733 +are:0.08530215919017792 were:0.06904803961515427 came:0.02911999076604843 have:0.028224000707268715 :0.0709783211350441 +of:0.27720770239830017 and:0.07382611185312271 or:0.041634611785411835 in:0.029920654371380806 :0.11535841226577759 +The:0.12107371538877487 It:0.05395565927028656 He:0.031065938994288445 In:0.03006349876523018 :0.08994744718074799 +the:0.3223940134048462 a:0.04000740125775337 his:0.01926778070628643 tho:0.016478944569826126 :0.11245844513177872 +the:0.16535227000713348 a:0.05569751188158989 course:0.02118799462914467 this:0.014476743526756763 :0.16080529987812042 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.2527283728122711 a:0.046438127756118774 least:0.03538552299141884 any:0.01848975569009781 :0.11176086962223053 +tance:0.06362779438495636 trict:0.06294243037700653 cussion:0.026828913018107414 tinguished:0.025126047432422638 :0.33062902092933655 +people:0.01919311098754406 citizens:0.013850717805325985 friends:0.00928485207259655 own:0.008605735376477242 :0.19525553286075592 +of:0.6044758558273315 in:0.03859030455350876 and:0.027008172124624252 or:0.018644604831933975 :0.059176478534936905 +the:0.2516953647136688 a:0.05129598081111908 any:0.014612584374845028 this:0.0130580123513937 :0.15232887864112854 +and:0.10479627549648285 the:0.07238132506608963 in:0.04924020916223526 to:0.04711674153804779 :0.09769381582736969 +of:0.13352926075458527 one:0.02849734015762806 other:0.016473548486828804 time:0.011486245319247246 :0.1101931631565094 +and:0.13823388516902924 as:0.08220621198415756 but:0.04966108128428459 that:0.03994874656200409 :0.041010405868291855 +and:0.1922614872455597 the:0.039339497685432434 in:0.02780885435640812 at:0.022886361926794052 :0.1133992075920105 +the:0.07447802275419235 a:0.023644709959626198 that:0.021132200956344604 to:0.019324271008372307 :0.10229183733463287 +was:0.1407981514930725 had:0.04368402063846588 is:0.035785090178251266 came:0.025022581219673157 :0.07784079760313034 +of:0.20975837111473083 and:0.09587401151657104 the:0.05283296853303909 by:0.022825896739959717 :0.15321028232574463 +was:0.06420370936393738 had:0.04110581800341606 would:0.038297317922115326 is:0.03476797044277191 :0.11593609303236008 +party:0.29803967475891113 party,:0.05120124667882919 party.:0.03625710681080818 leaders:0.02178633026778698 :0.09432794153690338 +the:0.04850277677178383 men:0.02316298335790634 years:0.019446006044745445 persons:0.016547976061701775 :0.1883264034986496 +to:0.09210404008626938 and:0.05626855045557022 are:0.04933207109570503 of:0.03899337351322174 :0.06268075108528137 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +by:0.10149401426315308 the:0.08703762292861938 and:0.08374650776386261 in:0.05199234187602997 :0.05591079592704773 +the:0.24525082111358643 this:0.040084823966026306 a:0.03520834818482399 his:0.019318193197250366 :0.09579341858625412 +the:0.015283891931176186 he:0.014144552871584892 >:0.00971967913210392 of:0.008748392574489117 :0.3138880729675293 +the:0.08491098880767822 be:0.030960826203227043 make:0.023973794654011726 see:0.015702666714787483 :0.12853865325450897 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +first:0.00849208701401949 most:0.007748178672045469 only:0.0073717073537409306 work:0.0070256697945296764 :0.2935558259487152 +few:0.09161107242107391 short:0.040044937282800674 small:0.022489694878458977 little:0.02233404666185379 :0.1348012387752533 +the:0.046145159751176834 a:0.0183626227080822 to:0.013919941149652004 for:0.01057952269911766 :0.1307702660560608 +and:0.10187803953886032 to:0.04920485243201256 of:0.04393468797206879 which:0.032524097710847855 :0.14274698495864868 +the:0.3155093789100647 a:0.039707984775304794 his:0.018407071009278297 be:0.015413358807563782 :0.10895045846700668 +the:0.20072589814662933 a:0.09875845164060593 it:0.02084321901202202 his:0.0176029521971941 :0.06339860707521439 +that:0.17160439491271973 much:0.14428959786891937 far:0.03670522943139076 many:0.035005539655685425 :0.08965042978525162 +the:0.03734405338764191 hereby:0.02143583633005619 a:0.020361147820949554 not:0.019434599205851555 :0.14870408177375793 +and:0.03154643252491951 in:0.008259200491011143 street:0.007951962761580944 or:0.007018188014626503 :0.228990375995636 +not:0.08805911242961884 be:0.04626228287816048 have:0.042409785091876984 make:0.019872138276696205 :0.07438931614160538 +is:0.06587923318147659 was:0.06068553030490875 to:0.04757194593548775 in:0.025376278907060623 :0.10074038058519363 +own:0.04288940876722336 home:0.01754460297524929 and:0.013113467022776604 to:0.012721825391054153 :0.18750262260437012 +the:0.11845945566892624 a:0.08279666304588318 out:0.041594695299863815 rid:0.03263359144330025 :0.05562303960323334 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +people:0.022780923172831535 said:0.008226822130382061 other:0.007620230317115784 two:0.00695138331502676 :0.15505385398864746 +was:0.049168020486831665 is:0.039614129811525345 the:0.03266685828566551 did:0.025589698925614357 :0.06545042991638184 +of:0.036794427782297134 and:0.034695014357566833 was:0.02902974933385849 is:0.026045305654406548 :0.21288812160491943 +the:0.16094902157783508 he:0.05848081409931183 they:0.03280634060502052 it:0.032696228474378586 :0.08099967241287231 +good:0.01579514890909195 man:0.012725980021059513 large:0.011917579919099808 few:0.009605455212295055 :0.17348156869411469 +and:0.1587645560503006 the:0.037540826946496964 been:0.020862160250544548 in:0.01929493434727192 :0.16997785866260529 +A:0.00922589935362339 J:0.007576922886073589 C:0.007536579389125109 W:0.007462236098945141 :0.476530522108078 +is:0.10313431918621063 was:0.07645943015813828 has:0.04574918746948242 he:0.04487001895904541 :0.03495180234313011 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +e:0.03134738653898239 and:0.007889571599662304 the:0.006990361027419567 of:0.00636968482285738 :0.40816476941108704 +force:0.05836644768714905 and:0.04229101911187172 jury:0.03775344043970108 station:0.026779837906360626 :0.0879385694861412 +vanced:0.0354069322347641 dress:0.03037608042359352 vice:0.021471548825502396 vantage:0.019330807030200958 :0.5606388449668884 +n.w.:0.07153154909610748 The:0.022742627188563347 and:0.021960662677884102 the:0.014723153784871101 :0.30967259407043457 +of:0.3628997206687927 and:0.18468643724918365 governing:0.03403962031006813 to:0.01950695365667343 :0.021351858973503113 +of:0.07706187665462494 and:0.06671007722616196 The:0.022317755967378616 to:0.022097373381257057 :0.13235050439834595 +and:0.08881894499063492 of:0.06921469420194626 after:0.06148715689778328 before:0.05342544987797737 :0.052574269473552704 +the:0.29377374053001404 this:0.04630245640873909 a:0.046051353216171265 his:0.017755454406142235 :0.07806629687547684 +to:0.7657811641693115 by:0.07884190231561661 the:0.02259192429482937 with:0.013518696650862694 :0.00886482186615467 +nor:0.5064313411712646 and:0.033629849553108215 to:0.01974944956600666 the:0.015858840197324753 :0.08675778657197952 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +the:0.03630577027797699 he:0.023945042863488197 hat:0.01683555729687214 to:0.0165807344019413 :0.19990912079811096 +the:0.2464226335287094 a:0.018748633563518524 land:0.016383586451411247 tho:0.013557937927544117 :0.21462799608707428 +of:0.4981864094734192 in:0.04373295605182648 at:0.02483486384153366 the:0.02421685867011547 :0.02260158769786358 +the:0.0731079950928688 a:0.030985979363322258 that:0.013582262210547924 his:0.012959117069840431 :0.1520618349313736 +the:0.21917171776294708 a:0.0412890762090683 said:0.019293347373604774 all:0.014711798168718815 :0.16806058585643768 +to:0.13132981956005096 by:0.12002813071012497 in:0.07335184514522552 and:0.04983121156692505 :0.04917026311159134 +and:0.05819980055093765 of:0.039927076548337936 the:0.033176008611917496 in:0.02561691589653492 :0.15118959546089172 +down:0.07276272773742676 to:0.0655633956193924 the:0.05130531266331673 in:0.05059737712144852 :0.04892626032233238 +of:0.26832449436187744 and:0.2061208188533783 or:0.031397804617881775 in:0.0221688412129879 :0.06455680727958679 +the:0.05969757214188576 and:0.04180401936173439 to:0.026556944474577904 of:0.018370531499385834 :0.16064207255840302 +of:0.3204396069049835 the:0.12997554242610931 to:0.03356552496552467 in:0.02409251593053341 :0.03958013281226158 +of:0.11731825023889542 was:0.03166795149445534 is:0.02645224891602993 and:0.01920516975224018 :0.15780214965343475 +the:0.1543826460838318 he:0.0443916842341423 it:0.04120348021388054 they:0.03666535019874573 :0.041524697095155716 +the:0.31593644618988037 a:0.10562978684902191 to:0.03251384198665619 their:0.032044656574726105 :0.06181136891245842 +to:0.2250491976737976 in:0.1242668479681015 at:0.04757632687687874 on:0.0423114076256752 :0.05477454140782356 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +that:0.28097355365753174 in:0.084226094186306 the:0.0829060971736908 it:0.030871734023094177 :0.029625900089740753 +much:0.06962498277425766 the:0.06467104703187943 a:0.05285146087408066 to:0.04040851816534996 :0.05823856219649315 +a:0.11101288348436356 the:0.09167668968439102 as:0.0898815169930458 and:0.036596715450286865 :0.04481117054820061 +the:0.27335652709007263 a:0.05134383961558342 this:0.015502868220210075 their:0.013654948212206364 :0.10810070484876633 +A:0.020520364865660667 A.:0.013851655647158623 and:0.009364690631628036 W:0.009299695491790771 :0.4824449419975281 +was:0.13623280823230743 had:0.049939170479774475 would:0.04198507219552994 is:0.03576523810625076 :0.04384482651948929 +erly:0.562531054019928 westerly:0.1711225062608719 easterly:0.04788432642817497 west:0.046921294182538986 :0.032523833215236664 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.5233625769615173 these:0.0409051850438118 them:0.03918450325727463 his:0.02921440824866295 :0.03497201204299927 +and:0.15102843940258026 of:0.14824795722961426 is:0.058094289153814316 was:0.03501816838979721 :0.027729231864213943 +and:0.21356457471847534 with:0.05543484911322594 the:0.0374072827398777 but:0.02887110598385334 :0.027615856379270554 +at:0.04998761788010597 and:0.04055522382259369 of:0.035123538225889206 quiet:0.028449131175875664 :0.25438734889030457 +and:0.05209382623434067 to:0.040077462792396545 the:0.03118894435465336 of:0.024500742554664612 :0.18652181327342987 +the:0.08062703162431717 a:0.06301403045654297 to:0.024268193170428276 that:0.022845610976219177 :0.11433035880327225 +payable:0.1749623715877533 payable,:0.11640036106109619 unpaid:0.056348271667957306 the:0.04404887557029724 :0.11947218328714371 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +make:0.05346202477812767 the:0.04752287268638611 do:0.04437318071722984 be:0.03531217575073242 :0.0986081212759018 +the:0.3536616861820221 a:0.06988061219453812 his:0.01800076849758625 tho:0.016266046091914177 :0.07687978446483612 +the:0.18537993729114532 up:0.05851099640130997 a:0.05734669417142868 them:0.054584525525569916 :0.05574875324964523 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.2336478978395462 a:0.06701471656560898 to:0.030594632029533386 his:0.02688281424343586 :0.10133109241724014 +the:0.08557445555925369 be:0.07577550411224365 do:0.02641117200255394 a:0.018370863050222397 :0.12962953746318817 +and:0.17685441672801971 in:0.022067632526159286 to:0.017795173451304436 was:0.01740567572414875 :0.1305711418390274 +been:0.2915083169937134 not:0.043617814779281616 a:0.02880013734102249 the:0.013808793388307095 :0.05616157129406929 +the:0.08965013176202774 be:0.03262782096862793 a:0.023392939940094948 pay:0.021350938826799393 :0.08415058255195618 +and:0.05477408319711685 of:0.009317820891737938 or:0.006333992816507816 army:0.005286145955324173 :0.35239458084106445 +first:0.010777466930449009 only:0.009370516985654831 result:0.006684301886707544 fact:0.006352044176310301 :0.16726213693618774 +to:0.36290839314460754 the:0.056640807539224625 a:0.019081784412264824 by:0.013892796821892262 :0.14691445231437683 +months:0.11904861032962799 years:0.08147966116666794 weeks:0.07676049321889877 months,:0.054751474410295486 :0.04950642213225365 +and:0.05740375444293022 the:0.027862321585416794 to:0.026361916214227676 of:0.024425014853477478 :0.14210951328277588 +of:0.5458887815475464 and:0.05371004715561867 that:0.02259954623878002 which:0.021753905341029167 :0.016817620024085045 +and:0.06824901700019836 were:0.06673383712768555 of:0.05170520395040512 in:0.04072421044111252 :0.047131676226854324 +have:0.08233807235956192 are:0.06689826399087906 were:0.03733431175351143 will:0.03427731618285179 :0.0940001979470253 +as:0.0722455158829689 in:0.04764702916145325 with:0.034004077315330505 if:0.03199411556124687 :0.0956064835190773 +to:0.37818795442581177 that:0.17996913194656372 by:0.09663473814725876 in:0.03556882217526436 :0.025950264185667038 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +and:0.11003105342388153 car:0.043065547943115234 to:0.04113907366991043 railway:0.028646038845181465 :0.10133833438158035 +of:0.11993569880723953 was:0.07199165225028992 and:0.05098256468772888 is:0.04820774495601654 :0.07658416032791138 +and:0.058503005653619766 long:0.016194133087992668 or:0.010931087657809258 of:0.007991704158484936 :0.19749265909194946 +time:0.015212648548185825 point:0.01310446485877037 rate:0.010402127169072628 door:0.00983000360429287 :0.28722521662712097 +the:0.038012079894542694 it:0.01538373064249754 and:0.01527674961835146 was:0.01413515955209732 :0.12348262220621109 +and:0.056094907224178314 of:0.04700012132525444 to:0.022082583978772163 the:0.01745472475886345 :0.23713341355323792 +of:0.04241304099559784 to:0.03225335478782654 and:0.024774590507149696 the:0.015792785212397575 :0.21267400681972504 +been:0.12192627787590027 a:0.10857327282428741 the:0.054301392287015915 no:0.023768242448568344 :0.0705510824918747 +the:0.09237313270568848 a:0.06877978146076202 government:0.04144202172756195 government,:0.01426903996616602 :0.18499542772769928 +years:0.15975259244441986 or:0.06619963049888611 men:0.04997560754418373 hours:0.037910062819719315 :0.17574863135814667 +same:0.010847280733287334 result:0.010675651952624321 most:0.009411102160811424 case:0.006331802345812321 :0.1978769749403 +the:0.12498234212398529 he:0.10029821842908859 they:0.08549529314041138 it:0.06324867904186249 :0.07372355461120605 +and:0.06816880404949188 the:0.04601382091641426 to:0.029455767944455147 The:0.02450200542807579 :0.11856323480606079 +the:0.10798915475606918 a:0.022581635043025017 f:0.019099025055766106 and:0.011409526690840721 :0.20877015590667725 +said:0.1487249732017517 the:0.12207972258329391 a:0.012439682148396969 lot:0.008175143972039223 :0.18369463086128235 +the:0.22683240473270416 a:0.0336175262928009 said:0.01776696741580963 New:0.013229720294475555 :0.19327521324157715 +the:0.032278094440698624 a:0.02642044611275196 made:0.018712617456912994 had:0.01758269965648651 :0.2696751356124878 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +of:0.49062901735305786 to:0.08825720101594925 in:0.07668889313936234 thereof,:0.01927248202264309 :0.03811797872185707 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.09693048149347305 and:0.0283145010471344 is:0.018462952226400375 in:0.012357988394796848 :0.11304065585136414 +the:0.24632161855697632 a:0.04547632485628128 their:0.03464200347661972 his:0.014539306983351707 :0.12930484116077423 +of:0.33305954933166504 and:0.10296549648046494 in:0.06764908134937286 to:0.01759839430451393 :0.05943960323929787 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +the:0.35158583521842957 a:0.04447804391384125 tho:0.02326400950551033 his:0.015806788578629494 :0.10189491510391235 +A.:0.046108756214380264 and:0.040827427059412 to:0.011993694119155407 at:0.009054480120539665 :0.26417291164398193 +was:0.07589242607355118 had:0.06941252946853638 are:0.04950590804219246 has:0.04946213215589523 :0.08267950266599655 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.09514087438583374 to:0.08607126027345657 a:0.04168003425002098 that:0.03145728260278702 :0.13394121825695038 +the:0.09170374274253845 be:0.06368221342563629 a:0.017524227499961853 make:0.017136363312602043 :0.1363956183195114 +and:0.008937738835811615 life:0.006369836628437042 position:0.005968815181404352 notice:0.005425277166068554 :0.19324153661727905 +of:0.08102277666330338 and:0.052299872040748596 from:0.0494760200381279 in:0.04830189421772957 :0.05542076751589775 +great:0.015350310131907463 few:0.012326500378549099 little:0.011512409895658493 good:0.011233027093112469 :0.17337201535701752 +The:0.15131805837154388 It:0.0650254413485527 He:0.04308054968714714 In:0.03676426038146019 :0.07656511664390564 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.3800712525844574 but:0.06104668229818344 as:0.02260693348944187 for:0.020732542499899864 :0.04412467032670975 +the:0.3285154700279236 a:0.1171572357416153 his:0.012536934576928616 an:0.01246003620326519 :0.10151523351669312 +and:0.11527112126350403 yards:0.042334072291851044 dollars:0.038019247353076935 years:0.03526302054524422 :0.1879402995109558 +United:0.007838373072445393 city:0.00658643851056695 State:0.00453540775924921 west:0.004070985596626997 :0.2708601951599121 +a:0.07340338826179504 been:0.06530646234750748 no:0.04607190564274788 to:0.04548287391662598 :0.08794183284044266 +and:0.07924291491508484 as:0.06371130049228668 or:0.03166636452078819 the:0.021559584885835648 :0.13500839471817017 +and:0.7142714262008667 of:0.018429502844810486 to:0.013327853754162788 or:0.013018031604588032 :0.030763007700443268 +and:0.04620834067463875 of:0.0091274818405509 in:0.008485324680805206 was:0.007759669795632362 :0.24607855081558228 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +der:0.3600054383277893 til:0.15693998336791992 less:0.01528281718492508 known:0.01123388484120369 :0.13404721021652222 +for:0.1030171662569046 is:0.06968462467193604 of:0.0659056231379509 which:0.03516000136733055 :0.0687689483165741 +the:0.2392996996641159 which:0.11875039339065552 a:0.029554415494203568 this:0.02602488175034523 :0.0710807591676712 +and:0.11657682806253433 which:0.04495847225189209 the:0.03848686441779137 of:0.028165528550744057 :0.24005377292633057 +the:0.3783617317676544 this:0.027614187449216843 tho:0.02743435464799404 motion:0.026312338188290596 :0.10223537683486938 +of:0.4127485454082489 for:0.08223160356283188 in:0.042451128363609314 on:0.03207242488861084 :0.03439643234014511 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +the:0.06547290831804276 to:0.021405469626188278 and:0.015803638845682144 a:0.015205594711005688 :0.17950701713562012 +and:0.11365623027086258 at:0.10628725588321686 in:0.052492134273052216 to:0.044388387352228165 :0.1256876140832901 +two:0.01797132007777691 men:0.01618107035756111 are:0.01221987884491682 things:0.012179072014987469 :0.20211383700370789 +to:0.10604539513587952 the:0.08390191197395325 a:0.015848582610487938 two:0.011156225576996803 :0.22415894269943237 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +is:0.2557719349861145 was:0.192766472697258 would:0.05922350287437439 will:0.04642947018146515 :0.04147745296359062 +most:0.02119378373026848 duty:0.013401324860751629 property:0.009818468242883682 only:0.0073889270424842834 :0.2560747563838959 +own:0.049583107233047485 hand,:0.009334270842373371 power:0.008298046886920929 pocket:0.007051335647702217 :0.16691681742668152 +that:0.4423719048500061 in:0.058597054332494736 the:0.05082830786705017 to:0.04474953934550285 :0.023971956223249435 +the:0.05631013587117195 a:0.020631827414035797 to:0.01545976847410202 that:0.011890835128724575 :0.11548127979040146 +a:0.12445689737796783 by:0.08747591078281403 the:0.059563811868429184 in:0.03604767471551895 :0.06594154983758926 +of:0.4745783507823944 in:0.06808846443891525 to:0.029710451140999794 and:0.026686478406190872 :0.04570292681455612 +the:0.2210799902677536 a:0.04567909240722656 this:0.031053489074110985 tho:0.02067658305168152 :0.14637210965156555 +own:0.0420982725918293 lives:0.009280366823077202 names:0.00817861221730709 duty:0.007857655175030231 :0.14706207811832428 +the:0.10443633049726486 a:0.01840202510356903 and:0.012687325477600098 his:0.01099669560790062 :0.21392521262168884 +the:0.21205812692642212 kinds:0.023958563804626465 that:0.02008158154785633 these:0.01482913363724947 :0.11127829551696777 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +health.:0.10946257412433624 the:0.06267786771059036 health:0.055433690547943115 a:0.025720370933413506 :0.1525419056415558 +to:0.12325095385313034 in:0.06870231032371521 and:0.03973021358251572 is:0.017538780346512794 :0.10955622047185898 +procured,:0.0738549456000328 the:0.04992792382836342 a:0.024186095222830772 e:0.009546228684484959 :0.26491251587867737 +corded:0.04947406426072121 mained:0.02852890081703663 ceived:0.023233946412801743 turned:0.018422752618789673 :0.3302552103996277 +and:0.16806642711162567 the:0.03326773643493652 but:0.02251492813229561 which:0.02027847059071064 :0.14047734439373016 +and:0.02742105908691883 value:0.014334664680063725 the:0.011389007791876793 value,:0.010026510804891586 :0.21312186121940613 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +people:0.010426610708236694 water:0.00873568095266819 same:0.006514360662549734 men:0.006131178233772516 :0.1749187558889389 +and:0.10408993810415268 in:0.05168851092457771 In:0.025433992967009544 but:0.023073317483067513 :0.13365024328231812 +the:0.039143264293670654 and:0.0230881255120039 of:0.010743541643023491 a:0.008686808869242668 :0.14197541773319244 +the:0.17657755315303802 be:0.05109715834259987 a:0.029486743733286858 make:0.014143350534141064 :0.10471728444099426 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +own:0.03637128323316574 home:0.013981475494801998 wife:0.008942624554038048 friends:0.00709254527464509 :0.1596558839082718 +be:0.2496218979358673 have:0.05281752347946167 do:0.029142580926418304 see:0.020550977438688278 :0.054943349212408066 +to:0.057086072862148285 and:0.04160047322511673 years:0.039786580950021744 months:0.02140343002974987 :0.19115032255649567 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +to:0.09464544802904129 the:0.0656588152050972 over:0.059220608323812485 out:0.048922233283519745 :0.10324076563119888 +State:0.008966468274593353 United:0.0058520338498055935 city:0.004442983772605658 act:0.0025722295977175236 :0.40144777297973633 +and:0.14881747961044312 who:0.07587845623493195 but:0.04852377250790596 the:0.03165518492460251 :0.05358406528830528 +vation:0.07760017365217209 and:0.07657676190137863 ary:0.048779960721731186 the:0.028362207114696503 :0.214570552110672 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.022969158366322517 of:0.010763912461698055 to:0.010442536324262619 the:0.010053993202745914 :0.2906431257724762 +the:0.30586180090904236 a:0.035182707011699677 that:0.028091685846447945 any:0.014565304853022099 :0.10277926176786423 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +of:0.14348819851875305 and:0.09959306567907333 to:0.028789516538381577 was:0.027809394523501396 :0.09117306023836136 +Co.:0.07733931392431259 Co.,:0.04230130463838577 St.:0.013854245655238628 Co:0.012114095501601696 :0.27423685789108276 +the:0.0347336083650589 and:0.031939487904310226 as:0.018246736377477646 a:0.00908432062715292 :0.4229336082935333 +the:0.1866980493068695 a:0.02859770692884922 make:0.015493957325816154 be:0.014172105118632317 :0.12044717371463776 +than:0.185440331697464 to:0.033909160643815994 or:0.028571970760822296 and:0.013685253448784351 :0.11712067574262619 +was:0.08540593832731247 has:0.05861702933907509 would:0.04750805348157883 had:0.04661605879664421 :0.08705327659845352 +the:0.022753534838557243 of:0.018810667097568512 .:0.01108309905976057 and:0.010712090879678726 :0.3130190968513489 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.06816880404949188 the:0.04601382091641426 to:0.029455767944455147 The:0.02450200542807579 :0.11856323480606079 +to:0.0957556888461113 of:0.06528036296367645 and:0.06500611454248428 in:0.040123119950294495 :0.09974869340658188 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.09055377542972565 a:0.026516932994127274 running:0.01956995204091072 in:0.019539080560207367 :0.11090146005153656 +and:0.02241472341120243 to:0.015586813911795616 of:0.008947407826781273 feet:0.006642879452556372 :0.4546648859977722 +and:0.06951340287923813 the:0.0684225782752037 in:0.06108752638101578 of:0.03520452231168747 :0.08196213096380234 +and:0.027216440066695213 ving:0.02713683433830738 of:0.017419027164578438 in:0.014804471284151077 :0.275712788105011 +and:0.050778768956661224 time:0.019353272393345833 run:0.01856464147567749 as:0.016298076137900352 :0.16204187273979187 +the:0.09560581296682358 he:0.044153936207294464 of:0.034016203135252 and:0.029226193204522133 :0.05703733116388321 +most:0.015704842284321785 whole:0.013299157842993736 same:0.011998345144093037 only:0.011104129254817963 :0.17008648812770844 +in:0.40190836787223816 on:0.11099852621555328 and:0.09625072777271271 In:0.060962360352277756 :0.052186351269483566 +and:0.011716049164533615 way:0.005900240503251553 first:0.005032591056078672 the:0.0035317442379891872 :0.26115527749061584 +the:0.7091177105903625 tho:0.036232393234968185 this:0.014439009130001068 their:0.013870539143681526 :0.046929921954870224 +of:0.4837021827697754 and:0.05053454637527466 to:0.02337539568543434 or:0.021928798407316208 :0.020786939188838005 +be:0.5940107703208923 bo:0.031068196520209312 not:0.0235995315015316 he:0.00983702577650547 :0.028229527175426483 +fort:0.21146076917648315 forts:0.18325325846672058 fect:0.13557684421539307 fects:0.07308948040008545 :0.21891899406909943 +and:0.08639542013406754 posite:0.0504782497882843 portunity:0.03714098781347275 ing:0.01698146015405655 :0.22077417373657227 +and:0.03740179166197777 men:0.023483464494347572 people:0.011714317835867405 friends:0.006963539402931929 :0.18335756659507751 +the:0.15795840322971344 they:0.05894923582673073 he:0.03304123505949974 it:0.032886989414691925 :0.058055538684129715 +and:0.10991359502077103 of:0.06608124822378159 in:0.021989617496728897 was:0.01802501082420349 :0.05927538871765137 +of:0.10804416239261627 and:0.042572181671857834 other:0.034464579075574875 year:0.030301233753561974 :0.1245301216840744 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +is:0.3698239326477051 was:0.161036878824234 has:0.05509073659777641 Is:0.05129687488079071 :0.0398293063044548 +and:0.1663050800561905 the:0.046472735702991486 on:0.0371161550283432 to:0.03404240682721138 :0.031090419739484787 +be:0.32067108154296875 have:0.07809694856405258 not:0.025267478078603745 he:0.016856836155056953 :0.06589443981647491 +on:0.446977436542511 upon:0.28637930750846863 in:0.03432527929544449 at:0.025948382914066315 :0.02636612579226494 +the:0.2429744452238083 a:0.06145472452044487 this:0.02911815419793129 his:0.01907900534570217 :0.10875378549098969 +and:0.027664227411150932 of:0.01944839581847191 the:0.012646765448153019 to:0.011061086319386959 :0.2918311059474945 +the:0.1520497351884842 he:0.04211665317416191 they:0.04021942615509033 it:0.031723685562610626 :0.07349341362714767 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.2925701141357422 a:0.048015203326940536 this:0.0242140032351017 which:0.020106174051761627 :0.08986064791679382 +the:0.05403327941894531 to:0.04201113432645798 and:0.03307858854532242 a:0.022806920111179352 :0.14323627948760986 +of:0.1630266010761261 and:0.08093585819005966 was:0.03131520003080368 in:0.02831617370247841 :0.08953940868377686 +and:0.05240340903401375 of:0.03192923218011856 the:0.027440614998340607 to:0.01839822717010975 :0.13126780092716217 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +of:0.20590034127235413 and:0.07826028019189835 in:0.03423886373639107 at:0.029085079208016396 :0.12496531754732132 +by:0.19927220046520233 the:0.17351648211479187 a:0.110152468085289 him:0.06409642100334167 :0.02891279198229313 +hands:0.02848820947110653 house:0.007608848158270121 city:0.007087763864547014 water:0.006508998107165098 :0.2009238600730896 +The:0.05381007865071297 It:0.045536380261182785 Are:0.03273562341928482 If:0.024285973981022835 :0.10539285838603973 +be:0.23891738057136536 not:0.06499162316322327 he:0.02133084647357464 make:0.018690358847379684 :0.13509054481983185 +the:0.38012394309043884 a:0.06969653815031052 which:0.037349771708250046 tho:0.02726982906460762 :0.09897129237651825 +mouth:0.01245349831879139 end:0.011791872791945934 top:0.008906159549951553 head:0.007938582450151443 :0.22065097093582153 +the:0.13268977403640747 and:0.09457632154226303 but:0.051025353372097015 he:0.045715562999248505 :0.048926278948783875 +The:0.13437755405902863 It:0.07231145352125168 He:0.03629296272993088 In:0.02339390106499195 :0.13320466876029968 +be:0.6330614686012268 not:0.036221954971551895 bo:0.014994301833212376 have:0.012780214659869671 :0.06369968503713608 +range:0.05576125159859657 north,:0.035007741302251816 at:0.023249702528119087 and:0.022396177053451538 :0.3469581604003906 +of:0.04991459473967552 in:0.04300941899418831 shall:0.038500770926475525 and:0.03432482108473778 :0.054992783814668655 +and:0.03933403268456459 to:0.023197345435619354 Cos,:0.017387807369232178 was:0.014744067564606667 :0.39247214794158936 +weakest:0.1348692923784256 the:0.033520668745040894 a:0.018237892538309097 other:0.016062069684267044 :0.12224862724542618 +of:0.12705855071544647 was:0.07115806639194489 is:0.05007975548505783 in:0.03355987370014191 :0.047553740441799164 +the:0.08252265304327011 a:0.022921115159988403 in:0.014828477054834366 that:0.010791012085974216 :0.1650431752204895 +by:0.25959035754203796 that:0.23212136328220367 to:0.0816144123673439 the:0.053350817412137985 :0.0321311317384243 +of:0.054083794355392456 thing:0.037859249860048294 day:0.020010950043797493 step:0.013588868081569672 :0.09529677778482437 +and:0.0660816878080368 of:0.05085919052362442 the:0.025072304531931877 The:0.0217756200581789 :0.11940909177064896 +to:0.2840942144393921 in:0.03753950074315071 of:0.03682052716612816 the:0.02850954979658127 :0.11297014355659485 +in:0.08050967007875443 to:0.06629135459661484 and:0.052091505378484726 with:0.0419008806347847 :0.07705356180667877 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.02986958436667919 in:0.020167605951428413 feet:0.016099216416478157 of:0.015449714846909046 :0.22009731829166412 +is:0.06248537823557854 has:0.05383672937750816 was:0.050811320543289185 had:0.035329438745975494 :0.0964306965470314 +and:0.009300505742430687 notice:0.006933936849236488 the:0.004622626584023237 or:0.004580328240990639 :0.2080651819705963 +the:0.35553768277168274 this:0.03812592104077339 a:0.01893860474228859 tho:0.01820170320570469 :0.11014135926961899 +the:0.21731846034526825 a:0.05523346737027168 his:0.04569871723651886 this:0.01979789510369301 :0.10743122547864914 +the:0.04518163204193115 New:0.043270956724882126 Roanoke,:0.03869481384754181 Alexandria,:0.020684396848082542 :0.25912725925445557 +mained:0.035464510321617126 ceived:0.02959081530570984 turn:0.018058158457279205 cently:0.016548387706279755 :0.33729657530784607 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +a:0.07187847793102264 the:0.030801059678196907 not:0.029993407428264618 in:0.023212727159261703 :0.12496409565210342 +and:0.024557704105973244 of:0.015071332454681396 part:0.00593622075393796 number:0.004577481187880039 :0.19364593923091888 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +The:0.17214281857013702 It:0.07159755378961563 He:0.05276801809668541 I:0.02579977549612522 :0.13717120885849 +the:0.3315396010875702 his:0.0431353934109211 a:0.04306894168257713 that:0.03519171103835106 :0.027837755158543587 +The:0.16432388126850128 A:0.049853239208459854 and:0.03686125949025154 He:0.03257213532924652 :0.07727968692779541 +that:0.21350258588790894 the:0.13206586241722107 a:0.04700696840882301 in:0.01745094545185566 :0.07445770502090454 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +and:0.04165053367614746 to:0.04036176577210426 of:0.024711567908525467 the:0.02197939343750477 :0.2689681351184845 +other:0.011786582879722118 only:0.005954644177109003 same:0.005572213791310787 said:0.005191195756196976 :0.2728649079799652 +by:0.2754122316837311 and:0.21837079524993896 from:0.05127699673175812 with:0.04103266820311546 :0.039494145661592484 +and:0.13658548891544342 of:0.08357971906661987 is:0.03656315430998802 to:0.030781351029872894 :0.07869376242160797 +of:0.36106598377227783 and:0.11421861499547958 to:0.0821632593870163 in:0.046185318380594254 :0.03373816981911659 +and:0.04499172046780586 the:0.027364147827029228 to:0.025549190118908882 of:0.024580644443631172 :0.2751706838607788 +the:0.14420010149478912 a:0.023684147745370865 in:0.021734924986958504 to:0.017579417675733566 :0.12027745693922043 +the:0.1094830110669136 and:0.05018706992268562 to:0.03687649220228195 in:0.024260642006993294 :0.19230139255523682 +the:0.21248957514762878 a:0.05334172025322914 and:0.03661474958062172 by:0.027093781158328056 :0.062068428844213486 +The:0.11921106278896332 It:0.04905932769179344 He:0.04390372708439827 I:0.02300282195210457 :0.10682301968336105 +and:0.05012989789247513 or:0.014839964918792248 of:0.01330199558287859 but:0.009661320596933365 :0.1646844893693924 +the:0.12079842388629913 that:0.02374481037259102 in:0.023475371301174164 a:0.018895911052823067 :0.09886939078569412 +and:0.0604267381131649 of:0.028264110907912254 The:0.028115926310420036 to:0.02171296440064907 :0.24934810400009155 +and:0.06576868146657944 of:0.046664848923683167 the:0.0209384486079216 The:0.020611798390746117 :0.15889453887939453 +that:0.3008365035057068 to:0.08904407918453217 the:0.026493532583117485 it:0.024071447551250458 :0.05360335484147072 +the:0.052184008061885834 in:0.01974562369287014 by:0.01709420047700405 a:0.014878443442285061 :0.2010004073381424 +of:0.18041595816612244 and:0.05877301096916199 to:0.044726353138685226 was:0.030464675277471542 :0.03652239590883255 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +to:0.11282483488321304 only:0.056742023676633835 have:0.01779102347791195 the:0.01721813902258873 :0.13572478294372559 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +first:0.007665818557143211 most:0.005253933370113373 result:0.004959192592650652 whole:0.004465779289603233 :0.30929628014564514 +of:0.3173738718032837 or:0.051082149147987366 and:0.037498507648706436 hundred:0.026382777839899063 :0.07349522411823273 +to:0.42770886421203613 by:0.10236023366451263 in:0.06283130496740341 and:0.027549462392926216 :0.048567578196525574 +that:0.16544678807258606 the:0.08513650298118591 as:0.04686468467116356 he:0.03972380980849266 :0.0400175005197525 +and:0.08761639893054962 John:0.00807094108313322 J.:0.00770124327391386 Henry:0.0058528101071715355 :0.4679725766181946 +the:0.19990018010139465 a:0.06333426386117935 this:0.03232049569487572 order:0.0211250651627779 :0.07516320049762726 +the:0.22960419952869415 to:0.1532692164182663 for:0.04814399778842926 that:0.044072505086660385 :0.04314013570547104 +the:0.039676714688539505 and:0.037829067558050156 to:0.033903464674949646 by:0.02269989624619484 :0.2056211531162262 +the:0.05764596909284592 a:0.022517526522278786 to:0.007358817383646965 his:0.007103529758751392 :0.14152036607265472 +The:0.09964986890554428 It:0.05546845123171806 That:0.032277707010507584 I:0.029197029769420624 :0.11456068605184555 +the:0.3134138882160187 a:0.10680500417947769 any:0.02017076313495636 their:0.020051172003149986 :0.05463992804288864 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.34085625410079956 dollars:0.023853829130530357 thousand:0.020630070939660072 yards:0.01684611663222313 :0.19825947284698486 +the:0.10410883277654648 a:0.06280508637428284 not:0.03715008497238159 in:0.021519992500543594 :0.2006688416004181 +to:0.5427363514900208 that:0.03837421536445618 the:0.02427574433386326 in:0.020401081070303917 :0.04376331716775894 +of:0.05473342910408974 and:0.03660817816853523 to:0.02786068245768547 in:0.014832833781838417 :0.204084575176239 +and:0.18667130172252655 the:0.02368893288075924 but:0.0198951568454504 a:0.018185662105679512 :0.09819003194570541 +posit:0.013466322794556618 partment:0.0046238950453698635 part:0.004603009205311537 and:0.004424071405082941 :0.6394279599189758 +the:0.16489030420780182 a:0.11559106409549713 his:0.02357945591211319 an:0.016291499137878418 :0.10304167866706848 +of:0.1135140210390091 in:0.07185536623001099 on:0.054142579436302185 to:0.04850424826145172 :0.06259355694055557 +and:0.24845054745674133 the:0.03227594122290611 but:0.027065416797995567 as:0.021998926997184753 :0.05148547515273094 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +to:0.1468481719493866 by:0.11505735665559769 in:0.08061717450618744 and:0.05652082711458206 :0.05652152746915817 +the:0.34583213925361633 a:0.032741010189056396 this:0.022684268653392792 tho:0.016129035502672195 :0.10553537309169769 +the:0.34583213925361633 a:0.032741010189056396 this:0.022684268653392792 tho:0.016129035502672195 :0.10553537309169769 +man:0.037396855652332306 copy:0.02975606732070446 large:0.026806721463799477 few:0.016968470066785812 :0.12657608091831207 +the:0.257293701171875 a:0.03345673531293869 which:0.031520210206508636 that:0.016195546835660934 :0.15464650094509125 +the:0.2394745945930481 a:0.03423871845006943 this:0.01949705369770527 said:0.014386278577148914 :0.14342635869979858 +in:0.14006826281547546 and:0.055911075323820114 to:0.05383165553212166 a:0.05359954386949539 :0.05220041051506996 +made:0.05047950893640518 taken:0.01803324557840824 a:0.017257962375879288 given:0.015172725543379784 :0.10453130304813385 +day:0.01041021291166544 and:0.010018730536103249 plate:0.005898530129343271 of:0.005013840738683939 :0.2363017201423645 +pose:0.6411263942718506 chase:0.0918542817234993 poses:0.04231522977352142 chaser:0.03300575539469719 :0.032389942556619644 +the:0.06406283378601074 and:0.057280927896499634 to:0.04871039465069771 or:0.027165653184056282 :0.13478821516036987 +said:0.009058710187673569 people:0.005346948746591806 United:0.0034808628261089325 interest:0.003280567703768611 :0.3067668676376343 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +of:0.16167987883090973 to:0.07017499953508377 and:0.06542842090129852 at:0.0528031662106514 :0.043361034244298935 +is:0.029276810586452484 of:0.027769986540079117 the:0.020565440878272057 and:0.019958196207880974 :0.2184550017118454 +the:0.2987728714942932 a:0.05725676938891411 his:0.016039637848734856 tho:0.013911092653870583 :0.09287180751562119 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +C:0.02777036838233471 C.:0.024466093629598618 W.:0.022046517580747604 B.:0.019434232264757156 :0.3451880216598511 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +the:0.032483477145433426 was:0.02919202856719494 of:0.027414429932832718 and:0.026798516511917114 :0.17232030630111694 +own:0.021541748195886612 life:0.0090190339833498 way:0.006853566970676184 right:0.004697180353105068 :0.25559476017951965 +and:0.06933560967445374 the:0.032979581505060196 of:0.029020003974437714 in:0.02080020122230053 :0.1332613080739975 +the:0.18403081595897675 a:0.03776627033948898 their:0.01331739779561758 his:0.01328632514923811 :0.13443322479724884 +of:0.15771931409835815 and:0.10876598954200745 are:0.07650721818208694 in:0.039097756147384644 :0.038671545684337616 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +and:0.05654458329081535 to:0.028005264699459076 was:0.026787087321281433 the:0.02525249496102333 :0.16498760879039764 +the:0.2909371852874756 a:0.03894922137260437 him:0.017268618568778038 his:0.016255144029855728 :0.11871378123760223 +much:0.17757001519203186 many:0.03797951340675354 long:0.023728879168629646 far:0.02181527018547058 :0.1603730469942093 +great:0.026309678331017494 very:0.02252604439854622 member:0.02048908732831478 good:0.019123850390315056 :0.17179067432880402 +of:0.6128937602043152 and:0.049380168318748474 was:0.01698659174144268 to:0.012263328768312931 :0.0322197824716568 +the:0.11842825263738632 that:0.022026492282748222 a:0.020018670707941055 to:0.018745306879281998 :0.11905308812856674 +the:0.19829174876213074 a:0.11363717913627625 his:0.020226314663887024 which:0.017271677032113075 :0.1459406316280365 +and:0.03229280561208725 to:0.02496623806655407 of:0.02301390841603279 day:0.00552399642765522 :0.22161883115768433 +are:0.07626308500766754 have:0.05576847866177559 will:0.05213436484336853 were:0.03834964707493782 :0.07451821118593216 +was:0.14522306621074677 is:0.0534321554005146 had:0.053087834268808365 has:0.041835904121398926 :0.08057872205972672 +not:0.3171807825565338 have:0.04665857180953026 be:0.041433051228523254 get:0.03303267061710358 :0.061248354613780975 +to:0.0678183063864708 as:0.035818617790937424 known:0.030388491228222847 and:0.021315405145287514 :0.13861048221588135 +80,:0.08532924205064774 and:0.038170844316482544 I:0.022323664277791977 The:0.015274751000106335 :0.2908009886741638 +and:0.17451496422290802 to:0.032934024930000305 the:0.030536551028490067 but:0.0296100415289402 :0.055498156696558 +the:0.400371253490448 a:0.02000688947737217 this:0.017257770523428917 their:0.014754842966794968 :0.11591178178787231 +the:0.11108729988336563 that:0.031207382678985596 a:0.023708924651145935 in:0.019926568493247032 :0.07977675646543503 +of:0.2221308946609497 and:0.08302503079175949 was:0.03400195762515068 to:0.026905125007033348 :0.04660825803875923 +to:0.5015279650688171 of:0.044907744973897934 from:0.0344240628182888 with:0.02491770312190056 :0.04164763167500496 +a:0.05851204693317413 the:0.03614114224910736 made:0.02751011773943901 not:0.02213948778808117 :0.11131994426250458 +made:0.028211357071995735 a:0.024719569832086563 in:0.019037721678614616 the:0.01591658778488636 :0.15584696829319 +to:0.7174788117408752 for:0.06765404343605042 and:0.016381612047553062 enough:0.010439160279929638 :0.01639740727841854 +been:0.2883729636669159 yet:0.033536192029714584 a:0.024621473625302315 only:0.022136207669973373 :0.08815761655569077 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +described:0.084653340280056 the:0.05187651515007019 to:0.03492899611592293 in:0.034578800201416016 :0.15078458189964294 +own:0.02526990696787834 head:0.023129703477025032 name:0.017167050391435623 feet:0.017144251614809036 :0.19505496323108673 +that:0.7578850984573364 of:0.03681907057762146 is:0.012870303355157375 that,:0.012617566622793674 :0.016557568684220314 +is:0.06930653005838394 in:0.04591582715511322 was:0.04460350424051285 and:0.041635822504758835 :0.052705418318510056 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +to:0.047583866864442825 in:0.036697305738925934 of:0.03363644331693649 the:0.028042441233992577 :0.12109898030757904 +in:0.053397178649902344 to:0.051077213138341904 the:0.04554714262485504 and:0.03446158766746521 :0.15615712106227875 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.08696270734071732 of:0.030189143493771553 The:0.01724386028945446 to:0.017174774780869484 :0.2286924421787262 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +day:0.05898801237344742 morning:0.03738810494542122 few:0.03134218975901604 term:0.023193534463644028 :0.09896397590637207 +The:0.16188488900661469 He:0.04745689406991005 It:0.04039955511689186 A:0.031533628702163696 :0.12567327916622162 +the:0.2854859232902527 they:0.07777095586061478 he:0.06558766216039658 it:0.04735200107097626 :0.043563757091760635 +acre:0.12129811197519302 acre.:0.08133065700531006 acre,:0.04947029799222946 month:0.03784416243433952 :0.14161592721939087 +to:0.058816976845264435 and:0.03496410325169563 own:0.020705441012978554 in:0.018892573192715645 :0.15380673110485077 +and:0.274400919675827 in:0.050798844546079636 to:0.036148350685834885 with:0.03603379800915718 :0.06113598123192787 +the:0.14945219457149506 a:0.03156360611319542 that:0.024690993130207062 to:0.024349050596356392 :0.06744416803121567 +of:0.08081573247909546 in:0.05862646922469139 and:0.05617174878716469 which:0.041050076484680176 :0.06315993517637253 +and:0.23198376595973969 with:0.03882987052202225 the:0.03088790737092495 but:0.02424781583249569 :0.10038907080888748 +sentatives:0.3494860827922821 sentative:0.27034562826156616 The:0.010023778304457664 I:0.007366680074483156 :0.2066490799188614 +of:0.27453741431236267 and:0.06898627430200577 to:0.05013449862599373 by:0.026625679805874825 :0.0395188108086586 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +a:0.02595122717320919 made:0.02390310913324356 taken:0.016428183764219284 the:0.012994790449738503 :0.19729392230510712 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +been:0.2519754469394684 a:0.037363529205322266 boon:0.030707255005836487 the:0.029161008074879646 :0.12426752597093582 +are:0.13268844783306122 have:0.09779169410467148 were:0.0778743177652359 will:0.054522909224033356 :0.046449556946754456 +and:0.21288062632083893 the:0.04077783599495888 but:0.034193042665719986 as:0.029930396005511284 :0.05270003154873848 +the:0.24595409631729126 said:0.03848196938633919 and:0.03349658474326134 to:0.025979364290833473 :0.07076819986104965 +and:0.15880189836025238 but:0.09613662958145142 the:0.043167844414711 he:0.030253134667873383 :0.03149430453777313 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +own:0.03385302051901817 heads:0.007936867885291576 hands:0.006906174123287201 respective:0.004458476323634386 :0.24934375286102295 +and:0.053849682211875916 the:0.03193821385502815 of:0.025095680728554726 in:0.02422962337732315 :0.1830170750617981 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +the:0.2599778175354004 a:0.08568200469017029 his:0.018119316548109055 him:0.015973294153809547 :0.08832576125860214 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +be:0.11472120136022568 he:0.02535662241280079 we:0.020649299025535583 the:0.017335981130599976 :0.06523451209068298 +of:0.3507072329521179 the:0.09506979584693909 and:0.06798536330461502 a:0.03224585950374603 :0.033888205885887146 +the:0.09003638476133347 be:0.030341720208525658 make:0.017897164449095726 a:0.015917444601655006 :0.1005420833826065 +of:0.5206531286239624 the:0.04758133366703987 and:0.01923873834311962 in:0.014282939955592155 :0.05152131989598274 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +The:0.059461481869220734 I:0.03765033558011055 It:0.029652772471308708 and:0.025110159069299698 :0.16997523605823517 +be:0.3929039239883423 not:0.08617278933525085 have:0.0204327292740345 bo:0.01459968276321888 :0.04252152889966965 +.:0.047703374177217484 and:0.012904851697385311 was:0.012769196182489395 M.:0.005885052494704723 :0.6748526692390442 +is:0.07477954030036926 was:0.055856142193078995 has:0.034912243485450745 are:0.033155567944049835 :0.07991375029087067 +and:0.047386232763528824 at:0.0365731306374073 block:0.024430405348539352 8:0.009338736534118652 :0.23990312218666077 +than:0.374985933303833 a:0.022841818630695343 to:0.019299952313303947 the:0.017549386247992516 :0.1536625474691391 +of:0.8226233720779419 to:0.01696847565472126 that:0.01423793938010931 ot:0.012755044735968113 :0.008456328883767128 +the:0.07295331358909607 a:0.014721501618623734 to:0.011937460862100124 that:0.010325687937438488 :0.10719015449285507 +of:0.03006071411073208 and:0.02667907625436783 to:0.02573305554687977 in:0.012201962061226368 :0.13075922429561615 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.0538233183324337 only:0.0390922874212265 a:0.03680439665913582 to:0.02734493836760521 :0.15963785350322723 +following:0.009019953198730946 first:0.006194394547492266 only:0.006027396768331528 said:0.005081978626549244 :0.12084893882274628 +that:0.21204690635204315 to:0.11850357800722122 for:0.09134992212057114 and:0.04200609400868416 :0.03212566673755646 +of:0.2652477025985718 and:0.1419278234243393 with:0.07129210233688354 to:0.05013945326209068 :0.03162343055009842 +of:0.7094763517379761 to:0.016315504908561707 were:0.011627716943621635 and:0.011233342811465263 :0.021157601848244667 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.2072751522064209 a:0.03478682041168213 this:0.027808163315057755 his:0.018836744129657745 :0.1522250771522522 +west:0.14513026177883148 east:0.09175800532102585 and:0.058485932648181915 east,:0.032991353422403336 :0.1328529417514801 +or:0.10079523175954819 of:0.056686341762542725 hundred:0.054884735494852066 years:0.04534478858113289 :0.13611114025115967 +great:0.026309678331017494 very:0.02252604439854622 member:0.02048908732831478 good:0.019123850390315056 :0.17179067432880402 +of:0.15900389850139618 to:0.022891102358698845 from:0.02014327608048916 in:0.017586058005690575 :0.1737639307975769 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +little:0.03378596156835556 few:0.031050454825162888 fine:0.02605501003563404 large:0.022284792736172676 :0.1484183669090271 +the:0.20161618292331696 tho:0.023419545963406563 a:0.020762085914611816 this:0.01539697777479887 :0.24429364502429962 +newspaper:0.0881817638874054 of:0.011680586263537407 to:0.009996214881539345 and:0.008355670608580112 :0.1980198323726654 +the:0.06306049227714539 a:0.02974286675453186 in:0.010485172271728516 to:0.008798937313258648 :0.195393905043602 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.06348999589681625 of:0.0337948203086853 to:0.031132280826568604 the:0.02304977923631668 :0.17106561362743378 +the:0.01707197166979313 a:0.010279287584125996 .:0.009630630724132061 and:0.008660639636218548 :0.3617505431175232 +cate:0.566852867603302 cious:0.030413156375288963 and:0.007484113331884146 .:0.0018118221778422594 :0.22817471623420715 +a:0.08433323353528976 the:0.05421266332268715 not:0.030343204736709595 an:0.012354292906820774 :0.13517364859580994 +and:0.06635934859514236 the:0.05118490383028984 in:0.031585004180669785 to:0.03020382858812809 :0.10948648303747177 +the:0.2232973724603653 a:0.058050014078617096 his:0.024102171882987022 their:0.023606425151228905 :0.0734197199344635 +and:0.07358655333518982 of:0.048452455550432205 to:0.024775220081210136 the:0.024719595909118652 :0.15072840452194214 +and:0.07434063404798508 to:0.027249110862612724 The:0.021744346246123314 of:0.015541549772024155 :0.1585753709077835 +the:0.05347321927547455 to:0.017774797976017 of:0.012231904082000256 a:0.009678307920694351 :0.16603443026542664 +the:0.3568645715713501 a:0.0394388884305954 their:0.02998213656246662 his:0.02836586721241474 :0.07795644551515579 +the:0.34958672523498535 a:0.0784272849559784 and:0.05157097801566124 his:0.018778638914227486 :0.06664992868900299 +that:0.08329902589321136 to:0.04587486758828163 and:0.02276933193206787 of:0.02159542217850685 :0.291690468788147 +he:0.17554421722888947 the:0.08516988903284073 I:0.06296533346176147 she:0.0500384084880352 :0.05684798210859299 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +few:0.042630698531866074 very:0.015618205070495605 short:0.015611534006893635 large:0.011541273444890976 :0.17077979445457458 +be:0.17799894511699677 have:0.0667298436164856 see:0.027912363409996033 get:0.026959897950291634 :0.07984307408332825 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +been:0.17620578408241272 the:0.0926690548658371 a:0.07947493344545364 an:0.014994936063885689 :0.07649044692516327 +the:0.12882110476493835 be:0.03193597123026848 make:0.021047992631793022 a:0.01696830801665783 :0.09397299587726593 +to:0.10822785645723343 the:0.09978048503398895 that:0.037735868245363235 a:0.03631609305739403 :0.08568146079778671 +and:0.0739695280790329 by:0.05390533059835434 to:0.053170084953308105 in:0.0337027981877327 :0.10907310992479324 +streets:0.007078506518155336 city:0.006052061915397644 window:0.004699332173913717 whole:0.004503391683101654 :0.3284253478050232 +time:0.017569581046700478 same:0.013784137554466724 end:0.013083490543067455 samo:0.009708691388368607 :0.24063223600387573 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +own:0.044845812022686005 respective:0.012155706994235516 friends:0.00942209642380476 means:0.00532557675614953 :0.23447246849536896 +and:0.2660561501979828 the:0.06688462197780609 but:0.027743255719542503 a:0.027139415964484215 :0.044581711292266846 +the:0.22994689643383026 a:0.03332019969820976 time:0.02169768512248993 this:0.018742987886071205 :0.09121250361204147 +and:0.04961546137928963 in:0.03829697519540787 the:0.034293029457330704 that:0.02353796921670437 :0.16341334581375122 +the:0.1777413934469223 possible:0.04302145913243294 he:0.042532604187726974 I:0.04157225787639618 :0.06458777189254761 +the:0.25425663590431213 a:0.046632762998342514 this:0.03804221749305725 tho:0.02221578359603882 :0.12531952559947968 +and:0.10614917427301407 at:0.015625055879354477 the:0.015381807461380959 in:0.014076397754251957 :0.1687924563884735 +the:0.4243190288543701 a:0.08022478967905045 tho:0.023911643773317337 his:0.018900079652667046 :0.06444214284420013 +the:0.21665088832378387 which:0.04201538488268852 a:0.029121745377779007 this:0.025843637064099312 :0.1456644982099533 +and:0.0342055968940258 in:0.004365198314189911 to:0.003798477351665497 men:0.003265668172389269 :0.23606763780117035 +and:0.05637015774846077 the:0.04193298518657684 of:0.031872041523456573 to:0.02642913907766342 :0.19048774242401123 +of:0.04786454886198044 and:0.04491841793060303 or:0.028567243367433548 the:0.028341613709926605 :0.16377893090248108 +the:0.21428094804286957 a:0.06157756596803665 his:0.027696015313267708 their:0.019434446468949318 :0.1340482383966446 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.08151434361934662 in:0.04634253680706024 and:0.03152761980891228 with:0.023933643475174904 :0.11071950197219849 +and:0.0710519477725029 was:0.06048409640789032 is:0.0213322713971138 had:0.015250573866069317 :0.29547783732414246 +whole:0.010379031300544739 same:0.00824547465890646 first:0.007961495779454708 entire:0.005821156781166792 :0.15467794239521027 +and:0.07490160316228867 of:0.045243553817272186 was:0.009587527252733707 The:0.009405087679624557 :0.36715835332870483 +the:0.24313171207904816 a:0.04991557076573372 this:0.03295879811048508 their:0.01653827168047428 :0.07525113224983215 +of:0.21488584578037262 and:0.09358303993940353 to:0.04756065830588341 in:0.033725254237651825 :0.10270969569683075 +the:0.1859399527311325 a:0.028062433004379272 said:0.018446946516633034 this:0.011577054858207703 :0.17360050976276398 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +and:0.08491317182779312 of:0.04400268569588661 the:0.040405385196208954 to:0.013492625206708908 :0.19213108718395233 +of:0.17103321850299835 and:0.09037993848323822 the:0.03372729569673538 a:0.02361242100596428 :0.1069406270980835 +years:0.05834822729229927 of:0.02081868425011635 or:0.020425351336598396 and:0.019488723948597908 :0.20256787538528442 +a:0.16217374801635742 confessed:0.10580848902463913 the:0.09531759470701218 to:0.09201231598854065 :0.07007677853107452 +the:0.1236855611205101 a:0.020788727328181267 in:0.01730952225625515 that:0.013356278650462627 :0.09598713368177414 +the:0.24112235009670258 a:0.04045458510518074 his:0.022418947890400887 her:0.01614420674741268 :0.14780476689338684 +great:0.02316785790026188 very:0.018416035920381546 good:0.0162944495677948 large:0.012381676584482193 :0.12171879410743713 +own:0.05370277911424637 friends:0.009513606317341328 party:0.009307552129030228 wife:0.006285549607127905 :0.1905549019575119 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.5840680599212646 tho:0.03920947015285492 which:0.033798474818468094 his:0.028262518346309662 :0.05571487918496132 +and:0.03299134969711304 the:0.01796930469572544 to:0.0162681695073843 is:0.012035978026688099 :0.2329268455505371 +the:0.2499321848154068 course:0.03998471423983574 a:0.03308095037937164 this:0.025753607973456383 :0.11107516288757324 +the:0.06780491769313812 that:0.021670028567314148 a:0.02115984633564949 his:0.014173275791108608 :0.15456171333789825 +us:0.31648191809654236 the:0.19043992459774017 them:0.039549604058265686 me:0.03128628060221672 :0.03132519870996475 +of:0.05221020057797432 was:0.05194365233182907 and:0.04872393608093262 he:0.03943134471774101 :0.08824750781059265 +ceived:0.04100414738059044 cently:0.02152938023209572 turned:0.020139139145612717 ported:0.01828557811677456 :0.2829456031322479 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.032483477145433426 was:0.02919202856719494 of:0.027414429932832718 and:0.026798516511917114 :0.17232030630111694 +of:0.11563356220722198 or:0.06673209369182587 years:0.030941160395741463 ago:0.016936782747507095 :0.14487095177173615 +H.:0.04081686586141586 H:0.03116155043244362 J:0.022822260856628418 W.:0.02031755819916725 :0.2675374448299408 +the:0.0670551285147667 to:0.01762809045612812 that:0.016322851181030273 a:0.012777464464306831 :0.10181605070829391 +the:0.039904188364744186 New:0.03844168037176132 St.:0.020939817652106285 Los:0.01835988089442253 :0.2622256875038147 +a:0.07010596990585327 not:0.05420732498168945 the:0.05396781489253044 in:0.016393130645155907 :0.10485593974590302 +of:0.14819152653217316 and:0.06308481842279434 the:0.06041363254189491 that:0.025720225647091866 :0.04050697386264801 +of:0.05990618094801903 has:0.055345989763736725 and:0.04786479100584984 with:0.04577198997139931 :0.047951530665159225 +the:0.1262975037097931 that:0.07382421940565109 a:0.03779398277401924 it:0.03183461353182793 :0.07449624687433243 +and:0.13304246962070465 in:0.03247375041246414 the:0.03212540224194527 or:0.02915315143764019 :0.03645224869251251 +The:0.06129491329193115 It:0.03446804732084274 I:0.033354319632053375 Why:0.026239195838570595 :0.17320092022418976 +from:0.20912154018878937 of:0.0871720016002655 to:0.056393396109342575 and:0.0371299684047699 :0.05004924535751343 +idly:0.8177945613861084 been:0.01524848211556673 the:0.00908946618437767 a:0.002865281654521823 :0.08354464173316956 +have:0.05548865348100662 am:0.054854199290275574 was:0.04405662789940834 had:0.026876606047153473 :0.09924384951591492 +that:0.07805335521697998 the:0.047130852937698364 he:0.04343723878264427 to:0.026159755885601044 :0.16495873034000397 +and:0.1922958642244339 County,:0.07602649927139282 county,:0.029839474707841873 to:0.02766624093055725 :0.17582646012306213 +between:0.16437208652496338 in:0.1604594886302948 of:0.07517935335636139 In:0.039470378309488297 :0.03539112210273743 +to:0.2946332097053528 and:0.111903116106987 the:0.04431851953268051 for:0.04207826405763626 :0.040412936359643936 +the:0.24389410018920898 a:0.03715997189283371 his:0.024036746472120285 their:0.014977282844483852 :0.16548506915569305 +the:0.5526062250137329 his:0.060776714235544205 a:0.045375287532806396 tho:0.03136230260133743 :0.033346399664878845 +the:0.29920482635498047 a:0.06675250828266144 said:0.031563129276037216 tho:0.016133710741996765 :0.08621849864721298 +the:0.11795029789209366 to:0.11004476994276047 and:0.09613913297653198 of:0.06902442872524261 :0.0639578104019165 +the:0.3416993021965027 a:0.03464636951684952 his:0.02612067013978958 this:0.020843930542469025 :0.10311344265937805 +and:0.03364693000912666 of:0.008811436593532562 In:0.00570161547511816 in:0.005468479357659817 :0.44136348366737366 +the:0.2489510327577591 a:0.06252668052911758 tho:0.014882502146065235 his:0.012036056257784367 :0.1503141075372696 +the:0.20767958462238312 be:0.03722982853651047 a:0.022113412618637085 have:0.014494437724351883 :0.07551664859056473 +of:0.09781110286712646 and:0.06856794655323029 in:0.037593770772218704 to:0.032568927854299545 :0.14828631281852722 +not:0.08358792960643768 have:0.04932590201497078 be:0.04742361977696419 do:0.02410636469721794 :0.0816253051161766 +the:0.12132515013217926 to:0.06595330685377121 a:0.03730740770697594 from:0.02905760332942009 :0.05865507945418358 +the:0.0882861539721489 to:0.05823132395744324 a:0.05086003988981247 of:0.03464055806398392 :0.05221392959356308 +the:0.13687853515148163 to:0.06336741149425507 a:0.0536198765039444 in:0.027206070721149445 :0.06857448071241379 +and:0.148689866065979 of:0.07116053253412247 to:0.0241495780646801 in:0.019892124459147453 :0.049854204058647156 +the:0.11924902349710464 it:0.04441333934664726 I:0.037009041756391525 if:0.03223714604973793 :0.05391513928771019 +own:0.021019747480750084 way:0.007896269671618938 use:0.007585951127111912 work:0.006848696619272232 :0.14539851248264313 +to:0.0451849065721035 the:0.04012429341673851 and:0.033520039170980453 a:0.019517697393894196 :0.16636407375335693 +be:0.2249988317489624 fail:0.01741304248571396 have:0.014003305695950985 make:0.012760300189256668 :0.08944856375455856 +was:0.11061745136976242 had:0.06067979708313942 is:0.05124243348836899 has:0.04571342095732689 :0.07307987660169601 +will:0.031450867652893066 the:0.03137463703751564 is:0.02483908273279667 was:0.02176247164607048 :0.06709150969982147 +to:0.12891702353954315 and:0.07378573715686798 of:0.0632871612906456 by:0.053415633738040924 :0.05014578625559807 +and:0.08747165650129318 to:0.02489342913031578 of:0.021503906697034836 or:0.017625778913497925 :0.16362422704696655 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +of:0.1287902295589447 to:0.06638018041849136 and:0.042957354336977005 are:0.029669729992747307 :0.08444134891033173 +who:0.13890346884727478 of:0.11840994656085968 to:0.04876529425382614 in:0.03963558003306389 :0.05078648030757904 +of:0.36432141065597534 and:0.1369255632162094 for:0.02693418227136135 the:0.01891341619193554 :0.0482148639857769 +the:0.029337139800190926 that:0.013919966295361519 a:0.011104379780590534 in:0.008687293156981468 :0.1497538536787033 +is:0.1956501305103302 was:0.19239971041679382 comes:0.046998508274555206 came:0.026541005820035934 :0.056353192776441574 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +to:0.18813636898994446 by:0.07507507503032684 in:0.05183016136288643 a:0.0413789227604866 :0.0405413918197155 +of:0.11653696000576019 and:0.09032338857650757 to:0.06008859723806381 in:0.05203650891780853 :0.045108988881111145 +own:0.057209182530641556 names:0.009472379460930824 first:0.006034879479557276 respective:0.005695206578820944 :0.1898326277732849 +ing:0.5712233781814575 ed:0.039156634360551834 of:0.02228607051074505 and:0.02051626518368721 :0.10054612159729004 +and:0.0495196208357811 the:0.029454967007040977 to:0.02171896956861019 The:0.019448909908533096 :0.1441657543182373 +to:0.0451849065721035 the:0.04012429341673851 and:0.033520039170980453 a:0.019517697393894196 :0.16636407375335693 +a:0.07243404537439346 the:0.05417661741375923 to:0.04565076157450676 not:0.03936522826552391 :0.09890811145305634 +to:0.12946717441082 and:0.05136860907077789 by:0.049462392926216125 from:0.037464722990989685 :0.03944917023181915 +is:0.015610347501933575 year:0.01484677568078041 the:0.010805684141814709 was:0.010540342889726162 :0.1378227025270462 +government:0.06065092235803604 Government:0.018067607656121254 and:0.016593677923083305 College:0.014408075250685215 :0.20166340470314026 +the:0.3106994330883026 a:0.02485763654112816 tho:0.0195614080876112 his:0.018817435950040817 :0.13167805969715118 +ter:0.7598345875740051 ter,:0.0539361946284771 ter.:0.039187587797641754 ters:0.005966490134596825 :0.054577238857746124 +the:0.010418488644063473 to:0.010341143235564232 of:0.007397170178592205 a:0.005893256980925798 :0.3940880298614502 +be:0.22339801490306854 not:0.05123239383101463 have:0.02427598647773266 bo:0.017404360696673393 :0.10037964582443237 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +sense:0.07324371486902237 to:0.04525800794363022 sense,:0.041483260691165924 and:0.039245832711458206 :0.15649737417697906 +great:0.016642959788441658 very:0.014336049556732178 good:0.013908053748309612 man:0.013520447537302971 :0.19417458772659302 +not:0.07534684985876083 a:0.03567161411046982 now:0.026244979351758957 the:0.024294575676321983 :0.12313489615917206 +are:0.1087268516421318 have:0.07479369640350342 were:0.040957074612379074 shall:0.03563432767987251 :0.07749637961387634 +to:0.2259148359298706 in:0.07466328144073486 of:0.06021988019347191 that:0.050352487713098526 :0.051607850939035416 +of:0.4527286887168884 that:0.06659436970949173 in:0.03160247951745987 to:0.025138452649116516 :0.030413610860705376 +in:0.4160679578781128 and:0.1247887834906578 on:0.1009180098772049 at:0.045401785522699356 :0.04452066123485565 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.16058281064033508 it:0.07799382507801056 he:0.07257390022277832 I:0.033523522317409515 :0.07859454303979874 +the:0.10606656968593597 a:0.01962948590517044 in:0.016037797555327415 that:0.014050331898033619 :0.12700310349464417 +The:0.15500591695308685 It:0.06188670173287392 He:0.03337480127811432 A:0.03242369741201401 :0.10094121098518372 +to:0.28635257482528687 and:0.04012215882539749 of:0.019279170781373978 that:0.014776455238461494 :0.14049264788627625 +and:0.055449552834033966 in:0.04979340359568596 to:0.028409741818904877 for:0.02569841966032982 :0.04625319689512253 +to:0.6999691724777222 the:0.03162253275513649 and:0.019580606371164322 in:0.01811956986784935 :0.017591139301657677 +the:0.25428831577301025 a:0.050604913383722305 he:0.033754460513591766 his:0.025476565584540367 :0.054019320756196976 +own:0.05511784553527832 services,:0.00640029925853014 life:0.006330767180770636 work:0.006267701741307974 :0.18638329207897186 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.08173563331365585 to:0.07846666127443314 from:0.03863505274057388 was:0.02952525019645691 :0.055468734353780746 +to:0.09883077442646027 in:0.0903058648109436 and:0.08823337405920029 that:0.04251947999000549 :0.07241655886173248 +The:0.18834401667118073 In:0.09372103214263916 A:0.04623119533061981 It:0.042292721569538116 :0.1154564693570137 +north:0.08923235535621643 south:0.08790932595729828 with:0.05826488509774208 along:0.03832201659679413 :0.1434575468301773 +and:0.23059551417827606 on:0.06288659572601318 at:0.054655738174915314 or:0.037599388509988785 :0.0418190136551857 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +rected:0.662003219127655 rectly:0.07190627604722977 rect:0.018552539870142937 rection:0.01765574887394905 :0.11065399646759033 +the:0.05403327941894531 to:0.04201113432645798 and:0.03307858854532242 a:0.022806920111179352 :0.14323627948760986 +the:0.2395009994506836 he:0.0653800219297409 a:0.03937682881951332 they:0.0376148484647274 :0.06111297756433487 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +of:0.1611773818731308 and:0.14248888194561005 are:0.1330132633447647 were:0.040175434201955795 :0.03628338500857353 +J:0.019961651414632797 W:0.017941618338227272 W.:0.017778193578124046 A.:0.01740303449332714 :0.3198322057723999 +and:0.00913446769118309 Smith,:0.009111740626394749 Smith:0.004107438027858734 C:0.003981832414865494 :0.5453155040740967 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.22190286219120026 that:0.06312095373868942 of:0.05406136438250542 over:0.01851252280175686 :0.06998032331466675 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.06305371969938278 of:0.036555737257003784 the:0.021882066503167152 to:0.020659388974308968 :0.14676375687122345 +of:0.4911458492279053 and:0.14930739998817444 which:0.024512823671102524 in:0.017473949119448662 :0.02934195287525654 +the:0.09232799708843231 a:0.05855884775519371 not:0.0489439032971859 of:0.03808387741446495 :0.18345028162002563 +the:0.16402515769004822 a:0.06583738327026367 number,:0.05388718098402023 five:0.022398369386792183 :0.13098637759685516 +a:0.016648506745696068 able:0.010691305622458458 made:0.010171701200306416 allowed:0.008999831043183804 :0.21038080751895905 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +property:0.011620713397860527 subject:0.010696952231228352 said:0.009446420706808567 following:0.008107030764222145 :0.180214062333107 +of:0.3204396069049835 the:0.12997554242610931 to:0.03356552496552467 in:0.02409251593053341 :0.03958013281226158 +same:0.009075130335986614 first:0.008883904665708542 other:0.005485594738274813 most:0.005191955715417862 :0.18191803991794586 +of:0.13261477649211884 hundred:0.05610216408967972 and:0.02581367827951908 or:0.023292608559131622 :0.12364207208156586 +the:0.21205812692642212 kinds:0.023958563804626465 that:0.02008158154785633 these:0.01482913363724947 :0.11127829551696777 +to:0.09325393289327621 and:0.06680306792259216 of:0.0561944954097271 in:0.045007891952991486 :0.043978702276945114 +of:0.052523668855428696 the:0.040901750326156616 and:0.035805750638246536 to:0.025164049118757248 :0.28387778997421265 +the:0.35360798239707947 a:0.0572173036634922 tho:0.017780687659978867 this:0.015481075271964073 :0.12072262167930603 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +a:0.20333990454673767 the:0.13902293145656586 it:0.06836924701929092 an:0.02822408452630043 :0.052149221301078796 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.13600990176200867 a:0.021217908710241318 be:0.016525493934750557 see:0.01365501806139946 :0.1065278947353363 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.2734425961971283 a:0.062379103153944016 their:0.020348919555544853 his:0.0131782665848732 :0.11409294605255127 +the:0.1042810007929802 to:0.028461720794439316 a:0.02169780433177948 it:0.018471578136086464 :0.06351704150438309 +was:0.08521241694688797 had:0.051218632608652115 is:0.03382263332605362 would:0.029783794656395912 :0.13423267006874084 +that:0.16397418081760406 far:0.05159418284893036 as:0.037337590008974075 much:0.037253301590681076 :0.13367533683776855 +The:0.030429743230342865 I:0.025283383205533028 the:0.014962127432227135 It:0.01419360563158989 :0.32113945484161377 +the:0.5416167378425598 with:0.05840614065527916 and:0.030845854431390762 said:0.028668113052845 :0.03454188257455826 +Point:0.012864785268902779 .:0.0091073764488101 and:0.007479613181203604 Town:0.00600005965679884 :0.4799470603466034 +are:0.09094379842281342 were:0.06743670254945755 will:0.06523812562227249 have:0.05991017445921898 :0.07649670541286469 +the:0.09729675948619843 it:0.04769623652100563 he:0.027081863954663277 they:0.02597961015999317 :0.0797344520688057 +the:0.33518287539482117 a:0.06280453503131866 which:0.04521036893129349 his:0.023788683116436005 :0.07296425849199295 +and:0.03808765113353729 of:0.023367801681160927 to:0.02097107283771038 the:0.02034168131649494 :0.2180165797472 +and:0.0664496123790741 to:0.03683827072381973 was:0.034765858203172684 in:0.022426530718803406 :0.10998253524303436 +a:0.17667168378829956 one:0.05137503147125244 the:0.03270537033677101 to:0.028425395488739014 :0.12343767285346985 +The:0.04940864071249962 He:0.029391180723905563 I:0.028284084051847458 It:0.02563626319169998 :0.07656688243150711 +and:0.23363493382930756 of:0.08828847110271454 in:0.04067721217870712 to:0.03546840324997902 :0.0864129513502121 +States:0.4906804859638214 States,:0.18643523752689362 States.:0.10460172593593597 Slates:0.01353408768773079 :0.11112630367279053 +the:0.04561609774827957 and:0.03428330272436142 to:0.033634889870882034 of:0.02529120445251465 :0.17376869916915894 +the:0.07479188591241837 a:0.06570020318031311 not:0.0355689600110054 to:0.03495307266712189 :0.12999439239501953 +and:0.0902317613363266 but:0.03414050117135048 in:0.033803366124629974 the:0.029692573472857475 :0.09262153506278992 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +nary:0.3182125389575958 nance:0.16517846286296844 and:0.01978837139904499 to:0.003125394694507122 :0.18503351509571075 +action:0.0374838262796402 effort:0.028842298313975334 order:0.01640644669532776 old:0.015424827113747597 :0.21649116277694702 +of:0.03423980623483658 and:0.027188414707779884 the:0.021585585549473763 to:0.014958487823605537 :0.1890619993209839 +and:0.13854891061782837 the:0.0627560019493103 which:0.05748443678021431 that:0.023445986211299896 :0.11367184668779373 +and:0.047237928956747055 to:0.04706535115838051 the:0.04597989097237587 in:0.018576888367533684 :0.1435602754354477 +of:0.46571171283721924 the:0.05258585140109062 a:0.028287218883633614 in:0.023434806615114212 :0.06300277262926102 +and:0.05875122547149658 in:0.029317284002900124 at:0.02847466990351677 of:0.027199532836675644 :0.22162321209907532 +of:0.025223426520824432 and:0.024917645379900932 to:0.013787411153316498 the:0.012647828087210655 :0.307636022567749 +and:0.021577946841716766 to:0.015187015756964684 office:0.0123859578743577 interest:0.007200085557997227 :0.1359775811433792 +and:0.07883477956056595 to:0.06803973019123077 in:0.029703289270401 the:0.026751313358545303 :0.14366047084331512 +of:0.6970792412757874 and:0.027986682951450348 from:0.023447168990969658 to:0.016005560755729675 :0.023247577250003815 +the:0.10170268267393112 and:0.03202112391591072 in:0.023816915228962898 to:0.020743925124406815 :0.1399320811033249 +and:0.056841399520635605 or:0.01454913429915905 in:0.008679619058966637 of:0.008291708305478096 :0.24071307480335236 +and:0.05340754613280296 to:0.03413546830415726 the:0.027049081400036812 of:0.021619776263833046 :0.18757551908493042 +and:0.0680355504155159 of:0.04271751642227173 in:0.021552490070462227 the:0.01902230829000473 :0.1414012312889099 +and:0.13538137078285217 the:0.05512547865509987 in:0.027200553566217422 a:0.025312678888440132 :0.09838178008794785 +have:0.1536019891500473 are:0.11202611029148102 were:0.06544233113527298 had:0.029928559437394142 :0.05467347055673599 +to:0.08972208201885223 exceeding:0.08672352880239487 only:0.05313655361533165 less:0.05269436538219452 :0.10690367221832275 +the:0.16335414350032806 over:0.04225288704037666 of:0.03887319564819336 to:0.029699616134166718 :0.09666111320257187 +the:0.4400351345539093 a:0.05239205062389374 his:0.027519483119249344 tho:0.02240154519677162 :0.055658482015132904 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +house:0.10131050646305084 of:0.06857434660196304 and:0.05124537646770477 house,:0.03549322858452797 :0.14065389335155487 +were:0.08276893943548203 and:0.07859033346176147 are:0.06127583235502243 in:0.03982888162136078 :0.05149577558040619 +and:0.06447502225637436 The:0.032304175198078156 the:0.022221403196454048 of:0.020679954439401627 :0.1622433364391327 +The:0.11188790947198868 He:0.04147370532155037 It:0.03455481678247452 They:0.025189558044075966 :0.1456514298915863 +the:0.32403841614723206 a:0.04499417915940285 this:0.027517098933458328 his:0.023709846660494804 :0.0675034373998642 +a:0.17978163063526154 one:0.052566852420568466 the:0.04806484282016754 to:0.031087186187505722 :0.11003962904214859 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +to:0.12328090518712997 in:0.052105095237493515 and:0.050181981176137924 In:0.012397829443216324 :0.3093447983264923 +and:0.11270125955343246 of:0.09631992131471634 the:0.04721632972359657 with:0.025181356817483902 :0.07845588028430939 +to:0.046759363263845444 and:0.0419672392308712 of:0.03807935491204262 in:0.020159602165222168 :0.27139365673065186 +same:0.07526224106550217 time:0.06257540732622147 end:0.05538006126880646 close:0.04910527169704437 :0.1302923709154129 +and:0.03932441771030426 or:0.02445957250893116 by:0.02320067770779133 of:0.02256624773144722 :0.11143126338720322 +of:0.04786454886198044 and:0.04491841793060303 or:0.028567243367433548 the:0.028341613709926605 :0.16377893090248108 +policy:0.016469553112983704 interests:0.014761107042431831 institutions:0.012584845535457134 affairs:0.011574867181479931 :0.18516696989536285 +by:0.3455868661403656 to:0.11622573435306549 a:0.05917252227663994 in:0.041070010513067245 :0.04014599323272705 +of:0.05473342910408974 and:0.03660817816853523 to:0.02786068245768547 in:0.014832833781838417 :0.204084575176239 +and:0.05093362182378769 The:0.03249397128820419 In:0.02095678821206093 to:0.015941275283694267 :0.27271202206611633 +not:0.04060496389865875 the:0.033774152398109436 a:0.02461615391075611 to:0.024516131728887558 :0.07701901346445084 +wife,:0.03510062023997307 own:0.020067038014531136 wife:0.01520314160734415 head:0.011249985545873642 :0.2084280103445053 +the:0.16116537153720856 a:0.058478012681007385 tho:0.015322123654186726 two:0.013436434790492058 :0.2008347064256668 +the:0.2518288791179657 a:0.023241421207785606 his:0.015504597686231136 this:0.015389347448945045 :0.09382394701242447 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +out:0.14413918554782867 to:0.06085159629583359 back:0.05323382467031479 down:0.05160197243094444 :0.0443117655813694 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +terest:0.06565382331609726 creased:0.01430946122854948 teresting:0.014031906612217426 telligent:0.013608871027827263 :0.4382716119289398 +was:0.09361577779054642 had:0.07686734944581985 has:0.043565236032009125 is:0.0435376912355423 :0.07800494879484177 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +of:0.0655423104763031 and:0.055460963398218155 year:0.0489688478410244 day:0.035303547978401184 :0.08129505068063736 +der:0.02264467068016529 the:0.015849942341446877 of:0.015570090152323246 to:0.013807542622089386 :0.3764486312866211 +the:0.3486577570438385 a:0.05491913855075836 their:0.019895581528544426 tho:0.016814520582556725 :0.12014098465442657 +the:0.029174841940402985 and:0.02902798354625702 a:0.01949591189622879 money:0.017229432240128517 :0.11135631799697876 +the:0.270550012588501 he:0.05519547313451767 it:0.05504048615694046 they:0.0332392118871212 :0.03789188712835312 +the:0.09880895167589188 a:0.03187877684831619 be:0.015407335013151169 make:0.012940349988639355 :0.13319340348243713 +of:0.3876012861728668 that:0.17130467295646667 and:0.08793922513723373 which:0.027006004005670547 :0.02564905770123005 +the:0.29203498363494873 a:0.036827076226472855 which:0.028088532388210297 their:0.017441116273403168 :0.14124007523059845 +the:0.06819629669189453 in:0.04594462737441063 and:0.028763631358742714 that:0.026494547724723816 :0.07686837017536163 +rived:0.13164089620113373 rangements:0.06024665758013725 ranged:0.04596942663192749 riving:0.02808556705713272 :0.3680243194103241 +The:0.046845678240060806 .:0.041006989777088165 In:0.02391728200018406 A:0.022677935659885406 :0.310886025428772 +and:0.06609311699867249 the:0.05419863015413284 to:0.02721208892762661 in:0.02387729100883007 :0.14333374798297882 +the:0.0647512897849083 a:0.01450979895889759 in:0.010881409049034119 to:0.00860818661749363 :0.1369408518075943 +of:0.05426840856671333 and:0.04815945029258728 or:0.04322453960776329 No.:0.0238848514854908 :0.1740657091140747 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.15892834961414337 will:0.08042185008525848 was:0.06950405985116959 on:0.042658619582653046 :0.038779377937316895 +and:0.04229229316115379 J.:0.010181684046983719 the:0.008805935271084309 W.:0.008008036762475967 :0.36829936504364014 +man:0.04822689667344093 man,:0.0395992286503315 and:0.0368712954223156 man.:0.021666638553142548 :0.15930570662021637 +cent:0.1328355371952057 cent,:0.06536208093166351 cent.:0.04595589637756348 acre.:0.02099137380719185 :0.19569309055805206 +and:0.08603502064943314 the:0.02935086376965046 a:0.015201345086097717 but:0.0137934610247612 :0.23254719376564026 +National:0.2036210596561432 Presbyterian:0.03311915695667267 Baptist:0.027714841067790985 Congregational:0.027018263936042786 :0.1289125382900238 +the:0.2593964636325836 a:0.06737159937620163 him:0.045772068202495575 my:0.045423295348882675 :0.038929473608732224 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +and:0.08179593086242676 in:0.03669590875506401 but:0.03319287672638893 the:0.027639294043183327 :0.08932523429393768 +the:0.3245074450969696 said:0.04096154123544693 a:0.03521895408630371 such:0.024604350328445435 :0.10855124145746231 +the:0.05853461101651192 of:0.04267409071326256 and:0.04019743949174881 in:0.028410959988832474 :0.07156471163034439 +be:0.17799894511699677 have:0.0667298436164856 see:0.027912363409996033 get:0.026959897950291634 :0.07984307408332825 +the:0.3188053369522095 a:0.05631179362535477 any:0.032891690731048584 their:0.01960531435906887 :0.1026371419429779 +to:0.1353389173746109 that:0.13148733973503113 and:0.07214991748332977 of:0.07000412791967392 :0.09100182354450226 +a:0.06382457166910172 necessary:0.03521808236837387 possible:0.030392447486519814 the:0.020265525206923485 :0.16737905144691467 +and:0.20469988882541656 the:0.1003974974155426 in:0.030971845611929893 to:0.030189821496605873 :0.08620776236057281 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +is:0.19559064507484436 was:0.14299724996089935 will:0.03922338783740997 would:0.03499918803572655 :0.07595132291316986 +of:0.2976204752922058 and:0.05203302949666977 in:0.038667187094688416 are:0.02169928513467312 :0.021446654573082924 +the:0.08185596764087677 with:0.07950229942798615 so:0.037230897694826126 so,:0.031726717948913574 :0.047565437853336334 +few:0.022570189088582993 large:0.017954453825950623 great:0.012992098927497864 good:0.012637198902666569 :0.2135186344385147 +the:0.08020550012588501 a:0.05663274601101875 in:0.04484207183122635 by:0.03878284990787506 :0.06388106197118759 +and:0.006796792149543762 the:0.0065011680126190186 a:0.00485554663464427 great:0.004613497760146856 :0.27738887071609497 +of:0.10223271697759628 and:0.029782574623823166 interests:0.023671550676226616 way:0.014974839054048061 :0.11206744611263275 +is:0.2612378001213074 are:0.1689162403345108 was:0.08594944328069687 were:0.06510671228170395 :0.037861961871385574 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +be:0.22075290977954865 not:0.04107966646552086 enable:0.02449030429124832 make:0.02245761640369892 :0.08682482689619064 +a:0.12357238680124283 the:0.12170661240816116 his:0.02027956023812294 an:0.01730959676206112 :0.12960560619831085 +the:0.2516953647136688 a:0.05129598081111908 any:0.014612584374845028 this:0.0130580123513937 :0.15232887864112854 +hour:0.018498219549655914 old:0.017330698668956757 order:0.011258206330239773 end:0.008793087676167488 :0.13777093589305878 +fendants,:0.03576243296265602 scribed:0.027058834210038185 struction:0.021518230438232422 mands:0.018700169399380684 :0.4685473144054413 +The:0.12360184639692307 It:0.04512478783726692 He:0.03883416950702667 They:0.029744258150458336 :0.06064067780971527 +a:0.13403676450252533 the:0.06944283097982407 not:0.04981841892004013 an:0.016019992530345917 :0.07908862084150314 +country:0.04513436183333397 city:0.032488130033016205 time:0.012945633381605148 city,:0.012899253517389297 :0.11745162308216095 +the:0.18621133267879486 a:0.04513437673449516 his:0.04191618412733078 and:0.030505064874887466 :0.053611766546964645 +to:0.04556085169315338 the:0.04348483681678772 and:0.037509530782699585 be:0.024387972429394722 :0.142970472574234 +good:0.015542692504823208 man:0.012464536353945732 large:0.010819372721016407 few:0.010160395875573158 :0.1528167426586151 +be:0.6142532825469971 bo:0.02111908420920372 have:0.015086271800100803 fail:0.012380620464682579 :0.05628311634063721 +be:0.06498125195503235 see:0.04333554208278656 know:0.03172539919614792 the:0.029963597655296326 :0.0704946517944336 +own:0.03315412998199463 way:0.016659241169691086 head:0.004167139995843172 full:0.004037507344037294 :0.24018904566764832 +other:0.35325223207473755 of:0.06233623996376991 one:0.037660643458366394 other,:0.016652991995215416 :0.11072928458452225 +and:0.13215523958206177 of:0.036070261150598526 in:0.026454776525497437 to:0.020044729113578796 :0.1268940418958664 +of:0.6529754400253296 hereof:0.024190297350287437 was:0.021120408549904823 is:0.013552287593483925 :0.024547265842556953 +is:0.1790180802345276 was:0.11915060877799988 has:0.05337722226977348 were,:0.029229141771793365 :0.04761647805571556 +and:0.05443527549505234 the:0.023367982357740402 to:0.019525913521647453 of:0.019086405634880066 :0.20785517990589142 +of:0.05201830714941025 and:0.046781688928604126 to:0.041205983608961105 the:0.03436647728085518 :0.1936572939157486 +and:0.06634429097175598 of:0.03091687522828579 is:0.025550222024321556 to:0.0237662922590971 :0.10102403163909912 +and:0.05189216509461403 to:0.026446284726262093 stock:0.014575963839888573 in:0.009278872050344944 :0.1585366576910019 +of:0.1518164724111557 and:0.04208092391490936 thing:0.01620057411491871 form:0.011406227014958858 :0.14480847120285034 +and:0.02607068046927452 circulation:0.024552572518587112 satisfaction:0.02137746661901474 a:0.019416071474552155 :0.19226522743701935 +and:0.01844916306436062 Affairs:0.0165361687541008 Missionary:0.007967154495418072 .:0.0037019660230726004 :0.4939873218536377 +the:0.032483477145433426 was:0.02919202856719494 of:0.027414429932832718 and:0.026798516511917114 :0.17232030630111694 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +the:0.02915702760219574 of:0.0270449947565794 and:0.026315025985240936 to:0.022691696882247925 :0.18344801664352417 +and:0.017998266965150833 Shore:0.013075605034828186 the:0.01066242903470993 of:0.008720017969608307 :0.27676963806152344 +have:0.08000990748405457 was:0.054401107132434845 am:0.04679582640528679 had:0.03397693485021591 :0.06056196615099907 +and:0.0742531567811966 of:0.026936504989862442 the:0.02354312874376774 to:0.02202116884291172 :0.17746330797672272 +and:0.1588708460330963 but:0.05169445648789406 to:0.034249722957611084 the:0.027495162561535835 :0.11260766535997391 +the:0.19926171004772186 it:0.06940458714962006 we:0.04997146129608154 they:0.048201967030763626 :0.04962903633713722 +the:0.038647208362817764 paid:0.029896916821599007 made:0.026404066011309624 a:0.02053823508322239 :0.13435012102127075 +few:0.07212864607572556 short:0.026284290477633476 very:0.0147770456969738 large:0.011302444152534008 :0.1578875482082367 +The:0.10834354162216187 She:0.06776019930839539 It:0.04327196255326271 In:0.030643194913864136 :0.06060684472322464 +and:0.052512276917696 of:0.04880344867706299 to:0.03846424072980881 in:0.03399563208222389 :0.28588438034057617 +States:0.4906804859638214 States,:0.18643523752689362 States.:0.10460172593593597 Slates:0.01353408768773079 :0.11112630367279053 +streets:0.008666482754051685 air:0.0060780164785683155 window:0.006005006842315197 city:0.00590153131633997 :0.21262012422084808 +majority:0.011663003824651241 and:0.009525404311716557 power:0.0049087065272033215 mass:0.004904570057988167 :0.2648523449897766 +the:0.037791211158037186 a:0.028346216306090355 men:0.005707967560738325 people:0.004670054651796818 :0.237759530544281 +and:0.011112263426184654 way:0.007816435769200325 interests:0.005412261467427015 way.:0.0047184256836771965 :0.23191484808921814 +and:0.23534733057022095 but:0.0522744357585907 in:0.033405501395463943 the:0.032467205077409744 :0.07256341725587845 +to:0.3042348027229309 a:0.06261312961578369 that:0.050965212285518646 by:0.04898044094443321 :0.048030197620391846 +to:0.7446420788764954 not:0.10995373874902725 for:0.009777159430086613 the:0.005717197898775339 :0.010005638934671879 +the:0.09706413000822067 a:0.05105684697628021 to:0.0225650854408741 that:0.016293402761220932 :0.16553577780723572 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +The:0.0838988795876503 It:0.06487417966127396 In:0.053364347666502 I:0.03378423675894737 :0.10724911838769913 +great:0.03255532681941986 very:0.021029382944107056 good:0.016094651073217392 little:0.010640676133334637 :0.15842343866825104 +own:0.024038812145590782 members:0.004807936027646065 most:0.004763392265886068 great:0.004400890786200762 :0.2552633583545685 +on:0.24234744906425476 ward:0.1560261845588684 in:0.05880529433488846 and:0.027241697534918785 :0.11848544329404831 +sembled:0.07658801972866058 surance:0.05074576660990715 sistance:0.01890140026807785 sessed:0.017098013311624527 :0.490169495344162 +a:0.0826164186000824 not:0.06674446910619736 the:0.049485839903354645 to:0.019894205033779144 :0.08433448523283005 +be:0.5147363543510437 have:0.0332946702837944 bo:0.020488029345870018 fail:0.014081901870667934 :0.07609528303146362 +own:0.038624998182058334 way:0.02689218707382679 head:0.012677961029112339 face:0.009995611384510994 :0.17132501304149628 +of:0.5696888566017151 to:0.04509733244776726 and:0.04472875967621803 in:0.01725599728524685 :0.04245266690850258 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +time:0.06716762483119965 as:0.03796509653329849 to:0.026660649105906487 time,:0.01691386103630066 :0.09311540424823761 +and:0.08094039559364319 of:0.029172059148550034 or:0.015418845228850842 to:0.012377509847283363 :0.17110106348991394 +and:0.09390649944543839 to:0.06255794316530228 in:0.03949514776468277 of:0.032296642661094666 :0.08302540332078934 +of:0.08046947419643402 and:0.06822025775909424 to:0.06100810319185257 in:0.033948417752981186 :0.05180864408612251 +or:0.06726127862930298 hundred:0.04225262627005577 times:0.022203747183084488 years:0.0219835564494133 :0.13495855033397675 +in:0.05969586223363876 by:0.05108607932925224 and:0.04970809072256088 from:0.032695427536964417 :0.05137646198272705 +the:0.028332600370049477 and:0.026778526604175568 was:0.024218950420618057 in:0.014708071947097778 :0.17882029712200165 +country:0.01565433293581009 whole:0.011665454134345055 country.:0.007986258715391159 entire:0.007771843578666449 :0.21156960725784302 +and:0.06728030741214752 than:0.05685604736208916 to:0.04836925119161606 of:0.04755048826336861 :0.08573032915592194 +the:0.11156468838453293 a:0.02235173061490059 that:0.02211136929690838 to:0.016154253855347633 :0.11838654428720474 +to:0.3012559115886688 and:0.11224553734064102 of:0.03191647678613663 in:0.028421558439731598 :0.059673674404621124 +to:0.6084581017494202 for:0.19240067899227142 and:0.015452014282345772 at:0.011517306789755821 :0.011265248991549015 +Dominion:0.008040706627070904 Point:0.007189145777374506 World:0.005726452451199293 and:0.005689145997166634 :0.646568238735199 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.06731666624546051 of:0.02747407555580139 to:0.020827975124120712 the:0.018055597320199013 :0.23669232428073883 +and:0.1430651843547821 the:0.060336753726005554 to:0.03676203265786171 but:0.022210286930203438 :0.16599825024604797 +of:0.32081976532936096 in:0.044045280665159225 to:0.03464385122060776 and:0.034571997821331024 :0.03023035079240799 +the:0.07015631347894669 that:0.02856474742293358 a:0.023585323244333267 to:0.017162205651402473 :0.09439956396818161 +the:0.24337486922740936 a:0.026089845225214958 this:0.025556763634085655 his:0.019179265946149826 :0.11313781887292862 +the:0.1956169158220291 a:0.01982487365603447 his:0.015909211710095406 this:0.01039034966379404 :0.15245048701763153 +the:0.30842700600624084 a:0.04402852803468704 this:0.03863227739930153 these:0.03849785029888153 :0.040962036699056625 +and:0.11392135918140411 of:0.049615900963544846 in:0.04627828672528267 to:0.04110979661345482 :0.12152781337499619 +the:0.15833483636379242 be:0.042393043637275696 do:0.036287255585193634 a:0.020051803439855576 :0.10357975214719772 +of:0.6419022679328918 and:0.08411911129951477 are:0.016243604943156242 in:0.013939518481492996 :0.01644475944340229 +have:0.12804126739501953 are:0.09333799034357071 had:0.03826006129384041 can:0.032788410782814026 :0.06468401849269867 +of:0.10223271697759628 and:0.029782574623823166 interests:0.023671550676226616 way:0.014974839054048061 :0.11206744611263275 +and:0.08747165650129318 to:0.02489342913031578 of:0.021503906697034836 or:0.017625778913497925 :0.16362422704696655 +in:0.012325119227170944 and:0.011669483967125416 own:0.010822474956512451 a:0.010328482836484909 :0.2951984703540802 +and:0.1153094694018364 the:0.040145810693502426 thence:0.034761715680360794 in:0.03455333411693573 :0.11215682327747345 +The:0.07325547188520432 Beginning:0.07211971282958984 All:0.044382158666849136 Lot:0.04195629432797432 :0.23619791865348816 +own:0.04171669855713844 power:0.01256579253822565 duty:0.007870682515203953 best:0.007360491901636124 :0.22078333795070648 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +four:0.5791571140289307 five:0.03005516156554222 six:0.01943056657910347 more:0.017466887831687927 :0.046869464218616486 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.04809850826859474 the:0.043761853128671646 by:0.035347044467926025 to:0.028889885172247887 :0.12042132019996643 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +of:0.12196113914251328 and:0.07944134622812271 to:0.02889263816177845 The:0.02192632295191288 :0.1642218679189682 +and:0.19849978387355804 of:0.08420273661613464 in:0.05531294271349907 is:0.04312265291810036 :0.043865568935871124 +was:0.14656515419483185 had:0.11709137260913849 would:0.06959188729524612 could:0.045092929154634476 :0.09757024049758911 +given:0.08137699216604233 notified:0.020225131884217262 made:0.020031504333019257 required:0.019640762358903885 :0.33732229471206665 +is:0.07740681618452072 to:0.056519296020269394 in:0.033039335161447525 with:0.02710474282503128 :0.10314290970563889 +the:0.26585453748703003 this:0.03427267074584961 a:0.03376351296901703 which:0.02310006134212017 :0.07175831496715546 +the:0.2557009756565094 a:0.052614785730838776 tho:0.012079917825758457 his:0.011398034170269966 :0.25110915303230286 +and:0.03675670921802521 of:0.01469146367162466 the:0.011104588396847248 in:0.009670372121036053 :0.26088035106658936 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +the:0.11845692992210388 he:0.04199850931763649 they:0.028294583782553673 is:0.02414705790579319 :0.044683877378702164 +the:0.32625529170036316 a:0.05354299023747444 his:0.02796304225921631 tho:0.01951659843325615 :0.057419370859861374 +to:0.24857701361179352 and:0.08762083202600479 in:0.050936259329319 by:0.04379063844680786 :0.05109605938196182 +and:0.06659034639596939 to:0.04242805391550064 of:0.03305015712976456 in:0.03140709176659584 :0.08687259256839752 +the:0.05403327941894531 to:0.04201113432645798 and:0.03307858854532242 a:0.022806920111179352 :0.14323627948760986 +the:0.041240185499191284 a:0.0286763496696949 healthy:0.01336460467427969 more:0.012155086733400822 :0.17174920439720154 +the:0.13575878739356995 be:0.06373607367277145 a:0.01992376707494259 make:0.01604430563747883 :0.05846129357814789 +not:0.039581190794706345 the:0.03379455581307411 that:0.03184277191758156 a:0.030272968113422394 :0.19264833629131317 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.26023176312446594 a:0.044005636125802994 this:0.039091479033231735 which:0.01774468645453453 :0.07145735621452332 +of:0.08244536817073822 in:0.037995170801877975 the:0.02930443175137043 to:0.024882329627871513 :0.14465691149234772 +of:0.16591575741767883 and:0.11266634613275528 in:0.03700760006904602 was:0.035674579441547394 :0.0507168285548687 +to:0.09283597767353058 the:0.09005040675401688 a:0.07662292569875717 by:0.0274879839271307 :0.029711363837122917 +per:0.16802287101745605 cents:0.08881339430809021 to:0.07434739917516708 and:0.03784908726811409 :0.15256492793560028 +to:0.04538774490356445 not:0.044863950461149216 the:0.04412202164530754 a:0.03905961290001869 :0.12515927851200104 +the:0.05550246313214302 a:0.017023134976625443 tho:0.010867517441511154 that:0.009839242324233055 :0.2593161165714264 +first:0.0074867550283670425 people:0.005374054424464703 whole:0.004896372556686401 following:0.004343745764344931 :0.31969964504241943 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +the:0.4240637719631195 a:0.039470039308071136 this:0.02780078910291195 tho:0.018690893426537514 :0.139892578125 +the:0.06925057619810104 to:0.03735799714922905 that:0.0294477716088295 than:0.028037196025252342 :0.1802665740251541 +the:0.04298759996891022 and:0.04111640900373459 of:0.031676337122917175 a:0.016705721616744995 :0.13785751163959503 +force:0.015820728614926338 many:0.015303713269531727 difficulty:0.014451438561081886 care:0.013139000162482262 :0.22096261382102966 +of:0.12570485472679138 and:0.060180775821208954 to:0.03124222159385681 in:0.026266325265169144 :0.12416394799947739 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +the:0.4140321612358093 a:0.04041782394051552 this:0.03011450730264187 their:0.014770904555916786 :0.07277290523052216 +the:0.34328874945640564 a:0.06001957878470421 his:0.03436968848109245 this:0.024372652173042297 :0.10030105710029602 +the:0.035568755120038986 not:0.030522914603352547 in:0.018032176420092583 now:0.015712246298789978 :0.09019775688648224 +the:0.04690080136060715 a:0.023993192240595818 any:0.01911311224102974 other:0.015991101041436195 :0.2837858200073242 +effort:0.059160176664590836 average:0.012350539676845074 interest:0.012323027476668358 order:0.011196514591574669 :0.14024586975574493 +and:0.07347806543111801 to:0.03194411098957062 the:0.02620350942015648 of:0.024060450494289398 :0.16818319261074066 +from:0.26903465390205383 the:0.0606289878487587 to:0.035524532198905945 a:0.02577877976000309 :0.11456448584794998 +and:0.02550920844078064 of:0.008105077780783176 the:0.007403739262372255 in:0.007267126347869635 :0.2614973187446594 +the:0.30133357644081116 a:0.028291961178183556 this:0.022530078887939453 his:0.01530412770807743 :0.13348370790481567 +of:0.021707508713006973 a:0.020148398354649544 the:0.017588162794709206 to:0.017092900350689888 :0.30832692980766296 +of:0.27674421668052673 who:0.0526159293949604 to:0.04227253422141075 are:0.03817153722047806 :0.036899711936712265 +and:0.05170193687081337 the:0.036543674767017365 in:0.024090325459837914 to:0.020786330103874207 :0.1593482494354248 +of:0.5095038414001465 where:0.0472821407020092 and:0.028286291286349297 to:0.024996712803840637 :0.02541336975991726 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.21560049057006836 of:0.04846566915512085 that:0.01854006201028824 these:0.01603967882692814 :0.10241270810365677 +the:0.26345664262771606 a:0.06416881829500198 their:0.037582878023386 them:0.030820248648524284 :0.04305665194988251 +a:0.14548775553703308 the:0.07858864217996597 from:0.06995566934347153 by:0.05549654737114906 :0.04683086648583412 +is:0.07477954030036926 was:0.055856142193078995 has:0.034912243485450745 are:0.033155567944049835 :0.07991375029087067 +of:0.5741053223609924 and:0.0680822879076004 was:0.028232580050826073 is:0.014706019312143326 :0.034379567950963974 +up:0.11893294751644135 out:0.08778313547372818 the:0.0672747939825058 a:0.050963059067726135 :0.09660235047340393 +Minnesota,:0.14305901527404785 North:0.06067340821027756 Nevada,:0.04543463513255119 California,:0.03159838169813156 :0.0783284530043602 +own:0.023425236344337463 way:0.004786391742527485 names:0.004459293559193611 lives:0.0033440159168094397 :0.2856011688709259 +the:0.18500320613384247 a:0.05082648992538452 he:0.04127568379044533 I:0.032521989196538925 :0.09655306488275528 +are:0.14387373626232147 will:0.0776800587773323 can:0.06929012387990952 have:0.057882197201251984 :0.0764641985297203 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +was:0.0855555385351181 have:0.07729937881231308 had:0.07720557600259781 am:0.0675743892788887 :0.05694499611854553 +the:0.09729675948619843 it:0.04769623652100563 he:0.027081863954663277 they:0.02597961015999317 :0.0797344520688057 +of:0.7403320074081421 in:0.02237228862941265 ot:0.01332248654216528 and:0.009190122596919537 :0.011051605455577374 +in:0.2785014808177948 on:0.16658174991607666 at:0.0846967101097107 upon:0.05924287438392639 :0.04233400896191597 +the:0.2725299894809723 a:0.05124780163168907 this:0.039807774126529694 tho:0.021945102140307426 :0.07424140721559525 +and:0.08121281117200851 by:0.05988403782248497 to:0.0500798337161541 in:0.028750929981470108 :0.14481566846370697 +therefore,:0.2057035118341446 if:0.06197234243154526 the:0.04342593997716904 I:0.03613004460930824 :0.03782494738698006 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +of:0.08323623239994049 and:0.05154899135231972 the:0.023551061749458313 The:0.018144957721233368 :0.22444164752960205 +other:0.025820773094892502 persons:0.020642420276999474 the:0.01859431527554989 more:0.018450722098350525 :0.2489984929561615 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +the:0.22550906240940094 tbe:0.017980771139264107 a:0.015772178769111633 tho:0.015509456396102905 :0.21462947130203247 +same:0.01772996038198471 best:0.016647201031446457 most:0.016291717067360878 whole:0.007837493903934956 :0.18262648582458496 +the:0.22477923333644867 be:0.03899076208472252 whether:0.023945176973938942 make:0.021186623722314835 :0.08064348250627518 +the:0.382966548204422 a:0.04324611276388168 his:0.02267502434551716 which:0.017587905749678612 :0.04717177152633667 +of:0.33374980092048645 in:0.05686376988887787 and:0.04957171529531479 on:0.02228478528559208 :0.05042178928852081 +of:0.1749953180551529 a:0.1126808375120163 the:0.09995158016681671 in:0.04713545739650726 :0.053755562752485275 +to:0.2843562066555023 of:0.07053148001432419 in:0.04501382261514664 with:0.038640785962343216 :0.03221704065799713 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.08605175465345383 of:0.07930178195238113 to:0.033945232629776 the:0.030482396483421326 :0.14822009205818176 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +to:0.7977019548416138 at:0.014528119005262852 and:0.012439980171620846 in:0.00967468973249197 :0.05228733643889427 +of:0.0635133907198906 and:0.06195507571101189 to:0.024312643334269524 The:0.0214693583548069 :0.1647065430879593 +and:0.07305588573217392 the:0.03267774358391762 to:0.030519582331180573 The:0.016636598855257034 :0.1549842655658722 +of:0.1267433613538742 and:0.048932041972875595 in:0.024829111993312836 the:0.013911248184740543 :0.2054397165775299 +A.:0.017150767147541046 A:0.014777923002839088 C:0.013358121737837791 W:0.010115017183125019 :0.4102557301521301 +than:0.3815634250640869 and:0.058411601930856705 to:0.013016844168305397 proportion:0.011430912651121616 :0.06817054748535156 +said:0.005479303188621998 other:0.005200373474508524 most:0.004511729814112186 whole:0.004431758541613817 :0.37027648091316223 +the:0.25644269585609436 a:0.07308409363031387 his:0.015066634863615036 two:0.013921580277383327 :0.10410920530557632 +and:0.13252681493759155 A.:0.02617299184203148 the:0.022937241941690445 with:0.017318686470389366 :0.20801593363285065 +and:0.11619768291711807 or:0.03959501534700394 in:0.03437352925539017 was:0.026375403627753258 :0.14389635622501373 +best:0.022413456812500954 money:0.013607904314994812 same:0.010992924682796001 first:0.007526422385126352 :0.18932871520519257 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +own:0.057209182530641556 names:0.009472379460930824 first:0.006034879479557276 respective:0.005695206578820944 :0.1898326277732849 +and:0.06686776131391525 men:0.06036866828799248 in:0.05846638232469559 to:0.03171364963054657 :0.07779902964830399 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.34583213925361633 a:0.032741010189056396 this:0.022684268653392792 tho:0.016129035502672195 :0.10553537309169769 +and:0.044882599264383316 of:0.04168293997645378 to:0.030510282143950462 I:0.028615260496735573 :0.1790299266576767 +the:0.03328715264797211 a:0.02269027754664421 any:0.0192266833037138 more:0.01805001124739647 :0.15445803105831146 +the:0.06450515240430832 2,:0.035462576895952225 and:0.029317989945411682 to:0.02783699333667755 :0.3043633699417114 +the:0.09570899605751038 a:0.023232879117131233 that:0.013641932979226112 I:0.013189313001930714 :0.11970324069261551 +line:0.0632149800658226 to:0.05712348595261574 lines:0.030688656494021416 as:0.01984078623354435 :0.2534784972667694 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +been:0.2114354819059372 not:0.04237138107419014 a:0.04003627225756645 the:0.023676929995417595 :0.09581014513969421 +the:0.17337314784526825 a:0.039829500019550323 it:0.038613270968198776 he:0.038568250834941864 :0.06360015273094177 +the:0.14746060967445374 a:0.06216926500201225 them:0.032636165618896484 their:0.019716259092092514 :0.07875365763902664 +he:0.1666184365749359 that:0.16173595190048218 to:0.07564502954483032 the:0.06436262279748917 :0.07864630967378616 +the:0.1742580682039261 a:0.019436065107584 this:0.019050687551498413 said:0.01834014803171158 :0.1463651806116104 +as:0.05862372741103172 in:0.052929870784282684 whereas,:0.049641791731119156 if:0.034636374562978745 :0.09518866240978241 +the:0.28994837403297424 a:0.04022938385605812 their:0.02549494057893753 his:0.02369960956275463 :0.12667761743068695 +be:0.40624329447746277 have:0.08963736891746521 bo:0.025408215820789337 not:0.01775938645005226 :0.048961538821458817 +and:0.050647154450416565 to:0.03351585566997528 the:0.030485574156045914 of:0.018292538821697235 :0.25684210658073425 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +for:0.5953748822212219 to:0.048696331679821014 of:0.038156114518642426 and:0.02592822164297104 :0.025380633771419525 +the:0.11519953608512878 I:0.05423782020807266 it:0.048920292407274246 there:0.048814643174409866 :0.04650592803955078 +to:0.05998526141047478 and:0.03677666559815407 were:0.027201412245631218 the:0.025347383692860603 :0.11791757494211197 +A:0.00922589935362339 J:0.007576922886073589 C:0.007536579389125109 W:0.007462236098945141 :0.476530522108078 +stantly:0.07699625939130783 nected:0.05726611986756325 cerned:0.05257157236337662 scious:0.052249111235141754 :0.34963154792785645 +a:0.05187748372554779 not:0.0440552681684494 the:0.023011887446045876 in:0.02146747149527073 :0.10868587344884872 +of:0.16636323928833008 and:0.12192974984645844 in:0.0796458050608635 are:0.048593681305646896 :0.030089503154158592 +and:0.053107455372810364 to:0.048795461654663086 in:0.030108578503131866 on:0.026485567912459373 :0.12472165375947952 +and:0.14450281858444214 or:0.050672054290771484 to:0.037708308547735214 for:0.03555580973625183 :0.03702276945114136 +and:0.14007779955863953 to:0.11900816857814789 for:0.04782997816801071 of:0.04024088755249977 :0.06668908894062042 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.3174285888671875 and:0.11014700680971146 that:0.04163471236824989 in:0.03589874133467674 :0.03546709567308426 +and:0.03130265325307846 case:0.015891311690211296 county:0.01226749923080206 or:0.009269324131309986 :0.2388165146112442 +own:0.04355230927467346 wife:0.007538091391324997 name:0.006880061235278845 face:0.0066915759816765785 :0.18005484342575073 +the:0.3151485323905945 a:0.11876905709505081 all:0.05585576221346855 their:0.017831722274422646 :0.07279372960329056 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +the:0.11683224141597748 to:0.020493488758802414 that:0.01909944787621498 was:0.016206806525588036 :0.10173983126878738 +of:0.8181079626083374 and:0.020428117364645004 ot:0.019420353695750237 or:0.008606737479567528 :0.016631819307804108 +be:0.5940107703208923 bo:0.031068196520209312 not:0.0235995315015316 he:0.00983702577650547 :0.028229527175426483 +struction:0.030098892748355865 gress:0.024488426744937897 tract:0.02113589644432068 siderable:0.016353391110897064 :0.5230196714401245 +or:0.09566409140825272 times:0.0564735047519207 years:0.040438562631607056 and:0.034173671156167984 :0.11981476098299026 +and:0.21373188495635986 in:0.06432753056287766 but:0.05063259229063988 the:0.03947635740041733 :0.0376528836786747 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +good:0.04574888199567795 great:0.03011997789144516 little:0.022309912368655205 large:0.01505187526345253 :0.1698296219110489 +and:0.06236555799841881 of:0.04022938385605812 the:0.03404207155108452 in:0.017863741144537926 :0.12569938600063324 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.031328145414590836 a:0.013827655464410782 more:0.009057662449777126 to:0.008236625231802464 :0.1860886961221695 +of:0.21064382791519165 and:0.07263018190860748 to:0.033051468431949615 was:0.0321008525788784 :0.08763249963521957 +The:0.13663388788700104 It:0.04451470822095871 He:0.040852949023246765 A:0.03188386559486389 :0.0728641077876091 +not:0.6332009434700012 the:0.023257317021489143 seem:0.012126611545681953 a:0.01183665357530117 :0.02881375141441822 +and:0.03980288654565811 of:0.017979644238948822 to:0.005807268898934126 was:0.005388506688177586 :0.15556320548057556 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.0708279088139534 to:0.019504215568304062 that:0.01663113199174404 a:0.013329587876796722 :0.13038639724254608 +and:0.03342684730887413 of:0.020580071955919266 the:0.01672280579805374 boy.:0.015427397564053535 :0.33802637457847595 +amount:0.014165448024868965 sum:0.013288271613419056 same:0.011896705254912376 whole:0.007118941750377417 :0.12536226212978363 +to:0.1852947473526001 in:0.06410053372383118 the:0.05468511953949928 and:0.04820764809846878 :0.037767015397548676 +name:0.031366124749183655 names:0.029385332018136978 duty:0.016117874532938004 only:0.015138323418796062 :0.18075521290302277 +of:0.12337225675582886 one:0.016184978187084198 years:0.015513666905462742 very:0.013581144623458385 :0.12142717838287354 +the:0.1213175356388092 said:0.016678480431437492 a:0.009699276648461819 and:0.008261585608124733 :0.442217618227005 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.13430964946746826 as:0.10425784438848495 that:0.09159082919359207 to:0.040591441094875336 :0.07455606758594513 +and:0.014987665228545666 the:0.0038463943637907505 of:0.0033334053587168455 said:0.002639204729348421 :0.7112492322921753 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +as:0.09119144827127457 after:0.08969882875680923 to:0.03269806131720543 the:0.028808286413550377 :0.10617450624704361 +.:0.056416627019643784 large:0.02569924294948578 few:0.0222958754748106 D:0.011913943104445934 :0.22381694614887238 +sociation:0.0511966198682785 sistant:0.050580382347106934 sembly:0.04917866736650467 signed:0.03705964609980583 :0.4581301212310791 +the:0.04932286590337753 and:0.04884449392557144 of:0.034710463136434555 a:0.018504032865166664 :0.215331569314003 +clared:0.038149312138557434 scribed:0.0375138483941555 clined:0.03432876244187355 cided:0.03334023430943489 :0.2817378342151642 +the:0.16903406381607056 that:0.10134634375572205 to:0.05394400283694267 him:0.03727373853325844 :0.045779258012771606 +best:0.00930433813482523 same:0.009161880239844322 matter:0.008819537237286568 most:0.0072902897372841835 :0.1618477702140808 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.1298447549343109 of:0.0996771901845932 to:0.06666535139083862 from:0.020526155829429626 :0.039409298449754715 +of:0.06091293320059776 amount:0.024858057498931885 country:0.016958417370915413 sum:0.016614487394690514 :0.10629099607467651 +been:0.26396748423576355 no:0.029917225241661072 done:0.02592349238693714 a:0.025025494396686554 :0.04318419098854065 +and:0.06202692911028862 of:0.05612919107079506 ending:0.05611845478415489 the:0.038948796689510345 :0.07655421644449234 +day:0.1417136937379837 and:0.024682456627488136 of:0.01710410974919796 year:0.013473832048475742 :0.1384143978357315 +the:0.35803166031837463 this:0.050447091460227966 a:0.029352011159062386 his:0.02715873531997204 :0.07675319164991379 +the:0.08249802887439728 a:0.07329598814249039 one:0.0711083859205246 two:0.024605767801404 :0.10974400490522385 +and:0.056792251765728 of:0.03189714252948761 the:0.018302880227565765 The:0.01766705885529518 :0.18527282774448395 +and:0.06844921410083771 the:0.0636531412601471 a:0.03483946993947029 to:0.029571538791060448 :0.053765278309583664 +and:0.04257730394601822 the:0.02175944857299328 in:0.016070161014795303 which:0.014973023906350136 :0.07442565262317657 +own:0.03821973130106926 respective:0.018119510263204575 hands:0.012440507300198078 efforts:0.011520433239638805 :0.20916175842285156 +west:0.05841463431715965 to:0.04351215809583664 the:0.03954324871301651 of:0.03928117826581001 :0.10991612821817398 +gestion:0.6191798448562622 gest:0.05307641252875328 gested:0.04488133266568184 men:0.0013106762198731303 :0.1941096931695938 +to:0.11462683975696564 and:0.047050658613443375 of:0.025671154260635376 the:0.02432555891573429 :0.13915137946605682 +been:0.2137831151485443 a:0.049625057727098465 not:0.014795261435210705 had:0.014529162086546421 :0.087149478495121 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.1956169158220291 a:0.01982487365603447 his:0.015909211710095406 this:0.01039034966379404 :0.15245048701763153 +the:0.2232990860939026 a:0.04429630562663078 which:0.016579197719693184 their:0.01507018692791462 :0.15239077806472778 +the:0.05166993290185928 that:0.04863215237855911 of:0.028447138145565987 to:0.02547222562134266 :0.10372107475996017 +the:0.24777959287166595 any:0.06614919006824493 a:0.046331875026226044 and:0.017162857577204704 :0.05883609503507614 +of:0.04786454886198044 and:0.04491841793060303 or:0.028567243367433548 the:0.028341613709926605 :0.16377893090248108 +be:0.3466893136501312 not:0.06942093372344971 have:0.044844478368759155 bo:0.03156762942671776 :0.07793445140123367 +it:0.06573555618524551 the:0.05471094325184822 he:0.046740610152482986 I:0.04286796972155571 :0.04211147874593735 +the:0.16382436454296112 a:0.024144254624843597 said:0.014638178050518036 tho:0.008285041898488998 :0.17269571125507355 +and:0.4514833092689514 in:0.025751302018761635 at:0.0203683041036129 of:0.00937934685498476 :0.12877164781093597 +man:0.12205370515584946 person:0.0374593511223793 one:0.03612790256738663 farmer:0.018730299547314644 :0.13344264030456543 +are:0.10158289968967438 were:0.07548731565475464 have:0.06515594571828842 had:0.03381297364830971 :0.06503007560968399 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +of:0.06194222718477249 and:0.04299737513065338 the:0.03083769418299198 in:0.02067493088543415 :0.18265821039676666 +own:0.047889869660139084 husband,:0.019227638840675354 husband:0.016395140439271927 mother:0.012853062711656094 :0.16573917865753174 +the:0.2186325192451477 it:0.04503851756453514 he:0.03981441259384155 they:0.03171136975288391 :0.04860984906554222 +the:0.1503409892320633 a:0.033444445580244064 tho:0.013542912900447845 which:0.010224981233477592 :0.28167399764060974 +be:0.22239111363887787 have:0.022372150793671608 to:0.0144986966624856 say:0.014229844324290752 :0.03877018019556999 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.16617543995380402 a:0.04297858476638794 of:0.01913280040025711 in:0.017215244472026825 :0.0981091633439064 +the:0.28278493881225586 this:0.04563486948609352 a:0.03860727325081825 his:0.02170129120349884 :0.052622370421886444 +by:0.15507493913173676 in:0.11380449682474136 with:0.05580514669418335 at:0.04315407574176788 :0.07084422558546066 +of:0.8378877639770508 ot:0.01060462836176157 that:0.009647805243730545 the:0.0069272699765861034 :0.012901605106890202 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +part:0.0898202657699585 days:0.05528730899095535 in:0.022289328277111053 stages:0.018057730048894882 :0.13190898299217224 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +and:0.09953155368566513 of:0.04448919743299484 the:0.04251319169998169 to:0.031231185421347618 :0.15172328054904938 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.05495237559080124 a:0.01614425517618656 in:0.013974366709589958 to:0.0109914755448699 :0.13842783868312836 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +for:0.11216486245393753 to:0.07753851264715195 and:0.0759563073515892 in:0.04867616668343544 :0.11947609484195709 +is:0.14905793964862823 are:0.0764562115073204 was:0.06612778455018997 were:0.04761141538619995 :0.04293527454137802 +and:0.38972488045692444 but:0.04413900896906853 the:0.03583686798810959 which:0.02651483193039894 :0.02624465338885784 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +the:0.09729675948619843 it:0.04769623652100563 he:0.027081863954663277 they:0.02597961015999317 :0.0797344520688057 +was:0.08496018499135971 of:0.05596698820590973 and:0.04920988902449608 in:0.04782826825976372 :0.06416282057762146 +the:0.05325765535235405 a:0.045320432633161545 made:0.02483944594860077 in:0.014192063361406326 :0.20080716907978058 +pleased:0.056308846920728683 respected:0.04764799028635025 appreciated:0.027905819937586784 appreciated.:0.026208383962512016 :0.24103865027427673 +and:0.21424977481365204 to:0.050320498645305634 was:0.03986458480358124 in:0.02837693877518177 :0.05895261839032173 +the:0.0742606669664383 a:0.06466470658779144 to:0.04870108142495155 not:0.03675898537039757 :0.10516654700040817 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +e:0.013113639317452908 and:0.012280655093491077 y:0.01176674384623766 I:0.010583043098449707 :0.2949218451976776 +of:0.5279728174209595 is:0.022072143852710724 and:0.02076222561299801 to:0.016558395698666573 :0.030897444114089012 +time:0.2079513818025589 one:0.03557847812771797 less:0.03401406481862068 other:0.020968422293663025 :0.11862138658761978 +active:0.045714136213064194 good:0.01546714548021555 and:0.015412538312375546 the:0.012627570889890194 :0.20003636181354523 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +to:0.4400758445262909 in:0.04883209615945816 of:0.03460216894745827 from:0.029263542965054512 :0.03738296031951904 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +to:0.03207772225141525 the:0.031437311321496964 and:0.02601541019976139 I:0.020696697756648064 :0.20808419585227966 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.05237501859664917 of:0.03750517964363098 the:0.02514374442398548 The:0.017851106822490692 :0.1812046319246292 +and:0.0768163874745369 of:0.05801419913768768 in:0.04686791077256203 the:0.0352872833609581 :0.051795367151498795 +the:0.13407622277736664 a:0.0516829788684845 not:0.045752037316560745 to:0.042869195342063904 :0.1554057002067566 +ice:0.18049420416355133 and:0.029129454866051674 but:0.027041655033826828 The:0.024423299357295036 :0.15945085883140564 +able:0.042516693472862244 the:0.02917495369911194 a:0.024553237482905388 made:0.01837039925158024 :0.17426790297031403 +same:0.010865873657166958 whole:0.0064760479144752026 place:0.005287902895361185 first:0.004733600188046694 :0.22183912992477417 +in:0.22359442710876465 by:0.13592873513698578 to:0.12044674158096313 as:0.060274507850408554 :0.04297250136733055 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +who:0.10433132946491241 and:0.06682715564966202 in:0.044871985912323 to:0.043486759066581726 :0.0658230409026146 +of:0.2589062452316284 and:0.08384141325950623 in:0.023614773526787758 for:0.022722087800502777 :0.04521182179450989 +in:0.5093584656715393 to:0.09731484204530716 In:0.060783516615629196 on:0.02636425755918026 :0.02053126133978367 +the:0.24493150413036346 a:0.09650986641645432 what:0.019560817629098892 his:0.017167961224913597 :0.09454544633626938 +not:0.09861676394939423 be:0.0869012400507927 have:0.08404164761304855 make:0.017855204641819 :0.08173613995313644 +and:0.05420844629406929 are:0.02890617959201336 to:0.025839706882834435 the:0.02209361642599106 :0.15890032052993774 +.:0.020573224872350693 of:0.014904161915183067 per:0.011957376264035702 The:0.011711745522916317 :0.35288235545158386 +from:0.025710472837090492 and:0.013239647261798382 or:0.005206549074500799 way:0.005074215587228537 :0.20409169793128967 +and:0.07434063404798508 to:0.027249110862612724 The:0.021744346246123314 of:0.015541549772024155 :0.1585753709077835 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +country:0.021445252001285553 city,:0.017442379146814346 act,:0.016137536615133286 city:0.015404942445456982 :0.14275318384170532 +Mary:0.028223365545272827 Helen:0.013337216340005398 Margaret:0.011933082714676857 Edith:0.00998590886592865 :0.4372095763683319 +of:0.016750730574131012 and:0.01303213369101286 to:0.008540811017155647 the:0.007541827391833067 :0.29100093245506287 +to:0.1410817801952362 and:0.08278101682662964 in:0.06714789569377899 was:0.06221961975097656 :0.046410687267780304 +to:0.05330149456858635 and:0.03399304673075676 in:0.032187383621931076 the:0.020833158865571022 :0.07979024201631546 +The:0.11964588612318039 He:0.06873034685850143 It:0.04224133491516113 This:0.023078760132193565 :0.15856397151947021 +the:0.33234578371047974 a:0.03326347842812538 this:0.029283322393894196 his:0.017935078591108322 :0.10923430323600769 +notified:0.03276751562952995 to:0.02591821923851967 ordered:0.021939827129244804 than:0.018666617572307587 :0.1271611452102661 +of:0.20161613821983337 in:0.02892109751701355 the:0.028619054704904556 and:0.026128290221095085 :0.07649637013673782 +was:0.12911224365234375 had:0.07096538692712784 has:0.04674408584833145 is:0.0372345894575119 :0.07286293804645538 +the:0.19860894978046417 be:0.1958557814359665 a:0.018674930557608604 have:0.012495740316808224 :0.07761399447917938 +and:0.036518845707178116 the:0.0175347700715065 of:0.013717611320316792 a:0.011093341745436192 :0.2405373901128769 +of:0.19232966005802155 and:0.09763611853122711 to:0.03396683931350708 are:0.031863123178482056 :0.07006064057350159 +and:0.12426596879959106 to:0.035567380487918854 the:0.023493174463510513 in:0.01752043329179287 :0.16747787594795227 +said:0.03316500782966614 same:0.011948902159929276 first:0.009821702726185322 whole:0.008743333630263805 :0.16022774577140808 +the:0.19829174876213074 a:0.11363717913627625 his:0.020226314663887024 which:0.017271677032113075 :0.1459406316280365 +the:0.12747889757156372 him:0.0809781402349472 me:0.06995685398578644 that:0.06246624141931534 :0.04296470433473587 +of:0.7797390818595886 that:0.017055395990610123 in:0.01628996431827545 is:0.0119039760902524 :0.011785167269408703 +be:0.48023030161857605 not:0.04714212194085121 be,:0.03233446553349495 have:0.02596687152981758 :0.05315291881561279 +was:0.0319291427731514 said:0.02456621639430523 had:0.017761578783392906 and:0.016203828155994415 :0.23843254148960114 +and:0.26546674966812134 but:0.09814313799142838 or:0.026853138580918312 the:0.022260036319494247 :0.07554883509874344 +of:0.6494569778442383 and:0.027216391637921333 the:0.017093880102038383 ot:0.008926169015467167 :0.04534033313393593 +only:0.03854608163237572 first:0.03794431313872337 most:0.02696702629327774 case:0.012655690312385559 :0.15530629456043243 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +and:0.16274550557136536 of:0.14387011528015137 to:0.030832065269351006 with:0.023126956075429916 :0.0639665350317955 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +the:0.2579314708709717 a:0.033579207956790924 this:0.027467627078294754 his:0.019824061542749405 :0.12498939037322998 +of:0.7100686430931091 in:0.022383060306310654 and:0.020318420603871346 ot:0.014074709266424179 :0.013563769869506359 +than:0.0954120084643364 and:0.0729638934135437 to:0.033711157739162445 the:0.026513701304793358 :0.13216593861579895 +The:0.1256793737411499 It:0.05613446980714798 He:0.031314294785261154 A:0.02913898602128029 :0.06710782647132874 +date:0.008526808582246304 United:0.007610153406858444 fact:0.006294529885053635 first:0.006063907407224178 :0.19325482845306396 +the:0.231779545545578 a:0.09075313061475754 his:0.014962475746870041 said:0.013156835921108723 :0.1312970221042633 +the:0.1745864748954773 a:0.033944256603717804 this:0.03306776285171509 their:0.013870852068066597 :0.1603972613811493 +be:0.2407093197107315 not:0.05511198192834854 have:0.020235594362020493 he:0.018162090331315994 :0.10494682937860489 +and:0.09275177866220474 the:0.06596143543720245 a:0.03616516292095184 at:0.02139333449304104 :0.27689746022224426 +many:0.07146736234426498 no:0.06389205902814865 two:0.05551290139555931 a:0.046317216008901596 :0.08566247671842575 +the:0.03673652559518814 of:0.01685904711484909 a:0.014933490194380283 at:0.010127915069460869 :0.2445450723171234 +the:0.2727324664592743 he:0.07851647585630417 they:0.052337564527988434 it:0.03583139181137085 :0.0529540590941906 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +of:0.28411033749580383 and:0.026917770504951477 from:0.01608389988541603 to:0.013762078247964382 :0.08748400211334229 +to:0.16399313509464264 for:0.05164531618356705 and:0.047862421721220016 that:0.046907566487789154 :0.10720715671777725 +the:0.08244413882493973 he:0.06795482337474823 they:0.04234783351421356 was:0.03421477600932121 :0.06770559400320053 +only:0.007561332080513239 following:0.007430559024214745 first:0.007053867448121309 next:0.006320121698081493 :0.12375440448522568 +that:0.0654858872294426 much:0.03728700056672096 many:0.037127286195755005 as:0.0368134081363678 :0.11201899498701096 +and:0.06338421255350113 to:0.046568602323532104 The:0.02815942093729973 the:0.02649172954261303 :0.16085021197795868 +and:0.07277323305606842 of:0.06829068064689636 to:0.03393666073679924 The:0.022868886590003967 :0.16447953879833221 +feet:0.12547557055950165 miles:0.10028830915689468 yards:0.06456474214792252 per:0.053728166967630386 :0.08927307277917862 +of:0.0804520696401596 and:0.058128051459789276 The:0.01974933221936226 to:0.014830115251243114 :0.24056197702884674 +the:0.048976022750139236 that:0.015600999817252159 a:0.015544088557362556 made:0.014227708801627159 :0.14927762746810913 +the:0.05081504210829735 in:0.045763202011585236 and:0.033451471477746964 with:0.032960034906864166 :0.08120348304510117 +the:0.08397769927978516 a:0.04879564419388771 fifteen:0.01811385713517666 five:0.009326362051069736 :0.1672031730413437 +and:0.07123184949159622 of:0.0258583165705204 who:0.021862665191292763 the:0.01528149377554655 :0.24119503796100616 +of:0.054732006043195724 and:0.04359826073050499 to:0.026005106046795845 the:0.023371370509266853 :0.2685171663761139 +to:0.6969042420387268 and:0.011472073383629322 for:0.01071430929005146 in:0.009844433516263962 :0.03611737862229347 +that:0.019442806020379066 the:0.019360847771167755 Court:0.01625674217939377 mortgage:0.015870852395892143 :0.15077665448188782 +active:0.03602005913853645 and:0.018007006496191025 good:0.014879331924021244 at:0.011906621977686882 :0.1690894514322281 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +not:0.07667552679777145 to:0.05254729464650154 the:0.04693017527461052 a:0.03049958124756813 :0.14944951236248016 +been:0.43909597396850586 the:0.01676267199218273 a:0.013822375796735287 not:0.011620812118053436 :0.17274747788906097 +of:0.32804781198501587 that:0.1129220724105835 the:0.052876587957143784 and:0.049910396337509155 :0.057492148131132126 +other:0.19738654792308807 of:0.13800384104251862 one:0.017938069999217987 part:0.008849436417222023 :0.11852721124887466 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +interest:0.016083721071481705 of:0.013326156884431839 damage:0.012835086323320866 quantities:0.011579538695514202 :0.1896492838859558 +of:0.06863987445831299 and:0.02459893934428692 in:0.010477540083229542 .:0.0070454697124660015 :0.2556021511554718 +of:0.13562044501304626 and:0.043549153953790665 to:0.014658039435744286 the:0.011333616450428963 :0.21024098992347717 +the:0.10263215750455856 be:0.04748042672872543 a:0.01957201212644577 have:0.014909189194440842 :0.14719760417938232 +the:0.12994644045829773 a:0.03143903985619545 tho:0.011006143875420094 and:0.010807229205965996 :0.27444764971733093 +the:0.20926538109779358 a:0.05979624763131142 which:0.01682346686720848 their:0.015047028660774231 :0.12338408827781677 +to:0.11219002306461334 in:0.034739792346954346 a:0.029129883274435997 that:0.02419711835682392 :0.18712525069713593 +clared:0.038149312138557434 scribed:0.0375138483941555 clined:0.03432876244187355 cided:0.03334023430943489 :0.2817378342151642 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +said:0.1487249732017517 the:0.12207972258329391 a:0.012439682148396969 lot:0.008175143972039223 :0.18369463086128235 +a:0.02595122717320919 made:0.02390310913324356 taken:0.016428183764219284 the:0.012994790449738503 :0.19729392230510712 +be:0.15981259942054749 have:0.12505201995372772 not:0.040145326405763626 do:0.016073351725935936 :0.06668141484260559 +the:0.23412558436393738 this:0.027761779725551605 a:0.02761288359761238 which:0.02718455158174038 :0.1177762821316719 +the:0.1175180971622467 a:0.05292918160557747 not:0.026685189455747604 to:0.010528596118092537 :0.2644369602203369 +name:0.017315132543444633 father:0.008279133588075638 mother:0.006633616518229246 last:0.006530718877911568 :0.15202100574970245 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.06390592455863953 to:0.01820996031165123 a:0.017592698335647583 that:0.012666307389736176 :0.12478521466255188 +of:0.08155999332666397 and:0.06218098849058151 the:0.04057178646326065 to:0.027306627482175827 :0.10059849917888641 +the:0.3509918451309204 a:0.03286582976579666 tho:0.015485185198485851 his:0.014169454574584961 :0.08511907607316971 +necessary:0.02500094100832939 made:0.023936236277222633 the:0.023093899711966515 said:0.022568104788661003 :0.14483880996704102 +of:0.16677291691303253 the:0.08460099250078201 a:0.053611885756254196 to:0.03615135699510574 :0.0706009492278099 +and:0.043919406831264496 of:0.026124946773052216 to:0.0232698917388916 the:0.018918180838227272 :0.2518627345561981 +and:0.034104909747838974 of:0.03300365433096886 to:0.031295426189899445 the:0.022853383794426918 :0.1514596939086914 +know:0.05172891169786453 want:0.025089748203754425 think:0.02492254041135311 see:0.024747323244810104 :0.09021051228046417 +and:0.007336881943047047 B.:0.005055466666817665 Smith,:0.004987749271094799 H.:0.004054706078022718 :0.5949974060058594 +and:0.0773027241230011 in:0.05207708477973938 for:0.04605560749769211 of:0.03357849642634392 :0.07453129440546036 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +that:0.1565830558538437 the:0.08390120416879654 to:0.0713408812880516 he:0.05994736775755882 :0.10659589618444443 +by:0.20579653978347778 a:0.1207435205578804 the:0.07066357135772705 to:0.04663640260696411 :0.047099437564611435 +and:0.0663563460111618 the:0.04622254520654678 not:0.026273904368281364 but:0.02587706409394741 :0.1287510246038437 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +not:0.0678371861577034 the:0.05247211083769798 a:0.0426916740834713 in:0.020070457831025124 :0.12530943751335144 +of:0.1172747015953064 to:0.04529369994997978 with:0.03479208052158356 and:0.03086194209754467 :0.27450987696647644 +the:0.28503790497779846 in:0.05610160529613495 with:0.04884035512804985 them:0.033320240676403046 :0.050403568893671036 +parts:0.028104113414883614 kinds:0.026659812778234482 sections:0.015989352017641068 points:0.013357188552618027 :0.13118508458137512 +same:0.009731079451739788 most:0.00936807505786419 best:0.007938690483570099 whole:0.007500309031456709 :0.15240240097045898 +of:0.20779982209205627 to:0.056792210787534714 and:0.05345350503921509 have:0.04193265736103058 :0.07943127304315567 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.38529571890830994 are:0.02923562005162239 were:0.026699712499976158 the:0.025746699422597885 :0.041860900819301605 +was:0.040192779153585434 and:0.03900322690606117 of:0.031873732805252075 is:0.026363397017121315 :0.1517830193042755 +was:0.06988023221492767 have:0.06003190577030182 would:0.043723881244659424 had:0.0435604564845562 :0.04152700677514076 +of:0.2536240518093109 and:0.14120757579803467 in:0.03561612218618393 to:0.03133958950638771 :0.0470200777053833 +the:0.026868566870689392 and:0.02450815960764885 a:0.023779328912496567 ing:0.018156269565224648 :0.4603927433490753 +same:0.017777884379029274 first:0.007038233336061239 time:0.00670403940603137 other:0.00613595312461257 :0.2097872644662857 +of:0.23432336747646332 in:0.04157490283250809 the:0.038507528603076935 was:0.03494248166680336 :0.05468961223959923 +the:0.2861369550228119 a:0.04036343842744827 this:0.02736944705247879 his:0.018684199079871178 :0.08509568870067596 +to:0.3217942714691162 in:0.02876688726246357 a:0.02804817445576191 the:0.027001772075891495 :0.038051772862672806 +same:0.1133698895573616 best:0.020772023126482964 most:0.014742408879101276 work:0.00964659545570612 :0.2086786925792694 +people:0.014286915771663189 said:0.009541111066937447 same:0.007768310606479645 United:0.007545930799096823 :0.16696782410144806 +with:0.07774017006158829 forces:0.05128239095211029 and:0.04126855358481407 of:0.019127843901515007 :0.12634164094924927 +stead:0.05640872195363045 cluding:0.03134125843644142 creased:0.029651354998350143 crease:0.028378386050462723 :0.38644668459892273 +same:0.030814317986369133 sum:0.013138464652001858 first:0.012668699026107788 most:0.01208620797842741 :0.18220774829387665 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.047386638820171356 to:0.038170117884874344 and:0.03518186882138252 a:0.01716468296945095 :0.14808766543865204 +and:0.05290108546614647 of:0.02975412644445896 to:0.020085085183382034 the:0.015984050929546356 :0.1872692108154297 +of:0.19586721062660217 edited:0.10579868406057358 and:0.09158094972372055 in:0.02301746979355812 :0.030058952048420906 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +to:0.06807815283536911 the:0.04898178204894066 and:0.02720005437731743 The:0.018343985080718994 :0.12352012097835541 +and:0.03761157765984535 of:0.03122285194694996 is:0.026507331058382988 are:0.023041240870952606 :0.18488696217536926 +year:0.04680344834923744 few:0.02186093106865883 hundred:0.017321882769465446 man:0.016440831124782562 :0.16981729865074158 +the:0.13616369664669037 this:0.016692381352186203 a:0.016541240736842155 their:0.007595370057970285 :0.1684398651123047 +and:0.12052401155233383 the:0.07473696023225784 of:0.025769799947738647 but:0.025072384625673294 :0.0795249193906784 +the:0.02586940862238407 to:0.024422667920589447 a:0.017728418111801147 in:0.015740178525447845 :0.14205090701580048 +law:0.009315857663750648 said:0.008615183643996716 whole:0.005318218842148781 same:0.005242076236754656 :0.16541150212287903 +and:0.14500799775123596 the:0.1190621480345726 at:0.045037854462862015 but:0.02662455290555954 :0.046719059348106384 +against:0.3157866299152374 of:0.15071474015712738 and:0.05068548396229744 for:0.034116294234991074 :0.03743700310587883 +the:0.20808282494544983 a:0.14488492906093597 his:0.020453931763768196 an:0.01881841942667961 :0.0894443541765213 +the:0.12523412704467773 a:0.07881878316402435 that:0.03060035966336727 not:0.027098912745714188 :0.09069857746362686 +was:0.13380683958530426 had:0.09971503168344498 has:0.06228138506412506 would:0.0507335290312767 :0.06331843137741089 +the:0.3077925741672516 a:0.03691250830888748 tho:0.02224748209118843 this:0.015277008526027203 :0.14825168251991272 +and:0.08705859631299973 of:0.08089617639780045 to:0.048125408589839935 The:0.02103671431541443 :0.1198027953505516 +States:0.5282884836196899 States,:0.04660694673657417 States.:0.028127433732151985 State*:0.018118223175406456 :0.27949535846710205 +and:0.08835528045892715 of:0.009195414371788502 or:0.008303171023726463 feature:0.006926836911588907 :0.22024863958358765 +and:0.03760179504752159 of:0.013981163501739502 in:0.00832212995737791 the:0.005870348308235407 :0.26203346252441406 +was:0.057839155197143555 had:0.04705512151122093 has:0.04246877506375313 is:0.03637141361832619 :0.1478383094072342 +the:0.2644905745983124 a:0.03280458226799965 this:0.024237120524048805 said:0.01715855672955513 :0.15726162493228912 +.:0.8065095543861389 .,:0.016987206414341927 and:0.006253082770854235 of:0.005913889966905117 :0.08196229487657547 +the:0.22831206023693085 a:0.052956461906433105 said:0.030973026528954506 this:0.026326492428779602 :0.09145240485668182 +the:0.21432165801525116 a:0.0289345420897007 this:0.014434173703193665 his:0.011557982303202152 :0.15580977499485016 +and:0.0628751814365387 in:0.032007817178964615 company:0.028604496270418167 the:0.02147652581334114 :0.04734524339437485 +city:0.013684514909982681 same:0.012299713678658009 first:0.012064541690051556 case:0.0097059216350317 :0.1689721941947937 +same:0.018708610907197 first:0.0106198163703084 said:0.008600546978414059 last:0.0058314139023423195 :0.22886008024215698 +described:0.14396649599075317 the:0.01595962978899479 year:0.012390836142003536 is:0.01007577870041132 :0.20377714931964874 +of:0.35384365916252136 to:0.1092003881931305 that:0.0948539525270462 and:0.02978626638650894 :0.050749026238918304 +ings:0.09663800895214081 In:0.03522287681698799 to:0.025659887120127678 and:0.0249149389564991 :0.3032337427139282 +residence,:0.0789610967040062 in:0.024498287588357925 to:0.02027716487646103 and:0.019185734912753105 :0.15927162766456604 +be:0.09873628616333008 the:0.02868349850177765 make:0.028657473623752594 have:0.01805128902196884 :0.10309597104787827 +by:0.10992018133401871 the:0.07180791348218918 to:0.06813010573387146 and:0.05042053386569023 :0.07150651514530182 +the:0.07423660159111023 do:0.024510512128472328 make:0.022838756442070007 be:0.020490633323788643 :0.12773804366588593 +States:0.5282884836196899 States,:0.04660694673657417 States.:0.028127433732151985 State*:0.018118223175406456 :0.27949535846710205 +and:0.1070413738489151 of:0.08087196201086044 to:0.03344089910387993 is:0.02924525737762451 :0.060140933841466904 +a:0.06615178287029266 the:0.05423346906900406 not:0.02332308702170849 in:0.020124373957514763 :0.11081039160490036 +and:0.048523880541324615 the:0.039362289011478424 a:0.018042508512735367 of:0.016761785373091698 :0.10123036056756973 +and:0.08319934457540512 of:0.010722849518060684 at:0.006121823564171791 in:0.005126690026372671 :0.33382540941238403 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +to:0.03937073051929474 the:0.037244826555252075 and:0.02051159366965294 out:0.017131607979536057 :0.24971990287303925 +of:0.26556462049484253 that:0.07836082577705383 and:0.055567916482686996 in:0.05378393083810806 :0.046328332275152206 +United:0.01529362890869379 most:0.008267953060567379 State:0.005507575813680887 country:0.005215981975197792 :0.284910649061203 +of:0.06784148514270782 in:0.06514569371938705 and:0.05121516436338425 is:0.03939744085073471 :0.05257367342710495 +the:0.12597130239009857 that:0.020881159231066704 it:0.017321202903985977 a:0.015365314669907093 :0.09298206865787506 +man:0.18183420598506927 lady:0.06528330594301224 man,:0.05192132294178009 woman:0.04546980932354927 :0.13427597284317017 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.07080163061618805 of:0.050780247896909714 and:0.03649745136499405 in:0.02988230437040329 :0.13838918507099152 +and:0.04447348043322563 .:0.03800908848643303 of:0.014737388119101524 degrees:0.010655668564140797 :0.2940073013305664 +is:0.0712525025010109 was:0.0575534924864769 the:0.04415121302008629 are:0.04252130538225174 :0.05248158797621727 +the:0.056665800511837006 a:0.01610645093023777 other:0.007164951413869858 that:0.005867635831236839 :0.21214422583580017 +that:0.1153140589594841 and:0.08210796117782593 as:0.07275805622339249 to:0.04088326171040535 :0.08900337666273117 +in:0.06968221813440323 to:0.04193499684333801 morning:0.041015077382326126 school:0.039412375539541245 :0.14620491862297058 +the:0.39914318919181824 a:0.032631173729896545 tho:0.026127079501748085 page:0.024294020608067513 :0.09080524742603302 +of:0.06232582405209541 and:0.052408017218112946 to:0.01737711951136589 The:0.014928081072866917 :0.1766311675310135 +slightest:0.042585209012031555 least:0.033690594136714935 consent:0.03132876008749008 aid:0.013239786960184574 :0.18857844173908234 +of:0.1069856509566307 who:0.09800482541322708 to:0.05638313665986061 in:0.04898722097277641 :0.04177799075841904 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +own:0.018470605835318565 way:0.0131749352440238 great:0.008931605145335197 proper:0.005635352805256844 :0.19717736542224884 +The:0.09611859917640686 We:0.050749246031045914 It:0.033563584089279175 A:0.03322528675198555 :0.07380754500627518 +the:0.07361011207103729 York:0.05817640200257301 that:0.05195595696568489 I:0.03736850619316101 :0.09795571118593216 +and:0.07006627321243286 was:0.016389770433306694 at:0.015234448947012424 the:0.014633958227932453 :0.14316095411777496 +and:0.1281207948923111 of:0.12182331830263138 in:0.041122205555438995 to:0.032922230660915375 :0.0579536110162735 +of:0.11731825023889542 was:0.03166795149445534 is:0.02645224891602993 and:0.01920516975224018 :0.15780214965343475 +of:0.13956904411315918 and:0.13239510357379913 or:0.03357476741075516 is:0.023802056908607483 :0.0874878391623497 +the:0.2624276876449585 a:0.02781907469034195 this:0.01881244406104088 said:0.01433547306805849 :0.1579376459121704 +to:0.1560393124818802 and:0.0634332224726677 for:0.03955710306763649 at:0.03636481612920761 :0.07525166124105453 +in:0.15668080747127533 of:0.07994801551103592 as:0.05617581680417061 and:0.04040239751338959 :0.03843184933066368 +of:0.21558061242103577 to:0.11467994004487991 and:0.04500935971736908 in:0.036976493895053864 :0.03599861264228821 +o'clock:0.0923396423459053 cents:0.053372129797935486 per:0.04566057026386261 @:0.042870454490184784 :0.21429558098316193 +the:0.06959066540002823 to:0.058732084929943085 a:0.03131747618317604 and:0.020414138212800026 :0.13765910267829895 +and:0.10207619518041611 at:0.09467291086912155 the:0.07202428579330444 or:0.03551942855119705 :0.09795577824115753 +the:0.24137359857559204 to:0.05341554805636406 and:0.03702593594789505 by:0.028604019433259964 :0.20055480301380157 +and:0.04962913691997528 is:0.02763231284916401 was:0.024740027263760567 the:0.023486679419875145 :0.08000115305185318 +the:0.19436830282211304 a:0.032484348863363266 this:0.015596345067024231 their:0.013143094256520271 :0.18746013939380646 +States:0.30512064695358276 States,:0.13687510788440704 States.:0.047048285603523254 and:0.011972643435001373 :0.11933362483978271 +the:0.26126864552497864 a:0.03662312775850296 this:0.019432222470641136 said:0.01718866266310215 :0.12236234545707703 +street:0.022966710850596428 part:0.022242868319153786 boundary:0.018895182758569717 land:0.014474152587354183 :0.27660903334617615 +the:0.2552674412727356 a:0.0946437269449234 their:0.023303205147385597 an:0.013960426673293114 :0.08716951310634613 +of:0.5095038414001465 where:0.0472821407020092 and:0.028286291286349297 to:0.024996712803840637 :0.02541336975991726 +the:0.33178818225860596 this:0.03538565710186958 a:0.027163928374648094 tho:0.022482039406895638 :0.08438678830862045 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +liams:0.32990360260009766 liam:0.2772628962993622 and:0.023216117173433304 the:0.004569755867123604 :0.18098978698253632 +and:0.021632902324199677 of:0.015091626904904842 to:0.00818241573870182 was:0.007733453996479511 :0.18698999285697937 +the:0.11147122085094452 that:0.013189917430281639 a:0.013163082301616669 was:0.008297850377857685 :0.20601484179496765 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +and:0.09531925618648529 the:0.06100640073418617 is:0.031854450702667236 which:0.031016623601317406 :0.11034733802080154 +of:0.3661328852176666 and:0.15077029168605804 in:0.062040794640779495 to:0.053923312574625015 :0.043591782450675964 +is:0.02668287418782711 year:0.02358051761984825 morning:0.01658700592815876 was:0.01165260560810566 :0.16633407771587372 +and:0.06694414466619492 of:0.03996153920888901 the:0.03105941228568554 to:0.02470434084534645 :0.1329667717218399 +the:0.061552416533231735 and:0.03906805440783501 to:0.03511274978518486 a:0.02946622297167778 :0.14536792039871216 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +own:0.02545827440917492 country:0.018341658636927605 people:0.017173554748296738 State:0.01119675301015377 :0.16266362369060516 +by:0.23295621573925018 to:0.2156991809606552 that:0.20205356180667877 and:0.049994539469480515 :0.03846607729792595 +man:0.03390689939260483 and:0.015133431181311607 fashioned:0.008222173899412155 lady:0.007655096240341663 :0.2081519365310669 +not:0.036165766417980194 a:0.02958419732749462 the:0.01906030997633934 in:0.016336672008037567 :0.1571532040834427 +than:0.11636416614055634 and:0.052091944962739944 part:0.022055696696043015 number:0.016450559720396996 :0.10044409334659576 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +m:0.14727114140987396 m.:0.020732294768095016 a:0.00787260103970766 -:0.007612673100084066 :0.2712864577770233 +of:0.07900840044021606 to:0.07165945321321487 or:0.07161194086074829 in:0.04734652861952782 :0.04683709517121315 +the:0.21500708162784576 a:0.033533141016960144 this:0.029719406738877296 his:0.01746031641960144 :0.13353219628334045 +the:0.2937721014022827 which:0.08555421233177185 a:0.051799193024635315 their:0.024748248979449272 :0.0476251095533371 +and:0.09179428964853287 was:0.01723073609173298 of:0.015457510948181152 is:0.0101047707721591 :0.14931714534759521 +was:0.05361108481884003 is:0.04929652065038681 has:0.03884519636631012 have:0.03218561410903931 :0.07606765627861023 +a:0.07695560157299042 the:0.06443049013614655 not:0.03832501918077469 to:0.030153242871165276 :0.10204198956489563 +and:0.057934463024139404 of:0.049783043563365936 in:0.023657336831092834 the:0.02292853593826294 :0.14737577736377716 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +own:0.02545827440917492 country:0.018341658636927605 people:0.017173554748296738 State:0.01119675301015377 :0.16266362369060516 +was:0.053283799439668655 had:0.03405420854687691 will:0.027560953050851822 has:0.024144619703292847 :0.07923005521297455 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.04206731170415878 stones:0.012739898636937141 in:0.012417997233569622 stones.:0.010532591491937637 :0.19764164090156555 +of:0.11731825023889542 was:0.03166795149445534 is:0.02645224891602993 and:0.01920516975224018 :0.15780214965343475 +a:0.07103192806243896 the:0.04909325763583183 to:0.03971906006336212 one:0.034456197172403336 :0.15735848248004913 +day:0.25118523836135864 gether:0.07083431631326675 ward:0.05832117795944214 day.:0.027253776788711548 :0.20072855055332184 +the:0.3207250237464905 this:0.036524079740047455 a:0.03308132290840149 their:0.01816023513674736 :0.07054108381271362 +a:0.3048175275325775 the:0.09044473618268967 an:0.033514536917209625 to:0.03300142660737038 :0.12638355791568756 +United:0.01529362890869379 most:0.008267953060567379 State:0.005507575813680887 country:0.005215981975197792 :0.284910649061203 +the:0.11316973716020584 and:0.043619830161333084 a:0.04190023988485336 that:0.04115242511034012 :0.07939332723617554 +the:0.0713515654206276 to:0.043036483228206635 and:0.036199577152729034 The:0.017427681013941765 :0.15493358671665192 +made:0.024013899266719818 a:0.021987220272421837 the:0.020558802410960197 was:0.01039567869156599 :0.23619356751441956 +and:0.09499020874500275 at:0.03107304498553276 in:0.02773447334766388 to:0.02735329233109951 :0.17800171673297882 +lot:0.02424987591803074 mortgage:0.018760014325380325 county:0.018255962058901787 Court,:0.016002638265490532 :0.15843673050403595 +and:0.2511789798736572 of:0.05684245750308037 who:0.046768832951784134 with:0.045491334050893784 :0.07226526737213135 +be:0.05816342681646347 than:0.0223754420876503 a:0.020220613107085228 to:0.016482168808579445 :0.1251763105392456 +to:0.09958472847938538 of:0.05705000087618828 was:0.05269971117377281 for:0.047021277248859406 :0.07613906264305115 +the:0.04690080136060715 a:0.023993192240595818 any:0.01911311224102974 other:0.015991101041436195 :0.2837858200073242 +the:0.06144193187355995 that:0.032975997775793076 he:0.028440644964575768 they:0.026722203940153122 :0.08202506601810455 +man:0.02141103893518448 men:0.018232250586152077 of:0.012407895177602768 house:0.008057452738285065 :0.302054226398468 +that:0.28097355365753174 in:0.084226094186306 the:0.0829060971736908 it:0.030871734023094177 :0.029625900089740753 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +few:0.02097238600254059 man:0.013060995377600193 very:0.012950949370861053 large:0.010530826635658741 :0.2595844268798828 +of:0.08644604682922363 and:0.0813828632235527 in:0.04991351440548897 is:0.04904678463935852 :0.04100872576236725 +been:0.3205966651439667 not:0.055283237248659134 a:0.022749288007616997 to:0.016780026257038116 :0.08319084346294403 +old:0.017516015097498894 additional:0.012782608158886433 active:0.008740338496863842 order:0.008500541560351849 :0.16422481834888458 +river:0.021435102447867393 street:0.00905400887131691 river,:0.008909492753446102 creek:0.005510729271918535 :0.44010934233665466 +and:0.03285681828856468 in:0.015683243051171303 cures:0.014207511208951473 to:0.012373872101306915 :0.20183482766151428 +own:0.016763564199209213 wife,:0.01505435910075903 wife:0.013386559672653675 head:0.01092007290571928 :0.15408480167388916 +She:0.08313988149166107 The:0.07650654762983322 He:0.03035172075033188 It:0.025538291782140732 :0.1193898394703865 +The:0.1026465892791748 It:0.052725955843925476 A:0.04196150228381157 He:0.033194467425346375 :0.19259998202323914 +of:0.5645772814750671 and:0.07483368366956711 to:0.03382192179560661 for:0.025388332083821297 :0.023494871333241463 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +own:0.03856855258345604 husband:0.010474715381860733 husband,:0.010044042952358723 life:0.008669380098581314 :0.18111631274223328 +on:0.1508832573890686 out:0.10635268688201904 to:0.0803239494562149 by:0.06519622355699539 :0.03922978788614273 +and:0.047479718923568726 of:0.04014528542757034 the:0.019002782180905342 to:0.011701744049787521 :0.23866014182567596 +the:0.02436993271112442 more:0.015435585752129555 a:0.013433825224637985 village:0.01226759422570467 :0.2842482924461365 +the:0.5001670718193054 a:0.028337137773633003 tho:0.02706165984272957 his:0.019986135885119438 :0.07176409661769867 +way:0.1329844892024994 other:0.07102014869451523 of:0.042655911296606064 manner:0.02638431079685688 :0.08802192658185959 +the:0.05312378704547882 to:0.03783023729920387 of:0.036973968148231506 and:0.0342085175216198 :0.15220282971858978 +the:0.06512296199798584 a:0.021431582048535347 in:0.007131008431315422 his:0.007040561176836491 :0.1827734112739563 +the:0.0852496325969696 a:0.017491405829787254 that:0.010455708019435406 to:0.010295405052602291 :0.24687165021896362 +limits:0.0736374482512474 past:0.04459294304251671 last:0.03753207251429558 next:0.03643542528152466 :0.13274453580379486 +the:0.1914435476064682 be:0.04029468819499016 a:0.02548300102353096 have:0.01575634628534317 :0.08506707847118378 +to:0.2016315460205078 that:0.060185354202985764 the:0.03947574645280838 a:0.03746217489242554 :0.04409440606832504 +any:0.09545363485813141 a:0.07696294784545898 the:0.05832420289516449 regard:0.017235126346349716 :0.1842232048511505 +the:0.08477287739515305 and:0.04696368798613548 to:0.041876256465911865 in:0.019062016159296036 :0.12112075090408325 +of:0.35626155138015747 to:0.055488746613264084 for:0.05257154628634453 is:0.034842029213905334 :0.03098371811211109 +a:0.07107578217983246 person:0.02068699337542057 thing:0.013802381232380867 an:0.012875070795416832 :0.14840883016586304 +age.:0.028007086366415024 and:0.020126914605498314 age,:0.010704263113439083 men:0.007745008450001478 :0.3143336772918701 +and:0.1931072622537613 of:0.0456581674516201 who:0.04091005399823189 Mrs.:0.030179904773831367 :0.13889336585998535 +to:0.05501073598861694 have:0.0468062087893486 will:0.02948845364153385 see:0.023685341700911522 :0.11234486848115921 +the:0.0505300872027874 route:0.04552704840898514 a:0.024057500064373016 to:0.019047100096940994 :0.2749769985675812 +the:0.10919714719057083 fro:0.07631923258304596 in:0.020883506163954735 to:0.017576294019818306 :0.133502796292305 +and:0.043273892253637314 E.:0.0408998467028141 W.:0.033853381872177124 H.:0.02614576183259487 :0.44931069016456604 +the:0.07171031832695007 a:0.07095962762832642 to:0.04742148146033287 not:0.03570925444364548 :0.09516355395317078 +will:0.10204286128282547 can:0.05997362360358238 are:0.05358084291219711 have:0.05087488889694214 :0.05306406691670418 +was:0.035146716982126236 of:0.03049696795642376 had:0.030486440286040306 has:0.025175204500555992 :0.15795037150382996 +the:0.14612460136413574 of:0.08726158738136292 that:0.019140714779496193 who:0.015212268568575382 :0.09603075683116913 +to:0.159990593791008 of:0.08744340389966965 the:0.05618990957736969 that:0.04885857552289963 :0.04295065253973007 +was:0.07759790122509003 has:0.06434337794780731 had:0.061515115201473236 is:0.05661959946155548 :0.09923569858074188 +and:0.09198364615440369 in:0.035191647708415985 a:0.03506150096654892 the:0.034539274871349335 :0.0831153616309166 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.04902731999754906 to:0.015707334503531456 a:0.015338148921728134 in:0.011225391179323196 :0.13600651919841766 +and:0.05829107016324997 however,:0.042320892214775085 in:0.03908616676926613 as:0.036791883409023285 :0.03756772726774216 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +of:0.0658874660730362 and:0.024532068520784378 amount:0.02434385195374489 supply:0.016628803685307503 :0.12647287547588348 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +be:0.10633013397455215 have:0.07018686085939407 say:0.03543035686016083 not:0.033093541860580444 :0.08811228722333908 +rounded:0.19834133982658386 prise:0.06911478191614151 prised:0.06858706474304199 vey:0.056165698915719986 :0.2870461642742157 +of:0.1354605257511139 in:0.08484494686126709 and:0.05732555314898491 In:0.018478181213140488 :0.08423558622598648 +der:0.11206366121768951 doubtedly:0.04043981060385704 til:0.028381716459989548 derstand:0.012911273166537285 :0.2213272899389267 +of:0.3097531795501709 and:0.0693446472287178 to:0.021392278373241425 in:0.021261004731059074 :0.04310840368270874 +own:0.01980706676840782 head:0.008198782801628113 wife,:0.007706447970122099 wife:0.006110113579779863 :0.18638759851455688 +the:0.152018740773201 said:0.01901312917470932 this:0.015290355309844017 a:0.014921454712748528 :0.1481700986623764 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +The:0.18843592703342438 In:0.05971743166446686 It:0.05714689567685127 This:0.03132274001836777 :0.0967336967587471 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +of:0.4411650598049164 that:0.030290033668279648 and:0.027914002537727356 which:0.022990968078374863 :0.0494503416121006 +the:0.05488197132945061 of:0.024903642013669014 and:0.023160405457019806 to:0.01952250860631466 :0.1687113344669342 +a:0.2811959981918335 an:0.0826253741979599 the:0.0779040977358818 of:0.04020402207970619 :0.09105297178030014 +was:0.12292232364416122 and:0.08287158608436584 in:0.02839447185397148 to:0.028255920857191086 :0.07005602866411209 +the:0.10804843157529831 that:0.03658122196793556 it:0.031442929059267044 then:0.02494889125227928 :0.04867767170071602 +of:0.5979316234588623 for:0.10179449617862701 and:0.03270023688673973 to:0.026254525408148766 :0.015118079259991646 +the:0.1768694519996643 it:0.07103157788515091 he:0.0611688569188118 they:0.03389669954776764 :0.050023648887872696 +and:0.09205179661512375 of:0.08308517187833786 to:0.04630381241440773 which:0.022738084197044373 :0.15078593790531158 +rived:0.20186655223369598 ranged:0.1316598802804947 rested:0.11683312058448792 rangements:0.04411694407463074 :0.15656208992004395 +and:0.07050444185733795 than:0.06455568224191666 of:0.04498438537120819 the:0.0357266403734684 :0.15098927915096283 +the:0.10196931660175323 had:0.03244465962052345 been:0.025672106072306633 he:0.021142959594726562 :0.08648510277271271 +and:0.03279668837785721 of:0.02543388493359089 number:0.013538301922380924 is:0.00909988023340702 :0.23142798244953156 +the:0.1838206648826599 it:0.04229862987995148 there:0.039395567029714584 he:0.03148328885436058 :0.08599834144115448 +at:0.08242176473140717 in:0.0778573602437973 the:0.07243110984563828 a:0.06547275930643082 :0.058116473257541656 +amount:0.055614110082387924 of:0.0336943045258522 name:0.024813862517476082 and:0.023152444511651993 :0.12811583280563354 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +the:0.06265971809625626 a:0.021960128098726273 and:0.016208050772547722 in:0.015826664865016937 :0.2101050764322281 +that:0.18526040017604828 of:0.17642201483249664 is:0.04486609250307083 in:0.03926164284348488 :0.030020365491509438 +and:0.32879921793937683 of:0.09367138892412186 in:0.058961376547813416 or:0.041347287595272064 :0.03791653737425804 +and:0.31020885705947876 but:0.06141126900911331 in:0.03984983637928963 the:0.02753879874944687 :0.04459625482559204 +or:0.1046752855181694 and:0.09133927524089813 of:0.046059902757406235 shall:0.037723295390605927 :0.06344399601221085 +and:0.25094327330589294 but:0.11560218036174774 as:0.06253940612077713 the:0.046493008732795715 :0.027383551001548767 +are:0.09230775386095047 have:0.09110900014638901 will:0.05959615483880043 can:0.03296220675110817 :0.05670701339840889 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +of:0.27674421668052673 who:0.0526159293949604 to:0.04227253422141075 are:0.03817153722047806 :0.036899711936712265 +to:0.05483308807015419 and:0.04295524209737778 the:0.03852985426783562 of:0.02349299006164074 :0.12954886257648468 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.03707706183195114 he:0.02729933336377144 lie:0.023035550490021706 a:0.013107974082231522 :0.276728093624115 +are:0.11928252130746841 were:0.07906246185302734 have:0.07799320667982101 will:0.0769071877002716 :0.05792372301220894 +the:0.09237980097532272 that:0.02766411378979683 in:0.021825766190886497 a:0.021061638370156288 :0.0739448070526123 +block:0.4003940224647522 6,:0.04305702820420265 and:0.03422674909234047 the:0.023018155246973038 :0.13289566338062286 +have:0.24208135902881622 be:0.1999235600233078 not:0.0802464634180069 do:0.022069847211241722 :0.033983513712882996 +to:0.34225279092788696 with:0.06137751787900925 the:0.047984808683395386 down:0.027321944013237953 :0.031056057661771774 +be:0.35483407974243164 not:0.11811431497335434 do:0.0519234724342823 have:0.036855071783065796 :0.045288458466529846 +the:0.31279256939888 a:0.048114825040102005 his:0.03333836793899536 their:0.025520624592900276 :0.11468189209699631 +the:0.10309160500764847 be:0.0526263453066349 make:0.017397793009877205 a:0.014974495396018028 :0.1762513816356659 +is:0.13305817544460297 was:0.08526234328746796 has:0.03869298845529556 are:0.033975765109062195 :0.05283172428607941 +and:0.10791525989770889 to:0.01464643981307745 for:0.014127328991889954 or:0.013180633075535297 :0.17324009537696838 +the:0.13386069238185883 and:0.0819292664527893 of:0.05176207795739174 that:0.03860905021429062 :0.11917346715927124 +the:0.22631295025348663 it:0.046826377511024475 a:0.03770628198981285 after:0.03588837757706642 :0.04227061569690704 +the:0.2230243980884552 a:0.05233994126319885 his:0.01712537370622158 tho:0.01306814793497324 :0.19216668605804443 +in:0.10658421367406845 up:0.08100897073745728 to:0.06914529204368591 with:0.06785932928323746 :0.047525014728307724 +is:0.2813173830509186 was:0.1429443061351776 Is:0.06031987816095352 has:0.036271724849939346 :0.06841246038675308 +The:0.12821869552135468 A:0.035391271114349365 It:0.034441351890563965 He:0.02696469984948635 :0.14624227583408356 +was:0.07188630849123001 has:0.05406962335109711 is:0.05144673213362694 are:0.04684256389737129 :0.07575809955596924 +was:0.16342885792255402 is:0.05779130011796951 had:0.05430993810296059 has:0.036283157765865326 :0.08246561884880066 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +the:0.3023139536380768 a:0.04139100760221481 they:0.03643028810620308 it:0.03581319376826286 :0.05006442964076996 +people:0.010426610708236694 water:0.00873568095266819 same:0.006514360662549734 men:0.006131178233772516 :0.1749187558889389 +of:0.06210343539714813 and:0.04764822870492935 who:0.017280306667089462 Mrs.:0.0156999658793211 :0.22591622173786163 +of:0.04541989043354988 and:0.04151615872979164 to:0.02365132048726082 in:0.02061622031033039 :0.21192751824855804 +hundred:0.1492360234260559 minutes:0.04097924754023552 years:0.025172032415866852 or:0.025027679279446602 :0.12371642142534256 +and:0.29680484533309937 of:0.19552583992481232 in:0.02757575921714306 to:0.017473775893449783 :0.030001364648342133 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +the:0.20072589814662933 a:0.09875845164060593 it:0.02084321901202202 his:0.0176029521971941 :0.06339860707521439 +in:0.10999943315982819 and:0.08266717940568924 for:0.05331655591726303 at:0.05240805447101593 :0.05182487890124321 +of:0.8585861325263977 ot:0.012319743633270264 and:0.010187223553657532 to:0.008908919990062714 :0.016634255647659302 +to:0.11241109669208527 and:0.058881934732198715 the:0.018069149926304817 The:0.014407905749976635 :0.19794896245002747 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.06219332665205002 was:0.04969204217195511 is:0.041410431265830994 Is:0.03499686345458031 :0.12062413990497589 +of:0.27142518758773804 and:0.11959590017795563 for:0.047363847494125366 are:0.03455681353807449 :0.03416139632463455 +few:0.03590894117951393 large:0.015618198551237583 little:0.015210974961519241 great:0.01028364710509777 :0.1529117375612259 +was:0.08521241694688797 had:0.051218632608652115 is:0.03382263332605362 would:0.029783794656395912 :0.13423267006874084 +and:0.06913170963525772 to:0.0496448390185833 in:0.03819689527153969 the:0.03526733070611954 :0.13068512082099915 +of:0.08963079005479813 and:0.08009111136198044 from:0.0581476166844368 to:0.05630636215209961 :0.05924966558814049 +of:0.36675363779067993 the:0.0107031324878335 other:0.0061399792321026325 likely:0.004778798203915358 :0.20534034073352814 +of:0.27674421668052673 who:0.0526159293949604 to:0.04227253422141075 are:0.03817153722047806 :0.036899711936712265 +of:0.056024059653282166 and:0.05541776493191719 the:0.03401174768805504 in:0.025144003331661224 :0.1390801966190338 +of:0.09200789034366608 are:0.07842665910720825 and:0.06855953484773636 have:0.03687748312950134 :0.07033675163984299 +to:0.7533427476882935 for:0.022372188046574593 in:0.019022943452000618 and:0.01629846729338169 :0.022627240046858788 +The:0.1654670238494873 He:0.04368237406015396 It:0.04109528288245201 They:0.0227386262267828 :0.12033487856388092 +years:0.0704277902841568 or:0.05788068473339081 of:0.021164432168006897 weeks:0.015878738835453987 :0.16025254130363464 +The:0.11982067674398422 A:0.04119802266359329 It:0.037286318838596344 He:0.03702107071876526 :0.09135416150093079 +the:0.36194661259651184 they:0.0236775241792202 he:0.023574376478791237 it:0.018073687329888344 :0.06896160542964935 +of:0.827124834060669 ot:0.01575515791773796 and:0.012593600898981094 to:0.010524074546992779 :0.00819141324609518 +the:0.10669270157814026 be:0.046410564333200455 a:0.017937270924448967 make:0.01592283509671688 :0.12693341076374054 +and:0.0628194659948349 the:0.028831815347075462 of:0.02844935655593872 ing:0.021624157205224037 :0.22745244204998016 +he:0.27532729506492615 the:0.10255562514066696 they:0.05203505977988243 it:0.04928883537650108 :0.03541254252195358 +time:0.196131631731987 time.:0.032533321529626846 to:0.025834830477833748 time,:0.025577997788786888 :0.10455162823200226 +own:0.03637128323316574 home:0.013981475494801998 wife:0.008942624554038048 friends:0.00709254527464509 :0.1596558839082718 +only:0.01593649946153164 first:0.00936006847769022 next:0.0077684069983661175 following:0.0077498480677604675 :0.21482443809509277 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +said:0.1487249732017517 the:0.12207972258329391 a:0.012439682148396969 lot:0.008175143972039223 :0.18369463086128235 +way:0.011047406122088432 amount:0.010407757945358753 time,:0.0099331084638834 terms:0.00955944787710905 :0.10733077675104141 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +who:0.044185712933540344 are:0.04223323240876198 were:0.02732568234205246 have:0.02559501864016056 :0.07446715980768204 +of:0.3948286175727844 and:0.0907897800207138 in:0.04082009196281433 to:0.03219645842909813 :0.03633283078670502 +than:0.12230125814676285 or:0.06761495769023895 and:0.02426794357597828 of:0.019186286255717278 :0.10776229202747345 +was:0.06200326606631279 am:0.03880239650607109 have:0.037055306136608124 had:0.030069390311837196 :0.06947571039199829 +as:0.046050045639276505 the:0.032226916402578354 to:0.016341807320713997 a:0.015947828069329262 :0.15128467977046967 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.04564480856060982 be:0.04356732219457626 say:0.03062419593334198 do:0.029896950349211693 :0.08761826157569885 +and:0.10319716483354568 the:0.06132642552256584 in:0.0484284907579422 at:0.03712082654237747 :0.07512201368808746 +and:0.031061165034770966 the:0.016649847850203514 in:0.004930585622787476 water:0.00465936865657568 :0.3122858703136444 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +been:0.2351735383272171 a:0.0456407368183136 not:0.025228317826986313 the:0.020197948440909386 :0.09860303997993469 +the:0.3145800530910492 a:0.050789281725883484 their:0.021954482421278954 his:0.013056417927145958 :0.10813456773757935 +is:0.19220121204853058 was:0.08673154562711716 will:0.03282377868890762 would:0.031237101182341576 :0.12148718535900116 +the:0.041373688727617264 a:0.018460890278220177 any:0.018347611650824547 other:0.015696873888373375 :0.18604935705661774 +The:0.06480919569730759 It:0.03451583534479141 He:0.023973871022462845 In:0.019195884466171265 :0.19254174828529358 +of:0.13562044501304626 and:0.043549153953790665 to:0.014658039435744286 the:0.011333616450428963 :0.21024098992347717 +and:0.11590252816677094 but:0.04061613231897354 the:0.03094915673136711 I:0.030193841084837914 :0.12297769635915756 +to:0.05504078418016434 in:0.024411100894212723 and:0.02202065847814083 of:0.02029823511838913 :0.24124817550182343 +two:0.32744675874710083 more:0.13914920389652252 the:0.0425228625535965 a:0.02896951697766781 :0.07177627086639404 +same:0.010847280733287334 result:0.010675651952624321 most:0.009411102160811424 case:0.006331802345812321 :0.1978769749403 +a:0.13787730038166046 the:0.06720675528049469 an:0.024461893364787102 to:0.01798221282660961 :0.08008559048175812 +of:0.2983693778514862 and:0.025089561939239502 who:0.020879166200757027 hundred:0.015987953171133995 :0.07647505402565002 +bill:0.007862716913223267 first:0.006873353384435177 House:0.006814459338784218 said:0.0057313330471515656 :0.17633666098117828 +the:0.22838948667049408 to:0.09973669052124023 on:0.06009409949183464 in:0.0439596027135849 :0.04140828549861908 +am:0.034021154046058655 have:0.031791139394044876 was:0.03094267100095749 had:0.017219990491867065 :0.1663561761379242 +and:0.10699867457151413 of:0.04549909755587578 as:0.032444067299366 for:0.029820160940289497 :0.08797560632228851 +been:0.20895664393901825 not:0.04298730194568634 a:0.03652516379952431 the:0.01778767630457878 :0.08985844999551773 +been:0.15682843327522278 a:0.051279015839099884 to:0.0336027666926384 not:0.025265581905841827 :0.09520420432090759 +was:0.09361577779054642 had:0.07686734944581985 has:0.043565236032009125 is:0.0435376912355423 :0.07800494879484177 +as:0.28194695711135864 to:0.03472122177481651 of:0.031076326966285706 more:0.019243411719799042 :0.09378015995025635 +the:0.06819945573806763 is:0.05733651667833328 he:0.05023329704999924 was:0.03658628463745117 :0.07750506699085236 +a:0.08209943026304245 the:0.06978738307952881 to:0.05234168842434883 up:0.03943973779678345 :0.09881144762039185 +3,:0.05281948670744896 1,:0.0308016799390316 2,:0.02885553054511547 31,:0.025493517518043518 :0.09756287932395935 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +o'clock:0.051528140902519226 and:0.026907343417406082 @:0.023421186953783035 per:0.012972159311175346 :0.4779476225376129 +have:0.06609673798084259 see:0.04841908439993858 be:0.03685806319117546 know:0.03367074579000473 :0.07878540456295013 +and:0.13899816572666168 is:0.0395967960357666 was:0.03437761589884758 in:0.02825438231229782 :0.05721597000956535 +men:0.05922922119498253 years:0.02025103196501732 or:0.019684210419654846 and:0.013750634156167507 :0.20487360656261444 +up:0.1010071337223053 forth:0.09041059017181396 out:0.08793175965547562 the:0.05349862575531006 :0.04600849747657776 +the:0.3892248868942261 a:0.059901162981987 to:0.02355104312300682 tho:0.011196029372513294 :0.15919996798038483 +is:0.10145868360996246 was:0.05821813642978668 the:0.048327650874853134 they:0.037304263561964035 :0.06569522619247437 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +was:0.07401160895824432 had:0.06295400857925415 would:0.03814135491847992 has:0.0362231507897377 :0.08523134142160416 +and:0.060030095279216766 The:0.015129521489143372 to:0.013923640362918377 the:0.01367107778787613 :0.23271018266677856 +the:0.4502101540565491 a:0.032260097563266754 tho:0.02285696193575859 which:0.017522742971777916 :0.04351279139518738 +the:0.34281399846076965 a:0.07472997158765793 his:0.03158631920814514 that:0.01718801073729992 :0.054902877658605576 +first:0.008463060483336449 same:0.007897166535258293 most:0.005935218650847673 last:0.005600157659500837 :0.13436608016490936 +most:0.013325521722435951 best:0.00910183321684599 people:0.006287172436714172 work:0.005130205303430557 :0.21725499629974365 +the:0.1421627253293991 a:0.021872859448194504 be:0.021452153101563454 see:0.015339037403464317 :0.11735475063323975 +the:0.3470916748046875 his:0.03961615264415741 a:0.030005209147930145 their:0.027096735313534737 :0.09656792879104614 +and:0.11972328275442123 was:0.05259574204683304 of:0.05094999447464943 is:0.0261836014688015 :0.07267791777849197 +the:0.42704030871391296 their:0.020922081544995308 a:0.020138807594776154 this:0.01963666081428528 :0.08678720891475677 +of:0.12517184019088745 and:0.04804104566574097 the:0.043973296880722046 in:0.0367296040058136 :0.08412767946720123 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.08696270734071732 of:0.030189143493771553 The:0.01724386028945446 to:0.017174774780869484 :0.2286924421787262 +the:0.3968375027179718 a:0.0575435571372509 his:0.02429487742483616 this:0.01848391816020012 :0.11468733847141266 +on:0.038013771176338196 the:0.035171832889318466 and:0.027313578873872757 to:0.025986330583691597 :0.0765557587146759 +the:0.24187758564949036 a:0.04767821729183197 this:0.03251820057630539 case:0.01876710169017315 :0.06620778143405914 +to:0.04161640256643295 made:0.029452553018927574 the:0.022854987531900406 a:0.01841035671532154 :0.1251668632030487 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +the:0.06705980002880096 in:0.03336108475923538 and:0.0215412899851799 that:0.020071914419531822 :0.1254843771457672 +best:0.017438074573874474 way:0.011160645633935928 most:0.010980937629938126 same:0.01038530096411705 :0.1396280974149704 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.1539071947336197 and:0.1050095483660698 to:0.09808763861656189 in:0.07542697340250015 :0.036917924880981445 +of:0.1212148517370224 and:0.09327500313520432 by:0.03353976085782051 in:0.03286975249648094 :0.12675277888774872 +the:0.18410469591617584 a:0.14046165347099304 an:0.023318788036704063 their:0.02139684185385704 :0.07698197662830353 +of:0.21532052755355835 and:0.06048600375652313 at:0.03467274457216263 in:0.0340469591319561 :0.278728723526001 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.0702056959271431 of:0.06377744674682617 to:0.058421745896339417 the:0.026542818173766136 :0.13898822665214539 +been:0.06676416099071503 made:0.03886488080024719 the:0.028484078124165535 had:0.018736649304628372 :0.07303349673748016 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.027615778148174286 a:0.022063829004764557 to:0.013980913907289505 that:0.00987569335848093 :0.12859953939914703 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.02849610522389412 he:0.024621162563562393 of:0.019730959087610245 lie:0.011838083155453205 :0.32254308462142944 +of:0.41349706053733826 in:0.07652700692415237 the:0.022032756358385086 on:0.020138688385486603 :0.05220989137887955 +the:0.0422472320497036 to:0.03541159629821777 and:0.02896158955991268 that:0.016420859843492508 :0.22105775773525238 +the:0.07519889622926712 I:0.024018678814172745 a:0.022045403718948364 my:0.01625720039010048 :0.15996423363685608 +and:0.08059528470039368 The:0.030947944149374962 to:0.030756404623389244 the:0.02026664838194847 :0.16424399614334106 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +more:0.0395648367702961 the:0.034398581832647324 other:0.022376196458935738 a:0.020046554505825043 :0.18652048707008362 +not:0.02550158090889454 the:0.02302938885986805 in:0.02145526185631752 to:0.015676388517022133 :0.16301511228084564 +of:0.3097531795501709 and:0.0693446472287178 to:0.021392278373241425 in:0.021261004731059074 :0.04310840368270874 +the:0.3881547749042511 a:0.06048697605729103 which:0.01879960112273693 his:0.017259351909160614 :0.10351307690143585 +the:0.17145970463752747 he:0.10375845432281494 it:0.03536790981888771 there:0.025894178077578545 :0.07333163917064667 +the:0.052499767392873764 in:0.03632684051990509 and:0.03535507619380951 he:0.02055925317108631 :0.12772303819656372 +the:0.27162182331085205 a:0.05401172488927841 this:0.026193400844931602 his:0.02136324532330036 :0.11623041331768036 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +deg.:0.06896810978651047 .:0.036115892231464386 and:0.019793860614299774 girl.:0.015630250796675682 :0.2793028652667999 +and:0.05232662335038185 was:0.04224861040711403 is:0.04036612808704376 of:0.02527036890387535 :0.13414673507213593 +the:0.09679426997900009 and:0.09440777450799942 in:0.024709681048989296 at:0.023799115791916847 :0.048320695757865906 +of:0.14722804725170135 and:0.059959810227155685 in:0.05518133193254471 to:0.049926210194826126 :0.07027224451303482 +men:0.011023294180631638 people:0.005797088146209717 and:0.005217862315475941 men,:0.0026322861667722464 :0.2628755271434784 +and:0.13587704300880432 that:0.07689564675092697 of:0.04945991933345795 the:0.042526498436927795 :0.033965375274419785 +the:0.3031301200389862 his:0.025002287700772285 this:0.02347247116267681 a:0.021596599370241165 :0.10996963828802109 +people:0.0339023619890213 country:0.015605274587869644 government:0.01496571209281683 readers:0.011410330422222614 :0.12495148926973343 +and:0.07843519002199173 of:0.04647116735577583 the:0.020849166437983513 The:0.01737215183675289 :0.21302767097949982 +said:0.1487249732017517 the:0.12207972258329391 a:0.012439682148396969 lot:0.008175143972039223 :0.18369463086128235 +the:0.09204565733671188 by:0.05062200129032135 and:0.02978973463177681 in:0.028585737571120262 :0.15294358134269714 +and:0.044869985431432724 the:0.027170812711119652 of:0.026922250166535378 The:0.012424669228494167 :0.21608924865722656 +tirely:0.18687371909618378 gaged:0.12216468155384064 titled:0.10742467641830444 tered:0.07304469496011734 :0.332129567861557 +the:0.11807592958211899 it:0.03729400038719177 a:0.03455662727355957 I:0.020510338246822357 :0.14870333671569824 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +a:0.09592269361019135 the:0.03408941254019737 an:0.014798997901380062 to:0.012537691742181778 :0.09778407961130142 +the:0.2650050222873688 a:0.031112244352698326 this:0.021298883482813835 their:0.01941429078578949 :0.06565319001674652 +and:0.18357451260089874 but:0.06704718619585037 he:0.026300912722945213 in:0.02411557547748089 :0.06749273836612701 +of:0.39259013533592224 and:0.038833219558000565 is:0.03408214822411537 was:0.027730559930205345 :0.02719820849597454 +W:0.052378635853528976 A.:0.037313062697649 W.:0.035129986703395844 H:0.03228814899921417 :0.1691226214170456 +and:0.060062285512685776 the:0.04856408014893532 to:0.03653548285365105 ing:0.02584044076502323 :0.15304166078567505 +man:0.03557472676038742 and:0.01261133886873722 time:0.01032112818211317 woman:0.008195284754037857 :0.24345974624156952 +in:0.13094231486320496 into:0.09871484339237213 on:0.08170681446790695 to:0.077735535800457 :0.0720120444893837 +and:0.06251773238182068 of:0.02709858864545822 or:0.02274044044315815 that:0.01874014176428318 :0.19826056063175201 +the:0.3836822211742401 a:0.031279657036066055 his:0.01812976412475109 this:0.017175916582345963 :0.09277334809303284 +few:0.02329750545322895 large:0.019055772572755814 year:0.011505696922540665 copy:0.010841026902198792 :0.15663371980190277 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +copy:0.4452487826347351 check:0.28978145122528076 check,:0.035167038440704346 to:0.014939720742404461 :0.044205743819475174 +of:0.06106695905327797 and:0.05379378795623779 the:0.02808035910129547 The:0.02148333378136158 :0.18942230939865112 +to:0.22046203911304474 the:0.09258624911308289 by:0.09214484691619873 in:0.03288302570581436 :0.08732589334249496 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.16525594890117645 him:0.04111691564321518 them:0.037964969873428345 a:0.03686231002211571 :0.05428851395845413 +the:0.20636461675167084 a:0.10822239518165588 for:0.04764861986041069 to:0.035311970859766006 :0.06544691324234009 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +a:0.030458763241767883 made:0.023928897455334663 the:0.018045801669359207 in:0.017870217561721802 :0.16152282059192657 +of:0.3155710697174072 the:0.05259660631418228 to:0.040013235062360764 that:0.03424590080976486 :0.03536124527454376 +for:0.23433585464954376 in:0.07538506388664246 on:0.06438875943422318 to:0.055937930941581726 :0.03459065780043602 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +and:0.12152843177318573 at:0.0690058171749115 the:0.0498860664665699 to:0.04404542222619057 :0.1234344020485878 +and:0.07788663357496262 to:0.06614241003990173 in:0.05293682590126991 is:0.04819907248020172 :0.07625049352645874 +night:0.0775405690073967 year.:0.04054020345211029 year:0.03788866102695465 year,:0.03682379424571991 :0.06124541535973549 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +means:0.10267308354377747 other:0.03438558056950569 one:0.013926832005381584 of:0.008904730901122093 :0.18750205636024475 +the:0.2652623653411865 a:0.054342545568943024 10:0.017167866230010986 this:0.017047390341758728 :0.1587224006652832 +and:0.06186753883957863 of:0.02725096419453621 to:0.022518804296851158 were:0.010989654809236526 :0.15755420923233032 +few:0.03232632204890251 little:0.03036823309957981 very:0.01901208981871605 great:0.016333868727087975 :0.159921795129776 +to:0.02329753153026104 and:0.022692685946822166 of:0.02029247395694256 the:0.016742631793022156 :0.29071593284606934 +and:0.11999117583036423 of:0.09229622781276703 who:0.06280350685119629 are:0.039803698658943176 :0.07506650686264038 +the:0.14621034264564514 defaulting:0.028435248881578445 a:0.02560908906161785 purchaser.:0.017157433554530144 :0.1562696099281311 +same:0.008411657996475697 most:0.005639674607664347 public:0.005167141556739807 said:0.00468424241989851 :0.17914868891239166 +feet:0.05064148083329201 and:0.03537556529045105 the:0.026562346145510674 of:0.01939823292195797 :0.17175625264644623 +to:0.9506831765174866 in:0.0034425256308168173 lo:0.003266350133344531 from:0.0026845044922083616 :0.0035343708004802465 +D.:0.018315112218260765 Smith,:0.010522952303290367 M:0.007486185524612665 D:0.006516770925372839 :0.5753635764122009 +to:0.06968896836042404 known:0.054551657289266586 as:0.044686898589134216 and:0.029830142855644226 :0.18412180244922638 +the:0.2013700008392334 to:0.10929360240697861 by:0.07845793664455414 and:0.03148750215768814 :0.0802946537733078 +the:0.41795113682746887 a:0.037416353821754456 date:0.018673241138458252 his:0.017396654933691025 :0.05584241822361946 +the:0.21200700104236603 this:0.12081252038478851 said:0.060054052621126175 sale:0.05131746828556061 :0.08808377385139465 +a:0.06846656650304794 the:0.04825889691710472 not:0.02478213980793953 in:0.015073750168085098 :0.14466936886310577 +was:0.13376852869987488 had:0.09260237216949463 could:0.04151666536927223 has:0.02652810700237751 :0.08926089107990265 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +of:0.049055296927690506 and:0.04588804766535759 the:0.032450079917907715 The:0.02407136745750904 :0.14564412832260132 +and:0.10009366273880005 in:0.04589435085654259 to:0.04000208526849747 from:0.02914968878030777 :0.08380665630102158 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +or:0.13116957247257233 of:0.0529799684882164 years:0.04549558460712433 times:0.04316999018192291 :0.11817371100187302 +.:0.03993477672338486 of:0.02634618431329727 A:0.013802972622215748 W:0.010688240639865398 :0.3490132689476013 +and:0.013041827827692032 way:0.004368307068943977 personal:0.004206853453069925 way.:0.00420135073363781 :0.2662982642650604 +and:0.11615893244743347 on:0.02562842331826687 in:0.024392051622271538 at:0.024167034775018692 :0.11118534952402115 +not:0.2391788810491562 you:0.10157289355993271 it:0.043053850531578064 we:0.04074818640947342 :0.06991206109523773 +good:0.05022517591714859 little:0.04256622493267059 well:0.023366322740912437 and:0.010491177439689636 :0.18810586631298065 +the:0.20847739279270172 any:0.061521515250205994 a:0.05088707432150841 letter,:0.011478537693619728 :0.12983517348766327 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.14250507950782776 the:0.06063736975193024 in:0.026631711050868034 but:0.02027960494160652 :0.10512338578701019 +by:0.15359602868556976 the:0.09088604897260666 of:0.07165494561195374 to:0.026946745812892914 :0.07461809366941452 +men:0.006972075905650854 city:0.005856924690306187 State:0.0054559651762247086 town:0.004967835266143084 :0.21614401042461395 +a:0.09557650238275528 the:0.07470620423555374 not:0.023830808699131012 to:0.02030675858259201 :0.13647569715976715 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.047152549028396606 the:0.04276802018284798 and:0.029885420575737953 was:0.02223396487534046 :0.21491104364395142 +to:0.14109861850738525 with:0.13543173670768738 of:0.06663190573453903 in:0.044150061905384064 :0.07461240887641907 +and:0.07190824300050735 the:0.04337504878640175 in:0.021065345034003258 that:0.017643097788095474 :0.17155969142913818 +of:0.10335610806941986 to:0.09267295151948929 and:0.0914078950881958 for:0.04508043825626373 :0.055707402527332306 +for:0.10002107173204422 to:0.07936359941959381 and:0.06469915807247162 with:0.04695636406540871 :0.08632948994636536 +and:0.07751153409481049 of:0.040783271193504333 the:0.01937694475054741 to:0.013597419485449791 :0.2561940550804138 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +a:0.14103475213050842 the:0.1001436859369278 such:0.026117119938135147 an:0.025840891525149345 :0.0947655737400055 +the:0.14947068691253662 a:0.02162311226129532 this:0.01397552341222763 incorporation:0.01007164642214775 :0.1508333534002304 +own:0.024038812145590782 members:0.004807936027646065 most:0.004763392265886068 great:0.004400890786200762 :0.2552633583545685 +the:0.05403327941894531 to:0.04201113432645798 and:0.03307858854532242 a:0.022806920111179352 :0.14323627948760986 +the:0.02849610522389412 he:0.024621162563562393 of:0.019730959087610245 lie:0.011838083155453205 :0.32254308462142944 +to:0.8608299493789673 not:0.054256781935691833 for:0.005944670177996159 in:0.004932875744998455 :0.00394349405542016 +of:0.0832081213593483 the:0.047509342432022095 township:0.03813793882727623 and:0.03678121790289879 :0.17866994440555573 +have:0.09780808538198471 are:0.0740441232919693 had:0.048541076481342316 has:0.03842939808964729 :0.07261930406093597 +the:0.23256199061870575 a:0.04588703066110611 this:0.015103301964700222 tho:0.01405534241348505 :0.22837327420711517 +of:0.6487494707107544 and:0.03020133078098297 from:0.02145017683506012 to:0.01810605637729168 :0.013687755912542343 +be:0.5734995007514954 have:0.04258488863706589 not:0.03805854544043541 bo:0.020878784358501434 :0.024328356608748436 +The:0.13241955637931824 A:0.05994926765561104 It:0.045941777527332306 There:0.027224859222769737 :0.14926302433013916 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +of:0.5736129283905029 and:0.0354938879609108 to:0.029863281175494194 in:0.019758839160203934 :0.04805238917469978 +and:0.06723358482122421 in:0.035031404346227646 to:0.022325046360492706 is:0.020972907543182373 :0.24473536014556885 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +is:0.0957639217376709 was:0.09522277116775513 and:0.08434457331895828 has:0.05952984467148781 :0.05920768529176712 +of:0.07242319732904434 and:0.052403319627046585 the:0.017522364854812622 Mrs.:0.014220080338418484 :0.20574526488780975 +and:0.08155998587608337 the:0.04004435986280441 then,:0.03480740636587143 in:0.03225518390536308 :0.07297147065401077 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.08880279958248138 to:0.07611670345067978 and:0.06941679865121841 in:0.06844218075275421 :0.07945703715085983 +the:0.09664604067802429 that:0.06162377819418907 in:0.049690131098032 a:0.04718555137515068 :0.06530585885047913 +in:0.08560515195131302 at:0.07374531775712967 on:0.06951440870761871 for:0.05711764469742775 :0.13961142301559448 +the:0.21917171776294708 a:0.0412890762090683 said:0.019293347373604774 all:0.014711798168718815 :0.16806058585643768 +follows::0.10426011681556702 much:0.06519082188606262 well:0.04979349300265312 a:0.046723872423172 :0.06631285697221756 +at:0.08712977916002274 like:0.0750933364033699 to:0.047922249883413315 upon:0.04156174510717392 :0.08563505858182907 +the:0.1444571316242218 a:0.03738047927618027 that:0.03068234957754612 in:0.029054423794150352 :0.07734797149896622 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +and:0.07635224610567093 of:0.06619912385940552 or:0.04500998929142952 in:0.04050646722316742 :0.0497564934194088 +the:0.3151485323905945 a:0.11876905709505081 all:0.05585576221346855 their:0.017831722274422646 :0.07279372960329056 +per:0.06403208523988724 years,:0.04356563091278076 years:0.03823884204030037 cents:0.032265760004520416 :0.28165727853775024 +the:0.0236128531396389 a:0.011451487429440022 I:0.010176095180213451 The:0.008728445507586002 :0.4818628132343292 +made:0.019289659336209297 a:0.01772058568894863 the:0.01115239504724741 in:0.008843453601002693 :0.2972393333911896 +is:0.19220121204853058 was:0.08673154562711716 will:0.03282377868890762 would:0.031237101182341576 :0.12148718535900116 +the:0.14197805523872375 a:0.10417318344116211 not:0.062280867248773575 an:0.016629768535494804 :0.08744052797555923 +and:0.0628194659948349 the:0.028831815347075462 of:0.02844935655593872 ing:0.021624157205224037 :0.22745244204998016 +that:0.13308346271514893 a:0.08059225231409073 the:0.058364853262901306 to:0.05599745735526085 :0.08906897157430649 +and:0.39980360865592957 of:0.01632567122578621 o'clock:0.010545231401920319 to:0.00956649985164404 :0.24339929223060608 +and:0.12706999480724335 in:0.047877002507448196 by:0.04093889519572258 the:0.0375448614358902 :0.049548421055078506 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +way:0.05318635329604149 own:0.05136037990450859 home:0.019133126363158226 escape:0.009622296318411827 :0.12167426198720932 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +man:0.007316614035516977 and:0.006245465949177742 one:0.005730672739446163 loam:0.005517465993762016 :0.174287810921669 +The:0.03814880549907684 A:0.021716300398111343 No.:0.011934662237763405 W:0.010909633710980415 :0.28144484758377075 +to:0.10813431441783905 as:0.0789247378706932 and:0.04921600967645645 for:0.030149033293128014 :0.1189204677939415 +person:0.0295101348310709 man:0.015649959444999695 part:0.008975221775472164 person,:0.00884456280618906 :0.15432211756706238 +is:0.21692705154418945 was:0.19023902714252472 would:0.07719545811414719 will:0.06181121990084648 :0.04437723755836487 +city:0.021365832537412643 country:0.017948724329471588 point:0.017411187291145325 source:0.017078561708331108 :0.1575707346200943 +the:0.12139295786619186 a:0.07978608459234238 of:0.048464249819517136 and:0.037922993302345276 :0.07546640187501907 +years:0.1251635104417801 days:0.04680802300572395 per:0.02422310784459114 minutes:0.02220848575234413 :0.16726899147033691 +and:0.11227115988731384 Block:0.08979617804288864 to:0.07614132016897202 from:0.01742384396493435 :0.16969580948352814 +are:0.1130317971110344 were:0.09146656095981598 will:0.07139736413955688 have:0.05655486881732941 :0.06575071811676025 +the:0.05557141453027725 and:0.04631185904145241 The:0.022284457460045815 of:0.019920770078897476 :0.1841890513896942 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +with:0.9156290888786316 therewith,:0.008457119576632977 in:0.004931209143251181 and:0.004066688008606434 :0.014838885515928268 +and:0.05407554656267166 of:0.0217250045388937 feet:0.0189563799649477 the:0.01764708198606968 :0.1495158076286316 +of:0.31069040298461914 were:0.04169365018606186 to:0.03882511705160141 are:0.03808188438415527 :0.03556004911661148 +the:0.14341862499713898 a:0.1002069041132927 an:0.016773127019405365 his:0.016264980658888817 :0.14697392284870148 +and:0.0670899897813797 war:0.05521407350897789 service:0.05235947668552399 rights:0.02800319343805313 :0.2801819443702698 +been:0.060034383088350296 a:0.04918312281370163 to:0.042047712951898575 no:0.03611384332180023 :0.08072179555892944 +be:0.10107354819774628 the:0.09571433067321777 have:0.025710713118314743 make:0.01882288046181202 :0.12032170593738556 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.09418850392103195 to:0.021858960390090942 the:0.01988992840051651 or:0.012919875793159008 :0.13745950162410736 +Range:0.04193468764424324 of:0.03834213688969612 Dakota,:0.03178597614169121 Dakota:0.02502155676484108 :0.32579129934310913 +the:0.038399264216423035 to:0.027752846479415894 and:0.01533763762563467 of:0.014063344337046146 :0.2302098125219345 +of:0.29590481519699097 door:0.09807571023702621 and:0.06346683949232101 the:0.043368857353925705 :0.07107976078987122 +to:0.11620504409074783 and:0.089277483522892 of:0.05222616344690323 the:0.04537072032690048 :0.060036543756723404 +said:0.01097036525607109 whole:0.005581320263445377 same:0.004864271264523268 country:0.004544029012322426 :0.21260114014148712 +own:0.04673086479306221 hands:0.00767933763563633 life:0.007375522516667843 and:0.006849690340459347 :0.16714896261692047 +the:0.09305428713560104 a:0.03989642113447189 and:0.010979752987623215 that:0.010357574559748173 :0.35385453701019287 +the:0.17563733458518982 a:0.05363874509930611 diameter,:0.04358626902103424 diameter:0.02944478951394558 :0.11649096012115479 +who:0.4552980661392212 in:0.02187461592257023 of:0.0159530658274889 that:0.015751946717500687 :0.08900792896747589 +The:0.1346403956413269 It:0.08592395484447479 In:0.04503456503152847 He:0.043246932327747345 :0.09930860996246338 +the:0.036840785294771194 make:0.028791720047593117 be:0.024658633396029472 do:0.021527228876948357 :0.09837399423122406 +of:0.13562044501304626 and:0.043549153953790665 to:0.014658039435744286 the:0.011333616450428963 :0.21024098992347717 +bidder:0.18563798069953918 bidder,:0.10754109174013138 and:0.06869909912347794 bidder.:0.012960828840732574 :0.10386010259389877 +of:0.3678813576698303 in:0.04078361392021179 to:0.03214077651500702 and:0.03205234557390213 :0.03335127979516983 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.08833149075508118 a:0.0372605137526989 said:0.01725703477859497 his:0.009745162911713123 :0.3841261565685272 +the:0.05704169720411301 of:0.04449513554573059 to:0.02746499702334404 not:0.020473171025514603 :0.20272137224674225 +and:0.12854549288749695 of:0.029518399387598038 to:0.015035687014460564 who:0.014030521735548973 :0.135879784822464 +and:0.07434063404798508 to:0.027249110862612724 The:0.021744346246123314 of:0.015541549772024155 :0.1585753709077835 +are:0.10886813700199127 were:0.08140277117490768 who:0.07532750070095062 have:0.05511068180203438 :0.07049882411956787 +the:0.14621034264564514 defaulting:0.028435248881578445 a:0.02560908906161785 purchaser.:0.017157433554530144 :0.1562696099281311 +of:0.2738374173641205 and:0.08617500215768814 to:0.025734204798936844 was:0.023934999480843544 :0.15206462144851685 +and:0.1172226071357727 the:0.07564174383878708 but:0.050686825066804886 in:0.0217756237834692 :0.06440161913633347 +States:0.6168808341026306 States,:0.0554216243326664 States.:0.029583297669887543 Slates:0.012085561640560627 :0.18247155845165253 +ity:0.6849358677864075 ity,:0.18039356172084808 and:0.006714765913784504 of:0.0019067174289375544 :0.03926004096865654 +said:0.005637155380100012 same:0.005182961467653513 first:0.005070779472589493 whole:0.004115477204322815 :0.39848366379737854 +and:0.08425790816545486 The:0.03355185315012932 to:0.02033044956624508 the:0.01815892942249775 :0.1947084218263626 +the:0.19764772057533264 a:0.09564444422721863 him:0.07640548050403595 them:0.042626772075891495 :0.047062065452337265 +of:0.1054011732339859 and:0.05286286771297455 in:0.052744556218385696 were:0.04142950102686882 :0.034975145012140274 +to:0.23201745748519897 the:0.11532089114189148 and:0.058643411844968796 a:0.04556512087583542 :0.04114815592765808 +a:0.06645433604717255 not:0.06297267228364944 the:0.05545869842171669 to:0.05350816994905472 :0.11969377845525742 +and:0.11536823213100433 the:0.05613468959927559 a:0.03576715290546417 at:0.03376636281609535 :0.09605933725833893 +York:0.26354706287384033 York.:0.14272773265838623 York,:0.13340386748313904 York;:0.1294897347688675 :0.12293964624404907 +United:0.013830685056746006 State:0.008938537910580635 said:0.005813676863908768 most:0.005292195826768875 :0.25928518176078796 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +same:0.017058102414011955 said:0.009845863096415997 first:0.008737398311495781 whole:0.00663003558292985 :0.1582387536764145 +of:0.2487267702817917 in:0.11136720329523087 In:0.045951589941978455 and:0.044292036443948746 :0.062257882207632065 +great:0.026309678331017494 very:0.02252604439854622 member:0.02048908732831478 good:0.019123850390315056 :0.17179067432880402 +party:0.0040721530094742775 said:0.0031215299386531115 whole:0.0030633413698524237 State:0.0030290617141872644 :0.37801292538642883 +two:0.32744675874710083 more:0.13914920389652252 the:0.0425228625535965 a:0.02896951697766781 :0.07177627086639404 +be:0.05387638881802559 a:0.032458361238241196 been:0.022788269445300102 the:0.020301684737205505 :0.14384301006793976 +and:0.03736107051372528 of:0.022448187693953514 the:0.01788404956459999 in:0.017316045239567757 :0.21769356727600098 +of:0.19342899322509766 and:0.06420421600341797 was:0.044953297823667526 is:0.029529418796300888 :0.060411740094423294 +is:0.11204664409160614 was:0.07888782769441605 are:0.04731452837586403 has:0.04647355154156685 :0.040121160447597504 +of:0.38330596685409546 that:0.030782189220190048 from:0.030459431931376457 and:0.029722830280661583 :0.04353718459606171 +to:0.3906438648700714 of:0.24417419731616974 for:0.04705905169248581 that:0.02808118239045143 :0.023836031556129456 +own:0.01680215261876583 people:0.011422613635659218 country:0.006669993046671152 party:0.004923475440591574 :0.2165985256433487 +are:0.1269451528787613 were:0.08467254042625427 will:0.07223591208457947 have:0.06780669838190079 :0.04680120572447777 +and:0.09260150790214539 coin,:0.07963132113218307 to:0.03357482701539993 in:0.03267056122422218 :0.1076311245560646 +large:0.016962748020887375 few:0.014778847806155682 copy:0.013012333773076534 man:0.012466252781450748 :0.18013863265514374 +to:0.1808260977268219 on:0.13011442124843597 and:0.12170787155628204 upon:0.09708825498819351 :0.034165989607572556 +claim:0.04946285858750343 bonds:0.047930482774972916 mortgage:0.02558983862400055 and:0.024622371420264244 :0.1308830976486206 +a:0.04868994653224945 the:0.032687582075595856 not:0.0204587634652853 in:0.01654724031686783 :0.09293729066848755 +be:0.28842151165008545 have:0.04673473536968231 not:0.032813843339681625 bo:0.020671598613262177 :0.12021254003047943 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.08704093098640442 that:0.030007362365722656 or:0.02645180933177471 of:0.02051374316215515 :0.08821672946214676 +by:0.11259806156158447 to:0.09649834036827087 the:0.08457940816879272 at:0.06651987135410309 :0.05276595056056976 +the:0.16776764392852783 it:0.052708543837070465 this:0.03369249776005745 they:0.028578346595168114 :0.03810702636837959 +the:0.1609867811203003 he:0.04809766262769699 they:0.04328399896621704 it:0.03634288161993027 :0.07535696774721146 +the:0.3272978663444519 a:0.03655724972486496 it:0.032739002257585526 these:0.02722945436835289 :0.055297184735536575 +.:0.03674917295575142 and:0.015377437695860863 of:0.012162646278738976 the:0.008721654303371906 :0.41256141662597656 +been:0.1839200109243393 not:0.034707922488451004 had:0.019597861915826797 a:0.01767822355031967 :0.08000820130109787 +the:0.08073586225509644 a:0.06140299141407013 up:0.04218451678752899 him:0.02813882566988468 :0.08633686602115631 +from:0.09536674618721008 in:0.08105339109897614 up:0.07347474992275238 out:0.063290074467659 :0.06288444995880127 +and:0.016878874972462654 people:0.011401147581636906 men:0.010220342315733433 party:0.0068849255330860615 :0.20964926481246948 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.13756251335144043 a:0.09868734329938889 that:0.04320337995886803 not:0.04106530919671059 :0.11750464141368866 +be:0.08159384876489639 only:0.06478659808635712 to:0.06123095750808716 have:0.028563158586621284 :0.08186809718608856 +the:0.0482824482023716 to:0.02728402242064476 that:0.014812654815614223 conveyed:0.014291735365986824 :0.17405299842357635 +the:0.2459920346736908 a:0.043578941375017166 their:0.015975430607795715 this:0.01219288632273674 :0.09568924456834793 +be:0.029858766123652458 in:0.02177797444164753 have:0.019384855404496193 to:0.017911989241838455 :0.19796165823936462 +the:0.22697177529335022 they:0.06436321884393692 he:0.06136607006192207 it:0.056318119168281555 :0.03559320420026779 +the:0.26824620366096497 a:0.06505539268255234 their:0.014041716232895851 which:0.012654663063585758 :0.10081122815608978 +first:0.03682202845811844 service:0.026022691279649734 passage:0.016567982733249664 expiration:0.014587546698749065 :0.17361778020858765 +the:0.17479291558265686 he:0.054955288767814636 they:0.042984552681446075 it:0.026517027989029884 :0.08032451570034027 +of:0.23735666275024414 on:0.06991078704595566 in:0.05166557803750038 to:0.03126223757863045 :0.07376338541507721 +a:0.06259241700172424 the:0.05482637509703636 not:0.033980920910835266 made:0.02899891324341297 :0.1631547510623932 +the:0.3764321804046631 a:0.030234288424253464 said:0.020697427913546562 his:0.01354256458580494 :0.1130865141749382 +The:0.0747959092259407 It:0.05293738469481468 I:0.029147453606128693 He:0.026942545548081398 :0.07410390675067902 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +and:0.10892639309167862 for:0.04824235290288925 of:0.046979211270809174 was:0.029750319197773933 :0.07252319902181625 +the:0.12774088978767395 and:0.06664537638425827 a:0.02876947447657585 to:0.023512287065386772 :0.09084595739841461 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.1031627207994461 and:0.0819990485906601 that:0.04183327034115791 in:0.03355325385928154 :0.07243376225233078 +the:0.23628351092338562 said:0.03024630807340145 a:0.023603463545441628 this:0.020979005843400955 :0.1727784276008606 +of:0.4244600832462311 in:0.033259663730859756 from:0.01692177727818489 to:0.013762647286057472 :0.08490856736898422 +and:0.06407270580530167 to:0.030487490817904472 in:0.0202205628156662 thing:0.0193081796169281 :0.1099952906370163 +the:0.2311410754919052 a:0.0639604777097702 this:0.018744267523288727 his:0.01819087564945221 :0.10437405854463577 +the:0.2996473014354706 he:0.03816961124539375 they:0.027306517586112022 it:0.023581156507134438 :0.07781947404146194 +and:0.03125283122062683 per:0.025581559166312218 the:0.02076028659939766 a:0.020030692219734192 :0.2932598888874054 +and:0.2114768624305725 to:0.023625755682587624 was:0.021252557635307312 has:0.01452242024242878 :0.19681710004806519 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +who:0.09403667598962784 to:0.05321307107806206 in:0.05056131258606911 and:0.03966652601957321 :0.06634866446256638 +the:0.14641337096691132 a:0.03369531035423279 and:0.020925136283040047 to:0.016809280961751938 :0.10796941071748734 +own:0.018052099272608757 head:0.011023998260498047 heart:0.009386994875967503 wife:0.008821167051792145 :0.2391243875026703 +and:0.13720376789569855 in:0.0379590280354023 of:0.036630768328905106 with:0.02183615416288376 :0.07764580100774765 +the:0.3589784502983093 a:0.04038616269826889 said:0.01592017523944378 tho:0.01549624465405941 :0.08945445716381073 +the:0.1301674097776413 a:0.02114451862871647 his:0.013331567868590355 this:0.011922871693968773 :0.1778794378042221 +to:0.08032955974340439 and:0.0383693128824234 a:0.018115876242518425 in:0.0126387570053339 :0.17868930101394653 +are:0.08530215919017792 were:0.06904803961515427 came:0.02911999076604843 have:0.028224000707268715 :0.0709783211350441 +the:0.09729675948619843 it:0.04769623652100563 he:0.027081863954663277 they:0.02597961015999317 :0.0797344520688057 +of:0.20182804763317108 and:0.06510722637176514 are:0.04944324120879173 in:0.03547079488635063 :0.03491206839680672 +of:0.2426108866930008 to:0.15483209490776062 and:0.04235140606760979 in:0.03893814608454704 :0.036208879202604294 +a:0.07764142751693726 the:0.03507194668054581 to:0.03275737166404724 only:0.026493800804018974 :0.11510374397039413 +and:0.01637899875640869 the:0.011295037344098091 ing:0.00750778941437602 The:0.007147672586143017 :0.6431494355201721 +thereon:0.2658371925354004 at:0.09938452392816544 in:0.08753276616334915 and:0.07902529090642929 :0.053317226469516754 +and:0.08696270734071732 of:0.030189143493771553 The:0.01724386028945446 to:0.017174774780869484 :0.2286924421787262 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +not:0.07255420088768005 a:0.06740595400333405 the:0.04202636331319809 to:0.020898839458823204 :0.16048632562160492 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.11350436508655548 in:0.055496178567409515 from:0.05350698158144951 for:0.04657939821481705 :0.03979495167732239 +der:0.07727761566638947 til:0.059187714010477066 less:0.042995989322662354 able:0.0278650913387537 :0.29543375968933105 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.26011422276496887 this:0.02325875125825405 a:0.02030593529343605 his:0.013339939527213573 :0.14894193410873413 +man:0.02338762953877449 and:0.021806083619594574 oak,:0.016332756727933884 men:0.013916585594415665 :0.2684454321861267 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +much:0.09495486319065094 that:0.06896090507507324 far:0.06522620469331741 as:0.03414154425263405 :0.09284909069538116 +to:0.11202698200941086 and:0.08869755268096924 in:0.05522748455405235 with:0.036314163357019424 :0.047675494104623795 +terly:0.567145824432373 tered:0.013951895758509636 and:0.011391512118279934 ed:0.0074651287868618965 :0.10895983129739761 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +opportunity:0.08268623054027557 old:0.01934826374053955 idea:0.01823514699935913 excellent:0.009796385653316975 :0.15882565081119537 +as:0.03801253065466881 to:0.03465748950839043 the:0.03399765491485596 every:0.03375976160168648 :0.12630444765090942 +of:0.05473342910408974 and:0.03660817816853523 to:0.02786068245768547 in:0.014832833781838417 :0.204084575176239 +of:0.35142821073532104 and:0.08319411426782608 by:0.03687186539173126 in:0.030814720317721367 :0.03724198043346405 +own:0.03856855258345604 husband:0.010474715381860733 husband,:0.010044042952358723 life:0.008669380098581314 :0.18111631274223328 +the:0.23419319093227386 a:0.07511775195598602 his:0.01936854049563408 he:0.016542334109544754 :0.08674882352352142 +of:0.10100649297237396 in:0.0931813046336174 to:0.03759606182575226 and:0.031022800132632256 :0.08403720706701279 +be:0.06656259298324585 the:0.06264518201351166 make:0.023678435012698174 have:0.022103186696767807 :0.18253430724143982 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +the:0.09869276732206345 that:0.046068836003541946 a:0.04405062645673752 it:0.03660517558455467 :0.04044957086443901 +not:0.05940677970647812 a:0.05814719200134277 the:0.039894163608551025 now:0.037240102887153625 :0.12120845168828964 +a:0.1489533931016922 the:0.13794982433319092 it:0.04094746708869934 an:0.03023884817957878 :0.055804185569286346 +the:0.07967913895845413 and:0.029557229951024055 in:0.018613291904330254 of:0.01789480820298195 :0.08320996165275574 +and:0.26077768206596375 are:0.0606917068362236 with:0.04983442649245262 in:0.038958676159381866 :0.0371161624789238 +far:0.029751412570476532 be:0.019935814663767815 have:0.011998254805803299 far,:0.010842817835509777 :0.2001216858625412 +to:0.0944363921880722 well:0.07591117918491364 the:0.0666813999414444 a:0.06070072576403618 :0.09045397490262985 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.13286806643009186 and:0.06134318932890892 in:0.05088460072875023 to:0.029575953260064125 :0.08321627974510193 +the:0.14632798731327057 be:0.044420260936021805 a:0.02594713866710663 do:0.01012429129332304 :0.08035199344158173 +the:0.25507238507270813 a:0.03787530958652496 this:0.021912990137934685 said:0.016365917399525642 :0.11339493095874786 +gress:0.07462510466575623 ducing:0.06539514660835266 ceedings:0.06498853862285614 cess:0.046930644661188126 :0.22352299094200134 +and:0.1287454068660736 of:0.06506209820508957 in:0.041599832475185394 for:0.03845953941345215 :0.06801463663578033 +the:0.3932105302810669 a:0.04228229820728302 said:0.022827710956335068 Mr.:0.02045605145394802 :0.09109481424093246 +of:0.14696304500102997 hundred:0.09833423048257828 year:0.02202216535806656 night:0.015536848455667496 :0.0717482790350914 +of:0.5275005102157593 that:0.03827733173966408 to:0.027880648151040077 and:0.01855545863509178 :0.052448373287916183 +to:0.21326462924480438 and:0.03462012857198715 in:0.023697538301348686 of:0.017263678833842278 :0.1050758883357048 +and:0.034449007362127304 or:0.0227932371199131 .:0.01582656055688858 of:0.014870344661176205 :0.2792430818080902 +the:0.04739316925406456 of:0.043545931577682495 and:0.04325597733259201 to:0.019315306097269058 :0.2428232580423355 +first:0.027440665289759636 most:0.021894216537475586 only:0.017281975597143173 same:0.009405071847140789 :0.24638071656227112 +of:0.22686165571212769 and:0.13451233506202698 to:0.05348053202033043 in:0.032439447939395905 :0.049377843737602234 +the:0.2752836048603058 affairs:0.06492747366428375 a:0.03946959227323532 this:0.02366049215197563 :0.09447364509105682 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +great:0.009212004952132702 the:0.007670271210372448 few:0.00616771075874567 of:0.005813985597342253 :0.3336065709590912 +the:0.03805151209235191 make:0.028872760012745857 be:0.02870575524866581 do:0.021798700094223022 :0.10236751288175583 +over:0.0978250801563263 to:0.06473542004823685 out:0.050222478806972504 the:0.04494616761803627 :0.12057717144489288 +and:0.019893120974302292 Roosevelt:0.019816840067505836 the:0.013288477435708046 John:0.010893157683312893 :0.4119046628475189 +towns:0.16801030933856964 the:0.07852055132389069 towns,:0.040806252509355545 to:0.018400171771645546 :0.11074382066726685 +the:0.050117842853069305 so:0.041701268404722214 to:0.03629468381404877 not:0.03556818515062332 :0.07172702252864838 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +.:0.055689167231321335 few:0.026724107563495636 man:0.026203766465187073 large:0.019005104899406433 :0.20473672449588776 +The:0.09917820245027542 He:0.03920193389058113 It:0.033754173666238785 In:0.03074139542877674 :0.17578555643558502 +own:0.04601745307445526 consent,:0.01959465816617012 consent.:0.01399910356849432 knowledge:0.010194748640060425 :0.2228308618068695 +and:0.04608303681015968 Co.,:0.03520822525024414 at:0.03365345299243927 of:0.02902134507894516 :0.18597866594791412 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.12690560519695282 a:0.0942172184586525 to:0.07582853734493256 he:0.07005783170461655 :0.06035053730010986 +of:0.8389705419540405 ot:0.01839064061641693 and:0.015774618834257126 that:0.005876198410987854 :0.006769193336367607 +The:0.10935932397842407 It:0.04917455092072487 I:0.035530202090740204 In:0.02995501644909382 :0.13260428607463837 +to:0.6936360001564026 that:0.13489344716072083 of:0.02394912764430046 and:0.01909877173602581 :0.017275849357247353 +E:0.021086759865283966 and:0.017936088144779205 C.:0.01128009520471096 E.:0.009921742603182793 :0.45825836062431335 +to:0.45100727677345276 for:0.042943719774484634 the:0.042335394769907 and:0.02228749357163906 :0.07397843152284622 +and:0.12474124133586884 with:0.06431722640991211 was:0.03816492483019829 in:0.03607558086514473 :0.05546937137842178 +the:0.07379411906003952 to:0.02930484339594841 and:0.025598686188459396 a:0.022626562044024467 :0.13606560230255127 +the:0.13042306900024414 this:0.020043307915329933 a:0.019157834351062775 that:0.011368435807526112 :0.14888422191143036 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.41199952363967896 a:0.04364549741148949 tho:0.020271100103855133 this:0.018567945808172226 :0.10460717976093292 +be:0.34575560688972473 have:0.046128738671541214 not:0.023364124819636345 bo:0.018847879022359848 :0.13276679813861847 +per:0.028924863785505295 is:0.024381661787629128 was:0.014417511411011219 of:0.011952012777328491 :0.3093223571777344 +was:0.10232683271169662 is:0.04608093202114105 had:0.0374496653676033 has:0.030193036422133446 :0.14599092304706573 +and:0.07020606100559235 W.:0.015070456080138683 D.:0.01266960334032774 in:0.012366839684545994 :0.33277279138565063 +the:0.21241402626037598 a:0.05895937606692314 by:0.03406103327870369 in:0.023708738386631012 :0.06613514572381973 +of:0.1262660026550293 and:0.07390335202217102 for:0.023999642580747604 from:0.02397693693637848 :0.20640791952610016 +and:0.07123184949159622 of:0.0258583165705204 who:0.021862665191292763 the:0.01528149377554655 :0.24119503796100616 +to:0.6025890111923218 the:0.055916741490364075 for:0.037890028208494186 a:0.025660449638962746 :0.02740081399679184 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.026601960882544518 and:0.022977858781814575 of:0.020814642310142517 to:0.018396513536572456 :0.26962563395500183 +meeting:0.05167676508426666 report:0.03294871374964714 convention:0.0198141410946846 tax:0.019233528524637222 :0.1552039384841919 +sidered:0.13521625101566315 ducted:0.058307308703660965 structed:0.02894090861082077 tinued:0.02637437731027603 :0.3720286190509796 +and:0.06117674335837364 government:0.023636016994714737 army:0.011815032921731472 army,:0.007857334800064564 :0.22865115106105804 +of:0.5095038414001465 where:0.0472821407020092 and:0.028286291286349297 to:0.024996712803840637 :0.02541336975991726 +neys:0.30476319789886475 ney:0.21951355040073395 ney,:0.04945859685540199 and:0.007045910693705082 :0.0610978901386261 +ties:0.14187227189540863 ty:0.09490050375461578 ents,:0.07165931910276413 ents:0.050684746354818344 :0.21974916756153107 +and:0.08988068997859955 to:0.0775839239358902 was:0.0682283565402031 is:0.061327215284109116 :0.05200694873929024 +of:0.13562044501304626 and:0.043549153953790665 to:0.014658039435744286 the:0.011333616450428963 :0.21024098992347717 +be:0.5074201226234436 bo:0.02316354587674141 fail:0.020587865263223648 have:0.013179381377995014 :0.05797101929783821 +and:0.1348104625940323 the:0.023557404056191444 but:0.02003234066069126 with:0.012557851150631905 :0.1245940700173378 +the:0.06844975054264069 that:0.027378058061003685 in:0.021052470430731773 to:0.02055886760354042 :0.10326386988162994 +of:0.2274872064590454 and:0.06234690174460411 the:0.053786568343639374 to:0.026317493990063667 :0.054372914135456085 +the:0.1778281182050705 a:0.02557603269815445 tho:0.013416613452136517 said:0.011071461252868176 :0.2747887670993805 +was:0.035034820437431335 had:0.034849606454372406 made:0.019322581589221954 would:0.01290785800665617 :0.16031478345394135 +the:0.32679104804992676 a:0.04977690055966377 said:0.027062075212597847 tho:0.016424769535660744 :0.14475712180137634 +and:0.06576868146657944 of:0.046664848923683167 the:0.0209384486079216 The:0.020611798390746117 :0.15889453887939453 +most:0.010228587314486504 other:0.009748411364853382 first:0.009273577481508255 whole:0.008825785480439663 :0.18131080269813538 +the:0.1530778408050537 him:0.08454868942499161 them:0.07951448112726212 us:0.06578009575605392 :0.04272912070155144 +in:0.13402411341667175 that:0.08219181001186371 at:0.07693804055452347 by:0.050127383321523666 :0.049384765326976776 +of:0.5869941115379333 in:0.01757231168448925 and:0.01237170398235321 to:0.011950315907597542 :0.021131053566932678 +for:0.35801419615745544 a:0.07965806871652603 the:0.07297123968601227 in:0.017890291288495064 :0.04115914925932884 +and:0.05915088579058647 the:0.05268796160817146 to:0.03830452263355255 in:0.023102015256881714 :0.12235758453607559 +only:0.011523313820362091 first:0.008799871429800987 result:0.0077747260220348835 great:0.006402370985597372 :0.09243281185626984 +with:0.11209924519062042 to:0.07939920574426651 in:0.054880257695913315 along:0.05440336838364601 :0.12663090229034424 +was:0.10759538412094116 has:0.08024813234806061 is:0.06030341237783432 and:0.05283179506659508 :0.06998948752880096 +the:0.2516953647136688 a:0.05129598081111908 any:0.014612584374845028 this:0.0130580123513937 :0.15232887864112854 +far:0.029983021318912506 the:0.022234005853533745 to:0.012918871827423573 be:0.01253205630928278 :0.1377914994955063 +first:0.00916264671832323 only:0.00736684026196599 following:0.005604497157037258 most:0.0051620411686599255 :0.1956014484167099 +and:0.1873154193162918 but:0.10266192257404327 I:0.022127674892544746 the:0.017187250778079033 :0.06048719584941864 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +same:0.014498080126941204 whole:0.00499340845271945 first:0.004555779043585062 sum:0.004365459084510803 :0.14018866419792175 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +to:0.037300728261470795 have:0.03644595667719841 had:0.024849751964211464 was:0.02333306521177292 :0.13274025917053223 +the:0.16024835407733917 he:0.10142438858747482 they:0.0519869327545166 it:0.04384591057896614 :0.07611429691314697 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.25588151812553406 a:0.05531255900859833 his:0.02483736164867878 this:0.02237722836434841 :0.07971809804439545 +of:0.20828667283058167 and:0.06919033825397491 to:0.0431508794426918 at:0.038121867924928665 :0.111528180539608 +the:0.2132190316915512 a:0.028627129271626472 be:0.02648821845650673 tho:0.012878541834652424 :0.10137913376092911 +of:0.15087948739528656 per:0.1321256458759308 and:0.0776166096329689 on:0.04061991348862648 :0.05367838591337204 +and:0.10689618438482285 the:0.07388784736394882 with:0.01727900095283985 in:0.014058168046176434 :0.14656765758991241 +city:0.013684514909982681 same:0.012299713678658009 first:0.012064541690051556 case:0.0097059216350317 :0.1689721941947937 +and:0.15278084576129913 of:0.06795527040958405 in:0.06288851797580719 to:0.05605045706033707 :0.06003448739647865 +and:0.11672966927289963 in:0.02046564221382141 standard:0.01939120516180992 coin,:0.012559947557747364 :0.21130169928073883 +the:0.36470818519592285 a:0.03619014844298363 tho:0.02372441627085209 this:0.021671446040272713 :0.11000877618789673 +to:0.10272738337516785 the:0.07675256580114365 a:0.06012795865535736 well:0.03137858957052231 :0.08801556378602982 +The:0.18476717174053192 It:0.0628821849822998 In:0.04898764193058014 A:0.030464669689536095 :0.06727702170610428 +of:0.02305164560675621 the:0.01689799502491951 more:0.012234681285917759 a:0.010156026110053062 :0.36709338426589966 +of:0.90702223777771 ot:0.011832795105874538 ol:0.006747452076524496 in:0.004153717774897814 :0.004102887120097876 +The:0.14836621284484863 A:0.05431797355413437 It:0.03795325383543968 I:0.033165428787469864 :0.22528672218322754 +2:0.07223156839609146 1:0.04856036975979805 3:0.03680542856454849 1,:0.03374960273504257 :0.2723827660083771 +the:0.07815790176391602 you:0.03586317226290703 that:0.028736582025885582 a:0.020040782168507576 :0.15028387308120728 +and:0.1757568120956421 the:0.04750717058777809 but:0.039427272975444794 that:0.03725786134600639 :0.05937504768371582 +of:0.3636236786842346 to:0.12215250730514526 for:0.07278091460466385 and:0.04355994984507561 :0.028973160311579704 +the:0.17084842920303345 a:0.02814832702279091 be:0.013841483741998672 make:0.012217828072607517 :0.16770601272583008 +persons:0.27334779500961304 persons,:0.07192441821098328 by:0.060938045382499695 the:0.024162529036402702 :0.10581804811954498 +the:0.26869893074035645 a:0.0920257419347763 his:0.02325492538511753 this:0.021760571748018265 :0.1188712790608406 +vember:0.2455943524837494 vember,:0.03747320920228958 and:0.008443803526461124 The:0.007210334297269583 :0.1863074153661728 +to:0.17091800272464752 than:0.15057159960269928 for:0.054141052067279816 in:0.02701631560921669 :0.04775857925415039 +and:0.07434063404798508 to:0.027249110862612724 The:0.021744346246123314 of:0.015541549772024155 :0.1585753709077835 +and:0.11574093997478485 the:0.0646279826760292 which:0.058565665036439896 that:0.056949179619550705 :0.07131939381361008 +the:0.14425423741340637 a:0.02079107239842415 tho:0.018888242542743683 this:0.013795369304716587 :0.3214115500450134 +a:0.10379324108362198 to:0.07820121943950653 no:0.044384539127349854 the:0.04194626212120056 :0.08651705086231232 +the:0.10378295183181763 a:0.09049831330776215 to:0.058608878403902054 well:0.04675043374300003 :0.09481773525476456 +same:0.005350193940103054 United:0.004681720398366451 whole:0.0033488802146166563 city:0.0031781562138348818 :0.29920777678489685 +be:0.04844583570957184 no:0.039807043969631195 is:0.037433575838804245 will:0.0369269996881485 :0.09166334569454193 +of:0.10838060081005096 and:0.07094868272542953 at:0.06933771818876266 for:0.05394076928496361 :0.09399855136871338 +the:0.07483278214931488 a:0.07423841208219528 well:0.05762714892625809 to:0.05241578444838524 :0.12247908115386963 +most:0.012092670425772667 people:0.010302038863301277 same:0.009974639862775803 right:0.008505660109221935 :0.2501676380634308 +of:0.3130073845386505 and:0.06404974311590195 in:0.04985448345541954 to:0.03354349359869957 :0.021726692095398903 +to:0.17049570381641388 trials,:0.06329313665628433 and:0.008562707342207432 in:0.008495322428643703 :0.22893914580345154 +the:0.17831175029277802 he:0.03758632391691208 it:0.03090730682015419 they:0.029935013502836227 :0.06645220518112183 +and:0.09572998434305191 of:0.06943029910326004 that:0.0335528664290905 was:0.027993809431791306 :0.11479970067739487 +own:0.026829075068235397 to:0.01808350346982479 husband:0.016375254839658737 mother:0.016060305759310722 :0.17519693076610565 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.04786454886198044 and:0.04491841793060303 or:0.028567243367433548 the:0.028341613709926605 :0.16377893090248108 +to:0.04327068105340004 and:0.03575673699378967 The:0.021578531712293625 in:0.01963459886610508 :0.2494049221277237 +and:0.1518000066280365 the:0.03961307927966118 but:0.017686573788523674 that:0.015024215914309025 :0.08417529612779617 +the:0.17944371700286865 a:0.0371742844581604 this:0.018435897305607796 which:0.01749686524271965 :0.09083804488182068 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +time:0.03215106576681137 condition:0.019299082458019257 and:0.018588220700621605 time,:0.015444604679942131 :0.14704756438732147 +out:0.17918074131011963 the:0.1388515830039978 on:0.07544472813606262 a:0.044147178530693054 :0.04252367839217186 +and:0.04576330631971359 of:0.035388510674238205 years:0.02913784794509411 to:0.025564122945070267 :0.29136860370635986 +same:0.015579001046717167 most:0.011526798829436302 other:0.010341834276914597 sum:0.008361389860510826 :0.17339058220386505 +of:0.46167245507240295 to:0.05902189016342163 and:0.03220469132065773 is:0.03020729124546051 :0.0475781112909317 +and:0.07549327611923218 to:0.05741758644580841 by:0.039672400802373886 in:0.02432161197066307 :0.13086660206317902 +of:0.4230539798736572 and:0.022369712591171265 to:0.014130685478448868 ot:0.008274422027170658 :0.131691113114357 +was:0.12535950541496277 had:0.09816740453243256 could:0.051255352795124054 is:0.02330453135073185 :0.06036168336868286 +the:0.20752961933612823 be:0.03878374770283699 this:0.024301733821630478 a:0.023840945214033127 :0.05090447515249252 +been:0.293828547000885 not:0.05205607786774635 a:0.015219561755657196 already:0.01482485793530941 :0.06841292977333069 +the:0.2009161412715912 a:0.1756984442472458 not:0.02785024791955948 that:0.023643651977181435 :0.11333177238702774 +that:0.10128538310527802 the:0.047684140503406525 is:0.04322831705212593 to:0.03124416247010231 :0.04886295273900032 +the:0.06341835856437683 a:0.015676451846957207 his:0.00640874681994319 not:0.0059009431861341 :0.17941997945308685 +that:0.18739382922649384 the:0.17924964427947998 a:0.08185740560293198 to:0.031885869801044464 :0.05099847540259361 +that:0.3307502269744873 the:0.09902496635913849 a:0.0748843178153038 how:0.02729501575231552 :0.05323639512062073 +and:0.08871427923440933 the:0.03888072445988655 to:0.037763528525829315 of:0.025958344340324402 :0.16567166149616241 +of:0.2324303835630417 hundred:0.03352290019392967 who:0.02018466778099537 and:0.01712670922279358 :0.12172071635723114 +the:0.07234199345111847 a:0.044177453964948654 to:0.04032390937209129 and:0.012562667950987816 :0.2348155826330185 +limits:0.0736374482512474 past:0.04459294304251671 last:0.03753207251429558 next:0.03643542528152466 :0.13274453580379486 +of:0.16015690565109253 other:0.022722920402884483 one:0.01850646547973156 circumstances:0.013746876269578934 :0.16162720322608948 +in:0.1528247892856598 on:0.07579394429922104 up:0.06550183147192001 with:0.04689004272222519 :0.052180077880620956 +the:0.22497524321079254 a:0.048068366944789886 this:0.014619605615735054 all:0.013933214358985424 :0.09893590956926346 +result:0.030811160802841187 matter:0.01572415605187416 man:0.013221099972724915 rule,:0.011220080778002739 :0.19510146975517273 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +be:0.27093976736068726 not:0.05886035040020943 have:0.021648190915584564 bo:0.01612957753241062 :0.10208532959222794 +and:0.38779011368751526 as:0.026132380589842796 to:0.022891826927661896 was:0.018528742715716362 :0.04150162264704704 +of:0.3624497354030609 to:0.05488339439034462 the:0.044324059039354324 for:0.04193217307329178 :0.039146166294813156 +to:0.31876036524772644 by:0.17430151998996735 with:0.16737350821495056 in:0.03616222366690636 :0.027859624475240707 +the:0.09928875416517258 that:0.029914921149611473 it:0.023216554895043373 a:0.018382329493761063 :0.07205001264810562 +the:0.29255709052085876 a:0.11086497455835342 his:0.034035325050354004 which:0.022069372236728668 :0.06313200294971466 +is:0.33399757742881775 was:0.1679321527481079 has:0.043254680931568146 would:0.027958296239376068 :0.03231305629014969 +of:0.1600833386182785 and:0.15529516339302063 to:0.06065691262483597 in:0.048521943390369415 :0.06425971537828445 +The:0.05776457116007805 A:0.031064536422491074 In:0.021331291645765305 He:0.01916525512933731 :0.30964216589927673 +and:0.04751165956258774 the:0.04631679877638817 of:0.022553825750947 to:0.01846744678914547 :0.2070973813533783 +between:0.2247765064239502 of:0.153741255402565 in:0.09915871173143387 that:0.03393104672431946 :0.033409856259822845 +said:0.008971326984465122 bill:0.006227603182196617 law:0.00611533410847187 public:0.0061042653396725655 :0.19629281759262085 +the:0.3021570146083832 a:0.07361909002065659 his:0.026146072894334793 their:0.01807834953069687 :0.09022407233715057 +the:0.2544163763523102 a:0.03487665206193924 be:0.025565145537257195 his:0.013271499425172806 :0.14638593792915344 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +own:0.024038812145590782 members:0.004807936027646065 most:0.004763392265886068 great:0.004400890786200762 :0.2552633583545685 +same:0.05667797103524208 size:0.0116123016923666 middle:0.011247881688177586 time:0.010165534913539886 :0.15743552148342133 +and:0.2433464080095291 but:0.056353237479925156 which:0.028319908306002617 the:0.025148922577500343 :0.10701930522918701 +of:0.1540323793888092 and:0.05371083319187164 from:0.025469966232776642 dwelling:0.02245657704770565 :0.16964346170425415 +and:0.18266667425632477 the:0.04075317829847336 in:0.027969984337687492 a:0.020438000559806824 :0.054468415677547455 +the:0.20031596720218658 this:0.01955607160925865 said:0.019105451181530952 a:0.01639528013765812 :0.21593904495239258 +a:0.036821700632572174 the:0.01853150688111782 made:0.017963040620088577 taken:0.015354735776782036 :0.18455924093723297 +the:0.03460892289876938 and:0.03418854996562004 to:0.033427923917770386 of:0.021064303815364838 :0.16535234451293945 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +to:0.05842028558254242 not:0.04612797871232033 in:0.02342003583908081 the:0.01916947029531002 :0.1395147293806076 +and:0.027846185490489006 of:0.023262465372681618 cases:0.020737625658512115 or:0.014564520679414272 :0.18176385760307312 +of:0.10179856419563293 to:0.0998799279332161 for:0.061376966536045074 in:0.03846324607729912 :0.0865689069032669 +the:0.15163850784301758 that:0.027804050594568253 a:0.026454927399754524 to:0.01823311671614647 :0.09827254712581635 +the:0.04208993539214134 and:0.014053684659302235 a:0.009252880699932575 to:0.008092745207250118 :0.32568541169166565 +to:0.04556085169315338 the:0.04348483681678772 and:0.037509530782699585 be:0.024387972429394722 :0.142970472574234 +the:0.039904188364744186 New:0.03844168037176132 St.:0.020939817652106285 Los:0.01835988089442253 :0.2622256875038147 +be:0.37722331285476685 not:0.03003772720694542 bo:0.02565399371087551 he:0.017349647358059883 :0.08362959325313568 +the:0.28115272521972656 a:0.08373266458511353 his:0.017631974071264267 tho:0.01575256884098053 :0.08277830481529236 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +of:0.43619683384895325 day:0.02500808797776699 is:0.020369702950119972 was:0.01547817513346672 :0.06071072444319725 +and:0.08489111810922623 in:0.04790741205215454 to:0.03524032235145569 is:0.03170132264494896 :0.14361338317394257 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.1648385226726532 who:0.051897116005420685 the:0.03719934821128845 but:0.036905303597450256 :0.08278531581163406 +to:0.05299326404929161 and:0.048169009387493134 in:0.03696699067950249 have:0.01985621079802513 :0.032118216156959534 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +a:0.11619208008050919 him:0.10683664679527283 the:0.08625347912311554 them:0.053251203149557114 :0.058526866137981415 +of:0.0796680599451065 and:0.04484059661626816 the:0.03083472140133381 The:0.01956021972000599 :0.17226913571357727 +and:0.10482168197631836 to:0.07655934244394302 ing:0.02737252227962017 the:0.016711236909031868 :0.28617605566978455 +.:0.8663626909255981 .,:0.006846352480351925 of:0.002867005066946149 .;:0.0027093798853456974 :0.05415302515029907 +the:0.20468634366989136 a:0.030060049146413803 10:0.016887184232473373 least:0.013091716915369034 :0.33339351415634155 +the:0.2614768445491791 a:0.024520011618733406 this:0.020566880702972412 tho:0.015175393782556057 :0.2523287832736969 +time:0.01527309324592352 right,:0.013752451166510582 other:0.012364895083010197 way:0.008908342570066452 :0.16499440371990204 +the:0.29584404826164246 he:0.03518582880496979 it:0.021867724135518074 they:0.021368565037846565 :0.09603098034858704 +to:0.1362759917974472 of:0.08224521577358246 and:0.05343688651919365 were:0.03506969287991524 :0.031010039150714874 +the:0.05332684889435768 and:0.02398693561553955 to:0.019785650074481964 a:0.01645967736840248 :0.2472950965166092 +the:0.08514363318681717 and:0.08493322134017944 or:0.06231600418686867 to:0.03279081732034683 :0.08706165105104446 +good:0.025210192427039146 right:0.02119189128279686 great:0.01621919497847557 very:0.01614796742796898 :0.13909828662872314 +and:0.052137963473796844 the:0.051469337195158005 to:0.03679360821843147 in:0.023059796541929245 :0.17262299358844757 +and:0.08921212702989578 of:0.015376861207187176 to:0.0087276017293334 in:0.008415410295128822 :0.1775287389755249 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +down:0.1824800968170166 in:0.08402890712022781 up:0.046559013426303864 and:0.03784477338194847 :0.0596589632332325 +by:0.331163227558136 in:0.09020999819040298 with:0.05317479744553566 for:0.040396906435489655 :0.03500447794795036 +same:0.013903209008276463 said:0.007755815517157316 first:0.005546606611460447 whole:0.005227795336395502 :0.16021756827831268 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.10015103220939636 was:0.03567633777856827 of:0.021158989518880844 is:0.017907002940773964 :0.23815354704856873 +mortgage:0.03551492840051651 John:0.014492273330688477 County:0.012314995750784874 William:0.009532668627798557 :0.16362731158733368 +to:0.08098447322845459 a:0.0700029656291008 only:0.061805617064237595 the:0.05914664641022682 :0.11765605956315994 +the:0.3415488004684448 all:0.030528729781508446 a:0.02090603858232498 named,:0.019263366237282753 :0.08242517709732056 +and:0.04901494085788727 to:0.0282686036080122 the:0.02583139017224312 of:0.023227635771036148 :0.18185420334339142 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +then:0.06526616215705872 the:0.061557602137327194 a:0.02185795269906521 in:0.018565073609352112 :0.0824892446398735 +the:0.10200559347867966 into:0.04147595539689064 to:0.03973613679409027 out:0.03904321417212486 :0.049653828144073486 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.06294947862625122 to:0.038678128272295 in:0.029341500252485275 or:0.0243965033441782 :0.2631673216819763 +same:0.014825033023953438 following:0.006890899036079645 other:0.006304045673459768 whole:0.005881008692085743 :0.15880629420280457 +the:0.16295115649700165 it:0.04778411239385605 I:0.039163485169410706 this:0.028885280713438988 :0.057027507573366165 +the:0.36755797266960144 said:0.06611613929271698 this:0.03820333257317543 a:0.023891117423772812 :0.04748071730136871 +and:0.07233331352472305 was:0.03525545075535774 is:0.023146074265241623 to:0.021257851272821426 :0.17421574890613556 +the:0.14041118323802948 to:0.09769871830940247 was:0.03332674875855446 and:0.03035873733460903 :0.05727371945977211 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.27170148491859436 a:0.02555079758167267 tho:0.022082295268774033 said:0.01409485936164856 :0.18503299355506897 +are:0.03695585951209068 and:0.03593355044722557 were:0.026256827637553215 force:0.024619635194540024 :0.12996435165405273 +and:0.09374204277992249 The:0.020843148231506348 to:0.02008119784295559 the:0.016992490738630295 :0.14711162447929382 +same:0.014922622591257095 whole:0.01136417780071497 amount:0.009249442256987095 following:0.006373236421495676 :0.19095014035701752 +and:0.016177380457520485 side:0.008411808870732784 of:0.00680126529186964 line:0.006778276059776545 :0.2787240743637085 +and:0.048871707171201706 the:0.03674831986427307 to:0.01969687081873417 of:0.018046708777546883 :0.108458012342453 +and:0.22433291375637054 which:0.04960046708583832 but:0.03736566752195358 the:0.03235664591193199 :0.08414715528488159 +own:0.01680215261876583 people:0.011422613635659218 country:0.006669993046671152 party:0.004923475440591574 :0.2165985256433487 +along:0.04945600405335426 to:0.0252852626144886 and:0.02517293021082878 the:0.023387130349874496 :0.30619382858276367 +the:0.2935016453266144 a:0.057452429085969925 his:0.037807442247867584 Mr.:0.01593155786395073 :0.08957044035196304 +people:0.015631072223186493 said:0.0101008964702487 world:0.008942104876041412 law:0.006705844774842262 :0.18167652189731598 +to:0.11886368691921234 in:0.061163078993558884 with:0.03520030900835991 and:0.028858670964837074 :0.10042921453714371 +and:0.06234956905245781 in:0.039713647216558456 the:0.03806183487176895 to:0.03484518826007843 :0.13651198148727417 +to:0.25092601776123047 the:0.11520688235759735 and:0.07595649361610413 a:0.03192220628261566 :0.04889417067170143 +to:0.14082880318164825 for:0.1349540799856186 the:0.029487378895282745 that:0.02149074524641037 :0.0784064531326294 +few:0.027144132182002068 good:0.01919102482497692 large:0.015656128525733948 little:0.013127069920301437 :0.11491591483354568 +the:0.07028713077306747 a:0.05960715934634209 not:0.04564579948782921 to:0.04165620729327202 :0.10654829442501068 +the:0.10366553068161011 they:0.06657950580120087 or:0.061899419873952866 he:0.04754387587308884 :0.057822223752737045 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +time:0.12424258142709732 time,:0.0452750027179718 time.:0.03468520566821098 and:0.029536273330450058 :0.1449057012796402 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +to:0.03207772225141525 the:0.031437311321496964 and:0.02601541019976139 I:0.020696697756648064 :0.20808419585227966 +is:0.05067353695631027 was:0.048727527260780334 and:0.034081004559993744 of:0.02636132948100567 :0.11564437299966812 +the:0.19442211091518402 a:0.06344500929117203 addition:0.03725876659154892 order:0.037220969796180725 :0.07887866348028183 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +to:0.4461895525455475 and:0.07085724174976349 of:0.0356481559574604 for:0.023751839995384216 :0.0470915250480175 +of:0.2573539912700653 and:0.07138783484697342 in:0.04854298755526543 which:0.025076724588871002 :0.06459186971187592 +be:0.3581824004650116 have:0.08584262430667877 not:0.02430456504225731 bo:0.01498629990965128 :0.10644309222698212 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.20528054237365723 the:0.06103746220469475 but:0.05616271495819092 which:0.029457731172442436 :0.0535421222448349 +sition:0.24914999306201935 litical:0.2479289323091507 lice:0.06090519204735756 tion:0.01628771424293518 :0.24696789681911469 +a:0.0763426274061203 the:0.05789534002542496 any:0.052850767970085144 regard:0.012818673625588417 :0.22735784947872162 +U.:0.022771134972572327 J.:0.012251769192516804 A:0.00923683401197195 W.:0.009178098291158676 :0.47668179869651794 +the:0.0812004804611206 r:0.02566457726061344 a:0.015767652541399002 .:0.010433611460030079 :0.31777286529541016 +and:0.12453028559684753 of:0.03875768929719925 in:0.030437804758548737 for:0.027739495038986206 :0.07524625957012177 +of:0.3461337089538574 and:0.03629882633686066 that:0.029839755967259407 to:0.027981724590063095 :0.024437300860881805 +and:0.08323339372873306 from:0.0787946805357933 in:0.07605326175689697 at:0.05247554928064346 :0.09057256579399109 +a:0.03770310431718826 the:0.03496844321489334 made:0.027254745364189148 sold:0.016782863065600395 :0.12037137895822525 +as:0.5370863080024719 from:0.03523389622569084 that:0.017971565946936607 more:0.013915727846324444 :0.04666508734226227 +the:0.1305636167526245 that:0.039686135947704315 any:0.037830282002687454 it:0.037202347069978714 :0.0636906772851944 +and:0.12206421047449112 but:0.0525071956217289 as:0.028053022921085358 the:0.027313007041811943 :0.07075569033622742 +the:0.05047038197517395 to:0.021588660776615143 a:0.015717638656497 for:0.01185352262109518 :0.1696578860282898 +and:0.15734881162643433 who:0.08900327235460281 in:0.056991249322891235 to:0.046419162303209305 :0.05057366192340851 +the:0.17825841903686523 persons:0.04441297799348831 of:0.03617793321609497 that:0.015569872222840786 :0.06840214133262634 +in:0.06872043013572693 if:0.06261146068572998 and:0.03846213221549988 the:0.02743004821240902 :0.045829348266124725 +and:0.04649917781352997 the:0.04236660897731781 in:0.019893033429980278 of:0.014675376936793327 :0.12690626084804535 +the:0.22477923333644867 be:0.03899076208472252 whether:0.023945176973938942 make:0.021186623722314835 :0.08064348250627518 +the:0.27913638949394226 a:0.030708251520991325 my:0.03054237738251686 this:0.02403043396770954 :0.14966411888599396 +and:0.11932305991649628 the:0.05554594099521637 in:0.028553731739521027 he:0.027161169797182083 :0.10120715200901031 +point:0.04054637998342514 stake:0.01858576014637947 great:0.01733686961233616 large:0.015888528898358345 :0.1647801548242569 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +is:0.03272657468914986 and:0.032138627022504807 from:0.025943545624613762 to:0.02588779106736183 :0.0394408255815506 +the:0.49408048391342163 said:0.020406756550073624 a:0.018619300797581673 this:0.017250459641218185 :0.11807872354984283 +I:0.042405519634485245 the:0.038427140563726425 The:0.031422145664691925 It:0.02583852782845497 :0.18362964689731598 +and:0.0739695280790329 by:0.05390533059835434 to:0.053170084953308105 in:0.0337027981877327 :0.10907310992479324 +the:0.06547290831804276 to:0.021405469626188278 and:0.015803638845682144 a:0.015205594711005688 :0.17950701713562012 +the:0.08901987224817276 a:0.07823915034532547 not:0.029519034549593925 to:0.02595595270395279 :0.10788209736347198 +the:0.2695775330066681 a:0.051899686455726624 their:0.019461601972579956 which:0.017845425754785538 :0.08212599903345108 +not:0.3017245829105377 the:0.050439685583114624 it:0.02912472002208233 as:0.021488510072231293 :0.04610925540328026 +a:0.07764142751693726 the:0.03507194668054581 to:0.03275737166404724 only:0.026493800804018974 :0.11510374397039413 +and:0.07114028185606003 the:0.05649952590465546 that:0.02557593211531639 a:0.02178734354674816 :0.09227067977190018 +the:0.3040928542613983 a:0.0438985601067543 this:0.02672361023724079 his:0.02338012494146824 :0.09678445756435394 +the:0.18312501907348633 to:0.09017641842365265 with:0.04572954773902893 in:0.038628950715065 :0.05707913637161255 +ger:0.35098016262054443 gerous:0.11241660267114639 gers:0.08355024456977844 ger,:0.04400203377008438 :0.21728667616844177 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +own:0.03691260144114494 wife:0.011766694486141205 head:0.011446202173829079 way:0.01134724821895361 :0.18017667531967163 +same:0.009781023487448692 great:0.006910426542162895 people:0.006502032745629549 whole:0.006225709803402424 :0.18791860342025757 +rection:0.1062045767903328 rectly:0.06404194980859756 rected:0.06108906492590904 and:0.056797925382852554 :0.2776654362678528 +the:0.2774360179901123 a:0.05615619570016861 their:0.017177226021885872 tho:0.01228935644030571 :0.15072576701641083 +in:0.10915680974721909 and:0.08700992912054062 of:0.0729866623878479 for:0.051403094083070755 :0.049895789474248886 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +and:0.03577673062682152 in:0.03414471447467804 to:0.030062539502978325 not:0.02075568027794361 :0.10314776748418808 +and:0.17965050041675568 but:0.023382805287837982 as:0.020476611331105232 the:0.01764499954879284 :0.11081185191869736 +is:0.15358057618141174 was:0.13679750263690948 of:0.08777666836977005 has:0.028563382104039192 :0.11121366918087006 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +the:0.1956169158220291 a:0.01982487365603447 his:0.015909211710095406 this:0.01039034966379404 :0.15245048701763153 +of:0.21584153175354004 to:0.16194318234920502 in:0.07060730457305908 that:0.060400452464818954 :0.03431955352425575 +of:0.061532095074653625 and:0.053627192974090576 the:0.04631247743964195 to:0.04232035204768181 :0.10468792170286179 +and:0.05542375147342682 the:0.022981982678174973 but:0.01796131767332554 in:0.01575620472431183 :0.07041028141975403 +of:0.07941679656505585 and:0.07744182646274567 in:0.0496949627995491 on:0.04940534010529518 :0.1255829632282257 +of:0.08206291496753693 year:0.049126140773296356 year,:0.0441197045147419 county:0.04284447804093361 :0.09089559316635132 +the:0.2580760717391968 a:0.050991322845220566 this:0.0288246963173151 his:0.022595856338739395 :0.10881614685058594 +and:0.03570864722132683 to:0.03065883368253708 the:0.025805924087762833 of:0.013257616199553013 :0.19250184297561646 +the:0.43295004963874817 a:0.046318795531988144 tho:0.01926836371421814 his:0.01691211201250553 :0.05134928226470947 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +the:0.12955163419246674 of:0.06400579959154129 a:0.042635392397642136 and:0.037150368094444275 :0.08022099733352661 +ago:0.1832074671983719 ago.:0.12092866748571396 of:0.09164667874574661 ago,:0.08172275125980377 :0.049353230744600296 +the:0.09698164463043213 it:0.03846444934606552 this:0.03144020214676857 when:0.02468392439186573 :0.06892040371894836 +cows:0.03440439701080322 products:0.02549898438155651 and:0.021716563031077385 to:0.013216177932918072 :0.29556500911712646 +and:0.03272002190351486 to:0.021758176386356354 .:0.019561583176255226 the:0.01582242175936699 :0.3491611182689667 +to:0.1173139214515686 and:0.043137773871421814 was:0.022780926898121834 the:0.020357728004455566 :0.09223116934299469 +the:0.3275632858276367 a:0.04110252857208252 this:0.026654256507754326 tho:0.02383706532418728 :0.09015554189682007 +as:0.36697760224342346 to:0.15613918006420135 that:0.061289653182029724 in:0.0413639061152935 :0.034103069454431534 +and:0.035536397248506546 of:0.01194874756038189 sense:0.009082731790840626 man:0.006591708865016699 :0.19951306283473969 +to:0.28086766600608826 and:0.060660623013973236 by:0.05731251835823059 that:0.05399500951170921 :0.04405719041824341 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +the:0.10481001436710358 a:0.038625799119472504 he:0.035324130207300186 of:0.029862692579627037 :0.12368308007717133 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +of:0.06772071868181229 and:0.05769295617938042 the:0.026806097477674484 to:0.018103376030921936 :0.15773504972457886 +of:0.05201830714941025 and:0.046781688928604126 to:0.041205983608961105 the:0.03436647728085518 :0.1936572939157486 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +down:0.21150386333465576 in:0.08658590912818909 up:0.06168979033827782 with:0.03919398412108421 :0.05381243675947189 +the:0.3519458770751953 a:0.028528869152069092 this:0.01987525448203087 tho:0.01975454017519951 :0.0849829688668251 +other:0.14920993149280548 of:0.09296367317438126 one:0.04231948405504227 man:0.013927173800766468 :0.11301345378160477 +of:0.40633803606033325 and:0.038862306624650955 to:0.023547478020191193 at:0.014974419958889484 :0.04643780365586281 +lows::0.5404269695281982 lows:0.1683572679758072 lows,:0.150413379073143 lowed:0.018992267549037933 :0.05111110955476761 +and:0.044869985431432724 the:0.027170812711119652 of:0.026922250166535378 The:0.012424669228494167 :0.21608924865722656 +property:0.01881304942071438 secretary:0.01356593705713749 and:0.013253799639642239 business:0.007404815871268511 :0.2653466463088989 +than:0.185440331697464 to:0.033909160643815994 or:0.028571970760822296 and:0.013685253448784351 :0.11712067574262619 +and:0.32927876710891724 in:0.06436032801866531 to:0.05881220102310181 of:0.04407641664147377 :0.04610379785299301 +the:0.30338254570961 a:0.04910719394683838 this:0.03443306311964989 that:0.0225902758538723 :0.10412979125976562 +the:0.0372573584318161 a:0.016902852803468704 and:0.01654275692999363 in:0.008732248097658157 :0.31076720356941223 +and:0.10896263271570206 to:0.029350774362683296 in:0.029344996437430382 the:0.027050510048866272 :0.12255145609378815 +most:0.012486184015870094 only:0.008048560470342636 same:0.00799393281340599 first:0.007925843819975853 :0.16783976554870605 +the:0.19458408653736115 two:0.02479739859700203 a:0.018084002658724785 tho:0.013150190003216267 :0.20388367772102356 +be:0.3116281032562256 have:0.09554058313369751 not:0.09145113825798035 bo:0.02076796628534794 :0.04215678945183754 +and:0.26158854365348816 which:0.04513777792453766 but:0.01931958831846714 to:0.018096672371029854 :0.09061048924922943 +and:0.020605770871043205 A.:0.015851302072405815 D.:0.014996794052422047 J.:0.014978070743381977 :0.5209143161773682 +to:0.09637241065502167 of:0.08093204349279404 and:0.07399322837591171 that:0.049852509051561356 :0.048096589744091034 +many:0.10370030254125595 far:0.08378826826810837 much:0.0737859457731247 that:0.0458596907556057 :0.12850043177604675 +and:0.06867433339357376 situate:0.05700047314167023 in:0.055347420275211334 conveyed:0.030649976804852486 :0.07914772629737854 +to:0.07765226811170578 of:0.06976298987865448 that:0.04230404645204544 for:0.04070018604397774 :0.04576093330979347 +John:0.022507041692733765 J:0.019360970705747604 J.:0.017709508538246155 James:0.017162302508950233 :0.3043535351753235 +to:0.2567835748195648 and:0.13080374896526337 for:0.1107071116566658 of:0.03301285579800606 :0.05513264983892441 +the:0.032487720251083374 lie:0.027164548635482788 he:0.025944164022803307 ie:0.014014840126037598 :0.269063800573349 +the:0.10458346456289291 that:0.028500838205218315 it:0.0180331002920866 to:0.01757628284394741 :0.08636718988418579 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +large:0.017039870843291283 certain:0.016844656318426132 few:0.012761359103024006 great:0.012069916352629662 :0.19132883846759796 +of:0.04513280466198921 and:0.021283812820911407 I:0.017587939277291298 the:0.013802128843963146 :0.12440656125545502 +or:0.06844180077314377 equal:0.06397709995508194 years:0.057360485196113586 days:0.02676815539598465 :0.1440463811159134 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +S:0.01897256262600422 and:0.01147555559873581 A:0.01081489585340023 C:0.00940447673201561 :0.3658594787120819 +same:0.007786971982568502 other:0.006876533385366201 top:0.005791603587567806 said:0.005265409126877785 :0.18347634375095367 +and:0.01785249449312687 most:0.009919225238263607 in:0.00885709933936596 to:0.008526538498699665 :0.3906388282775879 +and:0.31718987226486206 but:0.041292715817689896 the:0.040566280484199524 in:0.0213328767567873 :0.07102882117033005 +is:0.11368333548307419 of:0.10256001353263855 was:0.06717853993177414 and:0.05857491493225098 :0.03814815357327461 +in:0.11006936430931091 to:0.07573221623897552 and:0.04867880791425705 at:0.04794466122984886 :0.06517085433006287 +to:0.17980778217315674 the:0.11234726756811142 and:0.06253717094659805 with:0.05005970597267151 :0.04042213037610054 +the:0.327499657869339 them:0.05283161625266075 these:0.0304042249917984 a:0.024605460464954376 :0.10405343025922775 +and:0.0707436352968216 of:0.03473304584622383 a:0.02576662227511406 the:0.02453206293284893 :0.2014075666666031 +of:0.3097531795501709 and:0.0693446472287178 to:0.021392278373241425 in:0.021261004731059074 :0.04310840368270874 +the:0.22992387413978577 a:0.046289511024951935 this:0.03878242149949074 which:0.02474771998822689 :0.08606085181236267 +of:0.0631304532289505 was:0.051161326467990875 and:0.04577016457915306 to:0.041338540613651276 :0.05086357146501541 +the:0.051581498235464096 and:0.04270709678530693 is:0.03244965150952339 in:0.027127936482429504 :0.1657685935497284 +amount:0.011290132999420166 same:0.007780628744512796 best:0.007073394488543272 whole:0.006835137959569693 :0.22209779918193817 +the:0.0752401053905487 to:0.04538661614060402 a:0.0330224446952343 in:0.019321490079164505 :0.1566881388425827 +and:0.12060980498790741 of:0.07377651333808899 were:0.05498022586107254 in:0.03520561754703522 :0.03556809946894646 +and:0.13930635154247284 to:0.02536127343773842 in:0.024125399067997932 or:0.018656285479664803 :0.07294557988643646 +and:0.01380879059433937 of:0.01329773012548685 man:0.00973704643547535 in:0.008761027827858925 :0.1348915845155716 +and:0.186153382062912 to:0.1466350555419922 in:0.05324794724583626 or:0.028722412884235382 :0.028871318325400352 +upon:0.1794162392616272 as:0.13576503098011017 with:0.07877692580223083 in:0.07715505361557007 :0.048380136489868164 +the:0.1423179805278778 a:0.01904740370810032 that:0.011925973929464817 in:0.01025945134460926 :0.12923866510391235 +of:0.03214482590556145 .:0.02133246511220932 and:0.020049594342708588 to:0.01908141002058983 :0.29628822207450867 +be:0.2303956300020218 have:0.09800233691930771 me:0.019616061821579933 the:0.01923077367246151 :0.09680766612291336 +and:0.027476154267787933 government:0.0207115076482296 Columbia:0.018783194944262505 Columbia,:0.011238432489335537 :0.31732046604156494 +and:0.07038255035877228 the:0.022845664992928505 The:0.02099153771996498 to:0.018753882497549057 :0.19923977553844452 +the:0.3115549385547638 this:0.03544328361749649 a:0.030628690496087074 tho:0.020874526351690292 :0.13645566999912262 +and:0.0628194659948349 the:0.028831815347075462 of:0.02844935655593872 ing:0.021624157205224037 :0.22745244204998016 +most:0.00975554808974266 whole:0.0068501634523272514 great:0.005671316292136908 same:0.005191381089389324 :0.14448879659175873 +the:0.23511716723442078 a:0.0603644996881485 this:0.059157874435186386 your:0.03150453045964241 :0.07085926085710526 +in:0.2545085847377777 a:0.04631291702389717 on:0.03926738351583481 In:0.03909464180469513 :0.09345608949661255 +speak,:0.18270649015903473 be:0.05866200849413872 do,:0.05626235902309418 the:0.04982323199510574 :0.06376022845506668 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.24646404385566711 a:0.07108578085899353 no:0.0418810173869133 reason:0.020414968952536583 :0.08833276480436325 +the:0.14420010149478912 a:0.023684147745370865 in:0.021734924986958504 to:0.017579417675733566 :0.12027745693922043 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.14273132383823395 he:0.047437723726034164 it:0.03730589896440506 they:0.03637205809354782 :0.055345915257930756 +with:0.07790850847959518 the:0.04586644843220711 up:0.033091213554143906 to:0.025458913296461105 :0.1600734442472458 +next,:0.04967682063579559 1,:0.02843509614467621 and:0.02812046930193901 A.:0.02316257916390896 :0.18822963535785675 +and:0.015244544483721256 cure:0.011274747550487518 recovery:0.00703146867454052 relief:0.007029850035905838 :0.21594040095806122 +head:0.036781396716833115 own:0.021568620577454567 hand:0.01611148752272129 wife:0.015986667945981026 :0.13137562572956085 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +and:0.15331366658210754 on:0.049898844212293625 in:0.04755726829171181 the:0.03980856016278267 :0.05839702859520912 +of:0.28272491693496704 and:0.04939187318086624 was:0.0309115182608366 to:0.02897470071911812 :0.08686407655477524 +that:0.3134479820728302 the:0.1101338341832161 it:0.03798845782876015 in:0.03129381313920021 :0.029926832765340805 +the:0.1974738985300064 it:0.04218162223696709 he:0.028854042291641235 a:0.028427541255950928 :0.08112754672765732 +the:0.11572229117155075 a:0.04595158249139786 two:0.0186458807438612 this:0.010993702337145805 :0.16126500070095062 +the:0.26921290159225464 a:0.032489631325006485 to:0.024710820987820625 by,:0.019551251083612442 :0.220354825258255 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +not:0.06150586158037186 to:0.02884296141564846 now:0.021289000287652016 in:0.018715757876634598 :0.12344684451818466 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +the:0.0043101925402879715 said:0.003982567694038153 M:0.003312466898933053 one:0.003257024334743619 :0.3999173641204834 +of:0.05474070832133293 and:0.007642189972102642 one:0.007641993463039398 kind:0.006893616169691086 :0.19326993823051453 +be:0.034725870937108994 the:0.021965570747852325 have:0.020922048017382622 make:0.015761027112603188 :0.13989748060703278 +to:0.11071830987930298 and:0.0417754203081131 that:0.03223539516329765 in:0.0279841311275959 :0.13269324600696564 +of:0.09376736730337143 before:0.05344894528388977 after:0.05078703165054321 later:0.039952293038368225 :0.038144733756780624 +the:0.26122382283210754 with:0.04242414981126785 at:0.03256883844733238 a:0.031984467059373856 :0.06183258816599846 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +of:0.20221646130084991 night:0.019064150750637054 and:0.017238158732652664 or:0.016119223088026047 :0.08579770475625992 +and:0.08050135523080826 in:0.027144035324454308 or:0.011768650263547897 of:0.011476825922727585 :0.2640801966190338 +and:0.06979581713676453 in:0.042358625680208206 the:0.017920177429914474 at:0.017727285623550415 :0.2228395640850067 +the:0.010440167039632797 e:0.009875203482806683 a:0.0060858833603560925 to:0.005048807710409164 :0.2817322015762329 +the:0.04618024826049805 a:0.045745640993118286 in:0.0342244915664196 to:0.019669223576784134 :0.12805011868476868 +in:0.5781770348548889 In:0.04784337803721428 to:0.04452572762966156 and:0.04382039234042168 :0.029842684045433998 +is:0.06453671306371689 was:0.05630995333194733 has:0.04779917001724243 the:0.040975943207740784 :0.0481884591281414 +terest:0.041961655020713806 crease:0.024810368195176125 creased:0.012644197791814804 stead:0.00990147702395916 :0.5067158937454224 +selves:0.4831749498844147 selves.:0.0962713286280632 selves,:0.07145208865404129 and:0.030453402549028397 :0.1593356430530548 +the:0.04557044804096222 and:0.0361386239528656 in:0.018757646903395653 to:0.01752009056508541 :0.16317890584468842 +the:0.17298363149166107 him:0.08429266512393951 that:0.055073294788599014 a:0.05296863988041878 :0.07963544130325317 +a:0.07590397447347641 the:0.07002780586481094 to:0.034658003598451614 not:0.030921906232833862 :0.12189053744077682 +own:0.03637128323316574 home:0.013981475494801998 wife:0.008942624554038048 friends:0.00709254527464509 :0.1596558839082718 +and:0.07434063404798508 to:0.027249110862612724 The:0.021744346246123314 of:0.015541549772024155 :0.1585753709077835 +and:0.13629235327243805 in:0.08976335823535919 of:0.040172919631004333 to:0.029875312000513077 :0.05624905228614807 +the:0.3750784695148468 a:0.0552612841129303 their:0.030533339828252792 his:0.02119888737797737 :0.08532298356294632 +man:0.017662793397903442 good:0.010149803012609482 great:0.009077077731490135 large:0.008228846825659275 :0.3170256018638611 +of:0.6766436696052551 and:0.025940271094441414 is:0.019968755543231964 in:0.016351649537682533 :0.015166452154517174 +of:0.31240159273147583 and:0.0976555272936821 in:0.04015437886118889 are:0.0399952195584774 :0.036789022386074066 +street,:0.05081790313124657 street:0.043142396956682205 and:0.03531813994050026 Street:0.02268519625067711 :0.2969307005405426 +old:0.016600416973233223 act:0.016235677525401115 officer:0.012063834816217422 amendment:0.010504410602152348 :0.25938013195991516 +of:0.24254858493804932 to:0.08896777778863907 and:0.06280186772346497 in:0.037622589617967606 :0.06081343814730644 +limits:0.0736374482512474 past:0.04459294304251671 last:0.03753207251429558 next:0.03643542528152466 :0.13274453580379486 +and:0.08121281117200851 by:0.05988403782248497 to:0.0500798337161541 in:0.028750929981470108 :0.14481566846370697 +Mrs.:0.22678199410438538 who:0.03799138963222504 was:0.033335428684949875 I:0.023691102862358093 :0.1792237013578415 +the:0.025582125410437584 was:0.024959063157439232 and:0.023967823013663292 is:0.020516403019428253 :0.2456570565700531 +the:0.19221098721027374 a:0.03859264776110649 one:0.013180319219827652 least:0.012365986593067646 :0.25785475969314575 +the:0.21788807213306427 a:0.032580383121967316 their:0.013021267019212246 this:0.01241234876215458 :0.1517964005470276 +of:0.07259610295295715 and:0.06257586181163788 the:0.04933309927582741 from:0.03400242701172829 :0.12694333493709564 +to:0.2611355483531952 in:0.04678422957658768 from:0.036898836493492126 by:0.022057605907320976 :0.037242788821458817 +a:0.05142083019018173 not:0.038884781301021576 in:0.027916697785258293 the:0.0268012173473835 :0.10479439049959183 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +C:0.017405886203050613 H.:0.015519705601036549 W.:0.01506663579493761 D.:0.014820831827819347 :0.3768640458583832 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +thing:0.02103114128112793 of:0.01840219274163246 feature:0.01525708008557558 man:0.007894831709563732 :0.21886467933654785 +times.:0.04349552467465401 times,:0.034472376108169556 and:0.01361012738198042 warfare,:0.012563091702759266 :0.24782422184944153 +than:0.040139090269804 to:0.019554264843463898 the:0.013026674278080463 a:0.012312043458223343 :0.2943752706050873 +of:0.13562044501304626 and:0.043549153953790665 to:0.014658039435744286 the:0.011333616450428963 :0.21024098992347717 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +much:0.16942785680294037 many:0.16004899144172668 that:0.04117008298635483 far:0.03963899612426758 :0.0968841165304184 +and:0.07186892628669739 of:0.0329948291182518 The:0.024714970961213112 the:0.02467428147792816 :0.20099589228630066 +of:0.05040854960680008 other:0.05023518577218056 one:0.03212587535381317 kind:0.030995404347777367 :0.12486065179109573 +the:0.2663399875164032 a:0.05236150324344635 this:0.034679099917411804 their:0.022714734077453613 :0.08600998669862747 +of:0.20225240290164948 are:0.06183807924389839 in:0.048286743462085724 and:0.04530227184295654 :0.03387456014752388 +the:0.05403327941894531 to:0.04201113432645798 and:0.03307858854532242 a:0.022806920111179352 :0.14323627948760986 +of:0.03789597377181053 and:0.02580047771334648 deg:0.0152979651466012 degrees:0.014563074335455894 :0.31276795268058777 +in:0.07992089539766312 on:0.028092583641409874 and:0.02604695037007332 to:0.02538587711751461 :0.06418298184871674 +not:0.03731159493327141 the:0.03569702059030533 in:0.0171737689524889 to:0.017153358086943626 :0.17907275259494781 +and:0.10422921925783157 of:0.053786564618349075 was:0.036806900054216385 to:0.029867347329854965 :0.06376907974481583 +a:0.19762752950191498 no:0.1959511935710907 not:0.05429288372397423 an:0.029512491077184677 :0.04038234427571297 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +to:0.18668395280838013 the:0.07276594638824463 by:0.06622752547264099 that:0.06447837501764297 :0.052142150700092316 +been:0.16842305660247803 more:0.15306419134140015 a:0.06460502743721008 the:0.014252535067498684 :0.07326240092515945 +been:0.19232560694217682 a:0.07788775116205215 not:0.0458156019449234 no:0.03913039714097977 :0.07308507710695267 +the:0.25286322832107544 a:0.09241722524166107 his:0.023467717692255974 their:0.02053993009030819 :0.08467694371938705 +the:0.5228328704833984 said:0.03111127018928528 tho:0.024003539234399796 his:0.023178409785032272 :0.04890739545226097 +of:0.08418635278940201 and:0.05354837700724602 in:0.021601129323244095 the:0.016093170270323753 :0.17814913392066956 +and:0.16040869057178497 in:0.08028663694858551 at:0.039491377770900726 the:0.03828372806310654 :0.035495173186063766 +of:0.26944786310195923 and:0.07476716488599777 to:0.058016955852508545 for:0.025479206815361977 :0.030997266992926598 +ter:0.4040631651878357 ter,:0.10950184613466263 ter.:0.07135844230651855 ters:0.034817688167095184 :0.1091366708278656 +and:0.3547108769416809 or:0.027034442871809006 in:0.023138223215937614 for:0.0217436570674181 :0.0933787077665329 +made:0.051259882748126984 able:0.018631458282470703 taken:0.015640446916222572 in:0.011704069562256336 :0.1462969332933426 +north:0.10712355375289917 south:0.09135427325963974 with:0.057900119572877884 N.:0.04195796698331833 :0.11983372271060944 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +been:0.17620578408241272 the:0.0926690548658371 a:0.07947493344545364 an:0.014994936063885689 :0.07649044692516327 +the:0.07890456914901733 a:0.03082314133644104 .:0.02819751761853695 of:0.00943190511316061 :0.3086589574813843 +the:0.23256199061870575 a:0.04588703066110611 this:0.015103301964700222 tho:0.01405534241348505 :0.22837327420711517 +the:0.25642141699790955 a:0.054298169910907745 this:0.04858505353331566 it:0.04477013275027275 :0.06296570599079132 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +and:0.15852446854114532 but:0.04568055644631386 to:0.032827019691467285 as:0.029115522280335426 :0.08315971493721008 +of:0.38239264488220215 that:0.23275671899318695 and:0.02909240312874317 in:0.022805476561188698 :0.019279712811112404 +own:0.009334905073046684 friends:0.006640218198299408 families:0.005749165080487728 rights:0.005083088763058186 :0.22173315286636353 +of:0.47765833139419556 the:0.054060596972703934 for:0.05051873251795769 a:0.030070222914218903 :0.028989875689148903 +21,:0.045117300003767014 27,:0.013757125474512577 township:0.012306030839681625 A.:0.012116805650293827 :0.3005217909812927 +W:0.014920017682015896 W.:0.014538802206516266 H:0.014402964152395725 H.:0.011973053216934204 :0.38738110661506653 +the:0.12643319368362427 to:0.03737926483154297 of:0.033898934721946716 that:0.020495964214205742 :0.21832941472530365 +was:0.07894787192344666 had:0.07231903821229935 is:0.033925656229257584 has:0.0327979177236557 :0.06066519394516945 +the:0.35803166031837463 this:0.050447091460227966 a:0.029352011159062386 his:0.02715873531997204 :0.07675319164991379 +and:0.0657803863286972 is:0.043225303292274475 in:0.03292427584528923 to:0.030935470014810562 :0.07635630667209625 +the:0.08539652079343796 a:0.01770656928420067 in:0.015590348280966282 that:0.013369647786021233 :0.1591821312904358 +who:0.06923290342092514 and:0.051618076860904694 in:0.04228072240948677 have:0.04209791496396065 :0.07141223549842834 +been:0.16341006755828857 a:0.04666697606444359 not:0.04120132699608803 to:0.029958399012684822 :0.08320483565330505 +of:0.3581378757953644 and:0.04993068054318428 end:0.022439170628786087 line:0.019644487649202347 :0.06959906220436096 +the:0.04845055565237999 to:0.03471175581216812 and:0.02723611518740654 a:0.024392414838075638 :0.14816264808177948 +and:0.29386618733406067 as:0.035188283771276474 but:0.03219202533364296 to:0.029917944222688675 :0.06381471455097198 +of:0.1943635493516922 other:0.018589718267321587 one:0.01638493314385414 kind:0.01616072654724121 :0.14727407693862915 +of:0.2324303835630417 hundred:0.03352290019392967 who:0.02018466778099537 and:0.01712670922279358 :0.12172071635723114 +to:0.06812790036201477 not:0.03278878703713417 the:0.030483482405543327 in:0.023540040478110313 :0.19340014457702637 +in:0.1442415714263916 of:0.13480909168720245 at:0.058779433369636536 to:0.05471261590719223 :0.04861757904291153 +a:0.06722326576709747 the:0.05380232259631157 that:0.025380179286003113 in:0.021684525534510612 :0.09556212276220322 +and:0.0734001025557518 the:0.05981770157814026 that:0.03973311185836792 of:0.03507053479552269 :0.1204807236790657 +the:0.2972527742385864 a:0.04924679547548294 them:0.039165250957012177 their:0.02438296377658844 :0.05571238696575165 +not:0.27383142709732056 the:0.11461210995912552 it:0.04719456285238266 a:0.03327542170882225 :0.042915523052215576 +the:0.41098055243492126 a:0.04441412165760994 this:0.031424380838871 said:0.023476187139749527 :0.08436033874750137 +the:0.20389628410339355 all,:0.0362318716943264 named:0.03467496857047081 named,:0.03056320920586586 :0.0942617803812027 +a:0.12332053482532501 by:0.07311336696147919 the:0.053138963878154755 in:0.036911118775606155 :0.03939732536673546 +of:0.09763992577791214 and:0.05375311151146889 the:0.033025577664375305 to:0.015164356678724289 :0.13889746367931366 +N.:0.10146290808916092 S.:0.05603146180510521 and:0.04648776724934578 south:0.029425224289298058 :0.17505168914794922 +2:0.06996173411607742 1:0.06199631839990616 3:0.031151937320828438 1,:0.030123043805360794 :0.3569125533103943 +a:0.030458763241767883 made:0.023928897455334663 the:0.018045801669359207 in:0.017870217561721802 :0.16152282059192657 +The:0.13609068095684052 It:0.046043142676353455 A:0.04365738108754158 He:0.03987830877304077 :0.14330515265464783 +and:0.007336881943047047 B.:0.005055466666817665 Smith,:0.004987749271094799 H.:0.004054706078022718 :0.5949974060058594 +of:0.2711249887943268 for:0.044773783534765244 are:0.04376624524593353 were:0.03379812836647034 :0.037398453801870346 +to:0.03818381577730179 was:0.02492273971438408 of:0.024762386456131935 .:0.024141956120729446 :0.2551071345806122 +and:0.10088415443897247 in:0.061262618750333786 In:0.030806349590420723 of:0.029031993821263313 :0.05148083344101906 +tional:0.29613369703292847 tions:0.06603147834539413 ture:0.03771669790148735 tion:0.03524823486804962 :0.14305426180362701 +of:0.07613692432641983 and:0.059368979185819626 The:0.0474286824464798 to:0.031927190721035004 :0.15361331403255463 +Louis:0.16942133009433746 Louis,:0.10399600863456726 Louis.:0.047256600111722946 Paul:0.03412744402885437 :0.2937924563884735 +and:0.03391239792108536 of:0.02197379805147648 the:0.017170477658510208 feet:0.014522386714816093 :0.2685742676258087 +of:0.03875311091542244 the:0.034222450107336044 and:0.027679625898599625 was:0.01654202863574028 :0.21370065212249756 +been:0.13638262450695038 a:0.047345299273729324 not:0.04138002544641495 no:0.025707902386784554 :0.07850450277328491 +to:0.4738752543926239 in:0.02237808145582676 of:0.014451944269239902 that:0.010014857165515423 :0.1348973959684372 +of:0.6206716299057007 and:0.03689398244023323 in:0.03188145160675049 that:0.015823543071746826 :0.018073296174407005 +as:0.14579400420188904 and:0.03900611773133278 to:0.029306204989552498 in:0.01937839575111866 :0.16232748329639435 +and:0.12894251942634583 John:0.007005269173532724 J:0.0068863676860928535 James:0.004257733002305031 :0.46228939294815063 +the:0.04759307578206062 a:0.01275810319930315 to:0.011630834080278873 other:0.010969377122819424 :0.200168639421463 +meeting:0.05167676508426666 report:0.03294871374964714 convention:0.0198141410946846 tax:0.019233528524637222 :0.1552039384841919 +in:0.04162655770778656 the:0.03382610157132149 by:0.030973879620432854 that:0.02796241268515587 :0.08608408272266388 +mortgage:0.03551492840051651 John:0.014492273330688477 County:0.012314995750784874 William:0.009532668627798557 :0.16362731158733368 +of:0.08435007184743881 year:0.059122487902641296 year.:0.03196478635072708 season.:0.023021211847662926 :0.09750509262084961 +to:0.04731312021613121 the:0.036696452647447586 of:0.03521198406815529 and:0.031772878021001816 :0.14670796692371368 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +and:0.04497072473168373 of:0.032612137496471405 or:0.019147321581840515 the:0.010067615658044815 :0.18476170301437378 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.1656874567270279 a:0.016481665894389153 this:0.012756316922605038 any:0.011674520559608936 :0.1217452883720398 +and:0.08425790816545486 The:0.03355185315012932 to:0.02033044956624508 the:0.01815892942249775 :0.1947084218263626 +and:0.2424488514661789 the:0.03434567525982857 or:0.026826441287994385 but:0.02424260787665844 :0.04284674674272537 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.04702521488070488 in:0.04034082964062691 to:0.03209419921040535 is:0.02778846211731434 :0.10825251042842865 +that:0.7560761570930481 of:0.04163593053817749 is:0.014359253458678722 that,:0.011690005660057068 :0.013388924300670624 +and:0.04048111289739609 citizens:0.035197913646698 things:0.023433316498994827 roads:0.020058635622262955 :0.15471743047237396 +ly:0.16104264557361603 and:0.0370296835899353 able:0.01306335162371397 ing:0.012148416601121426 :0.3906184732913971 +the:0.21320302784442902 a:0.06086530163884163 his:0.01896190084517002 our:0.0143656637519598 :0.12789064645767212 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +and:0.06022866442799568 of:0.02904016524553299 the:0.02427462302148342 to:0.017193008214235306 :0.1490165740251541 +the:0.15013167262077332 this:0.019697677344083786 a:0.013823400251567364 his:0.010853298008441925 :0.18593575060367584 +by:0.35948753356933594 a:0.07600588351488113 the:0.06410017609596252 to:0.05707068368792534 :0.04960252344608307 +of:0.02950608730316162 and:0.022008484229445457 in:0.00856009405106306 that:0.005571920424699783 :0.184457466006279 +the:0.3090427815914154 tho:0.023002533242106438 two:0.017463648691773415 them:0.014522663317620754 :0.16041405498981476 +and:0.17855550348758698 to:0.06770709902048111 the:0.0505792610347271 by:0.03544613718986511 :0.04235442727804184 +W.:0.015501558780670166 E.:0.012309609912335873 M.:0.01229140441864729 W:0.009669969789683819 :0.5067574977874756 +the:0.14137905836105347 a:0.029903655871748924 tne:0.02647382952272892 this:0.01692383922636509 :0.2876186966896057 +the:0.10191408544778824 he:0.04667438939213753 it:0.03919918090105057 they:0.03399370610713959 :0.055577125400304794 +a:0.04342677816748619 made:0.030646882951259613 the:0.028309958055615425 in:0.017785336822271347 :0.13000650703907013 +the:0.042209431529045105 in:0.02534492500126362 to:0.025162961333990097 and:0.023116163909435272 :0.13491953909397125 +of:0.114439457654953 and:0.04402440786361694 one:0.0355604849755764 other:0.02528916671872139 :0.13155780732631683 +a:0.01930665224790573 the:0.015911540016531944 and:0.013382314704358578 to:0.005526808090507984 :0.30275359749794006 +two:0.01797132007777691 men:0.01618107035756111 are:0.01221987884491682 things:0.012179072014987469 :0.20211383700370789 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.1315075010061264 he:0.08027287572622299 they:0.06540972739458084 it:0.04821087419986725 :0.06646132469177246 +was:0.08521241694688797 had:0.051218632608652115 is:0.03382263332605362 would:0.029783794656395912 :0.13423267006874084 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +the:0.0654083788394928 to:0.022569332271814346 in:0.022507620975375175 a:0.022009454667568207 :0.13869528472423553 +the:0.18689614534378052 he:0.07586407661437988 they:0.06537298858165741 I:0.060231830924749374 :0.06890401244163513 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +the:0.03479282185435295 and:0.03198695182800293 in:0.018791547045111656 at:0.018620014190673828 :0.12248550355434418 +the:0.3746427595615387 a:0.024183789268136024 this:0.021773215383291245 their:0.011266900226473808 :0.1465286910533905 +that:0.16520555317401886 the:0.06022028252482414 and:0.04334942623972893 of:0.025852497667074203 :0.06899944692850113 +a:0.1560455858707428 the:0.09579000622034073 by:0.04653439298272133 his:0.031251370906829834 :0.041317857801914215 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +in:0.27289336919784546 to:0.08047837764024734 by:0.08025512099266052 as:0.04764524847269058 :0.04060148075222969 +of:0.6366974711418152 and:0.03112778440117836 that:0.02893063798546791 was:0.027234390377998352 :0.018572252243757248 +and:0.05430639907717705 of:0.03632315620779991 Mrs.:0.017321065068244934 who:0.017061477527022362 :0.2548131048679352 +gressive:0.041025470942258835 nounced:0.036158300936222076 duced:0.03008781373500824 ducts:0.024875720962882042 :0.39558136463165283 +United:0.008625340647995472 city:0.006392167415469885 men:0.003851400688290596 party:0.003784707048907876 :0.22283165156841278 +of:0.23278015851974487 and:0.10272009670734406 who:0.07928992062807083 in:0.030769865959882736 :0.041948895901441574 +the:0.08006574958562851 that:0.023194506764411926 to:0.020740071311593056 of:0.020239554345607758 :0.13997326791286469 +a:0.05187748372554779 not:0.0440552681684494 the:0.023011887446045876 in:0.02146747149527073 :0.10868587344884872 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +and:0.08256477862596512 is:0.057444389909505844 to:0.05265693739056587 in:0.05096503719687462 :0.05136280134320259 +to:0.03207772225141525 the:0.031437311321496964 and:0.02601541019976139 I:0.020696697756648064 :0.20808419585227966 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.1332547664642334 of:0.10843241959810257 in:0.059638600796461105 that:0.05774930119514465 :0.11115434765815735 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +line:0.4038641154766083 of:0.3673093914985657 and:0.014365147799253464 ot:0.009002452716231346 :0.035431958734989166 +who:0.12937068939208984 was:0.059588972479104996 is:0.038443420082330704 of:0.03467252478003502 :0.10299700498580933 +and:0.11096107214689255 with:0.07725794613361359 for:0.032093919813632965 of:0.029502298682928085 :0.09426046162843704 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.11731825023889542 was:0.03166795149445534 is:0.02645224891602993 and:0.01920516975224018 :0.15780214965343475 +of:0.23136785626411438 is:0.04377129673957825 for:0.03747199475765228 to:0.03245556354522705 :0.05288025736808777 +Carolina:0.04615534469485283 and:0.04589026793837547 of:0.04341263696551323 was:0.024389412254095078 :0.1423140913248062 +of:0.8004041910171509 ot:0.022945832461118698 No.:0.019846471026539803 thereof,:0.013743617571890354 :0.020842894911766052 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +of:0.1063067838549614 and:0.07536578178405762 are:0.056909311562776566 to:0.03732972964644432 :0.04534956440329552 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +said:0.009744950570166111 people:0.006745357997715473 law:0.00542790163308382 whole:0.004850320052355528 :0.1965060979127884 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +that:0.15403993427753448 what:0.14258860051631927 how:0.12909625470638275 whether:0.0608709491789341 :0.04192810505628586 +and:0.0739695280790329 by:0.05390533059835434 to:0.053170084953308105 in:0.0337027981877327 :0.10907310992479324 +of:0.08046947419643402 and:0.06822025775909424 to:0.06100810319185257 in:0.033948417752981186 :0.05180864408612251 +and:0.25694209337234497 but:0.12199563533067703 he:0.02638697437942028 for:0.020192746073007584 :0.04799201339483261 +upon:0.11556471884250641 on:0.10818865150213242 the:0.07774228602647781 to:0.07153978198766708 :0.07015563547611237 +and:0.055557746440172195 the:0.04657403379678726 in:0.02466014213860035 but:0.02105889469385147 :0.15613454580307007 +the:0.056151680648326874 a:0.012838966213166714 was:0.01106827612966299 that:0.010532429441809654 :0.17083516716957092 +and:0.07327461987733841 white:0.013598689809441566 mess:0.011799962259829044 purposes:0.01087623368948698 :0.16324593126773834 +and:0.10536646097898483 of:0.02103670872747898 street:0.01894335076212883 to:0.014308726415038109 :0.3219567835330963 +to:0.05132493004202843 a:0.04447365552186966 of:0.043059371411800385 the:0.04179920256137848 :0.09292136132717133 +the:0.19860894978046417 be:0.1958557814359665 a:0.018674930557608604 have:0.012495740316808224 :0.07761399447917938 +by:0.15438911318778992 out:0.0511074922978878 and:0.04679182916879654 a:0.046631257981061935 :0.04627126082777977 +of:0.14663328230381012 and:0.05722065642476082 is:0.03891386836767197 was:0.03466392681002617 :0.04653703421354294 +by:0.20009401440620422 and:0.11957644671201706 as:0.08881909400224686 the:0.0740850493311882 :0.04848016798496246 +cept:0.066778264939785 plained:0.025130946189165115 pressed:0.022449685260653496 amination:0.019248977303504944 :0.38227415084838867 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +of:0.3593384027481079 and:0.03183121606707573 in:0.02363050915300846 In:0.01601223647594452 :0.1404961496591568 +of:0.05576726049184799 and:0.05037151649594307 feet:0.024428315460681915 Mrs.:0.014562079682946205 :0.2156531661748886 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +country:0.01565433293581009 whole:0.011665454134345055 country.:0.007986258715391159 entire:0.007771843578666449 :0.21156960725784302 +are:0.1181064248085022 were:0.07820503413677216 have:0.07386565953493118 will:0.04109646752476692 :0.06477071344852448 +the:0.31237539649009705 a:0.04740390181541443 his:0.024959158152341843 that:0.019972627982497215 :0.051010943949222565 +ner:0.12298748642206192 poration:0.0940018817782402 porate:0.06803502142429352 responding:0.05687723681330681 :0.30429044365882874 +much:0.05259434133768082 great:0.018475709483027458 well:0.017851633951067924 far:0.017537172883749008 :0.1424325704574585 +and:0.07313894480466843 I:0.04163192957639694 to:0.025038940832018852 the:0.0188556257635355 :0.15198050439357758 +to:0.11105544120073318 only:0.06580588966608047 the:0.026093188673257828 a:0.022749347612261772 :0.13872934877872467 +point:0.014206399209797382 large:0.012137062847614288 very:0.009463929571211338 great:0.007171118166297674 :0.17669185996055603 +the:0.268478661775589 this:0.042219918221235275 a:0.036513056606054306 his:0.016609448939561844 :0.1470811367034912 +and:0.07434063404798508 to:0.027249110862612724 The:0.021744346246123314 of:0.015541549772024155 :0.1585753709077835 +and:0.07549327611923218 to:0.05741758644580841 by:0.039672400802373886 in:0.02432161197066307 :0.13086660206317902 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +people:0.0053213490173220634 said:0.004153701476752758 and:0.003141640452668071 public:0.003053215565159917 :0.5239691138267517 +date:0.008526808582246304 United:0.007610153406858444 fact:0.006294529885053635 first:0.006063907407224178 :0.19325482845306396 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +tered:0.030724618583917618 titled:0.022602643817663193 tire:0.021829206496477127 tirely:0.021682798862457275 :0.5436080098152161 +a:0.2547460198402405 is:0.10218343883752823 an:0.04520627483725548 was:0.031757060438394547 :0.037208497524261475 +Burr:0.06737072020769119 and:0.01576886884868145 A.:0.010033722966909409 years:0.006177874282002449 :0.42384055256843567 +A:0.011700645089149475 M:0.009980827569961548 H:0.007774670142680407 J:0.007598130498081446 :0.4539412260055542 +and:0.1774054616689682 but:0.06817302852869034 who:0.039793044328689575 with:0.02325897105038166 :0.04415693134069443 +and:0.09989333152770996 of:0.0643569752573967 in:0.049638550728559494 was:0.04410184919834137 :0.08821926265954971 +and:0.06211026385426521 to:0.05303279682993889 the:0.028497017920017242 of:0.024531837552785873 :0.13836641609668732 +last:0.026809629052877426 next:0.018516970798373222 first:0.017234012484550476 time:0.014994886703789234 :0.1387341320514679 +in:0.07489816099405289 as:0.07311931997537613 with:0.056840457022190094 and:0.05524634197354317 :0.054281964898109436 +man:0.016666879877448082 copy:0.016590291634202003 good:0.010803759098052979 few:0.010098877362906933 :0.16508899629116058 +of:0.13341648876667023 and:0.12689127027988434 to:0.047441110014915466 for:0.04490676522254944 :0.0607217513024807 +of:0.3356824815273285 was:0.09362613409757614 is:0.05775333195924759 in:0.02393675409257412 :0.05494527518749237 +of:0.045480791479349136 and:0.03990934416651726 the:0.025964118540287018 to:0.016527019441127777 :0.19618919491767883 +a:0.01222156547009945 not:0.009556876495480537 and:0.009461984038352966 explained.:0.009080685675144196 :0.25715571641921997 +the:0.16138191521167755 be:0.03206619992852211 a:0.026333510875701904 make:0.010179076343774796 :0.20345266163349152 +the:0.4652166962623596 a:0.05139700695872307 this:0.02208877168595791 tho:0.017685862258076668 :0.046805743128061295 +be:0.11067487299442291 the:0.10172733664512634 have:0.0189216285943985 pay:0.012201448902487755 :0.09866869449615479 +the:0.08787505328655243 and:0.05897868424654007 in:0.02718929946422577 it:0.026035984978079796 :0.064799003303051 +and:0.044869985431432724 the:0.027170812711119652 of:0.026922250166535378 The:0.012424669228494167 :0.21608924865722656 +of:0.1430939882993698 was:0.08587846904993057 and:0.06771888583898544 is:0.04169418662786484 :0.051269590854644775 +and:0.29072052240371704 but:0.05469328910112381 the:0.03558555990457535 for:0.02336525171995163 :0.04766397550702095 +the:0.4307428300380707 this:0.0395682267844677 a:0.02945260889828205 said:0.023305220529437065 :0.09376210719347 +the:0.2420325130224228 a:0.07586559653282166 their:0.04258757829666138 this:0.023788444697856903 :0.07983004301786423 +the:0.08176273852586746 a:0.05501820147037506 to:0.0405292734503746 it:0.02324734255671501 :0.22885236144065857 +of:0.01937546581029892 more:0.018110021948814392 men:0.0180877223610878 a:0.016980301588773727 :0.2747676968574524 +have:0.058341994881629944 was:0.042715322226285934 am:0.037598442286252975 had:0.02751356177031994 :0.16400805115699768 +the:0.09945163875818253 that:0.013512973673641682 in:0.013109520077705383 to:0.010128059424459934 :0.18397217988967896 +of:0.21769122779369354 the:0.06806938350200653 and:0.03483080491423607 in:0.02759670466184616 :0.07300549000501633 +a:0.06800241023302078 not:0.06590250134468079 the:0.04480162635445595 to:0.027720194309949875 :0.10169555246829987 +Dakota,:0.23149652779102325 Dakota:0.14004869759082794 Carolina:0.11243927478790283 Carolina,:0.08871913701295853 :0.07523827999830246 +of:0.05443717539310455 and:0.04863429442048073 The:0.023475011810660362 the:0.02244817279279232 :0.16967329382896423 +the:0.2401123195886612 a:0.06503235548734665 to:0.05061687156558037 and:0.04802573844790459 :0.0801701694726944 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +country:0.052185241132974625 city:0.046934403479099274 way:0.031117264181375504 city,:0.022620681673288345 :0.1143367663025856 +and:0.0628194659948349 the:0.028831815347075462 of:0.02844935655593872 ing:0.021624157205224037 :0.22745244204998016 +said:0.009744950570166111 people:0.006745357997715473 law:0.00542790163308382 whole:0.004850320052355528 :0.1965060979127884 +are:0.10886813700199127 were:0.08140277117490768 who:0.07532750070095062 have:0.05511068180203438 :0.07049882411956787 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +of:0.39399540424346924 and:0.05563269928097725 to:0.025649594143033028 in:0.017473779618740082 :0.06499313563108444 +and:0.032284945249557495 C.:0.01203782856464386 D.:0.010649705305695534 of:0.007937268353998661 :0.4497551918029785 +a:0.12274648994207382 not:0.04351693019270897 the:0.033971067517995834 in:0.02204921282827854 :0.09906575083732605 +a:0.10522130131721497 to:0.08215636759996414 the:0.05648805946111679 advisable:0.05459555983543396 :0.11292871832847595 +the:0.07848771661520004 a:0.03733671456575394 which:0.01908208802342415 making:0.010612260550260544 :0.17678315937519073 +J:0.020738668739795685 John:0.01713874191045761 W.:0.01465686596930027 J.:0.013403121381998062 :0.4309328496456146 +and:0.029585305601358414 .:0.02755865640938282 of:0.01826176419854164 Y:0.015099148266017437 :0.5237807631492615 +the:0.04944831505417824 of:0.04781761392951012 to:0.021311568096280098 in:0.019516469910740852 :0.19224756956100464 +the:0.1589430868625641 a:0.08934058248996735 this:0.014478516764938831 their:0.013532772660255432 :0.1227872371673584 +to:0.029462678357958794 in:0.019927719607949257 the:0.014732787385582924 at:0.01335836760699749 :0.1537095308303833 +and:0.05420132353901863 to:0.021192464977502823 resources:0.018980974331498146 rights:0.014846695587038994 :0.2600383758544922 +the:0.16499193012714386 it:0.09350351989269257 he:0.07621923834085464 they:0.06504300236701965 :0.04710281267762184 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.16453805565834045 to:0.08605890721082687 the:0.06312750279903412 at:0.03113020397722721 :0.09903622418642044 +the:0.08391458541154861 to:0.058227140456438065 a:0.05270356684923172 not:0.05225438252091408 :0.09868751466274261 +way:0.1329844892024994 other:0.07102014869451523 of:0.042655911296606064 manner:0.02638431079685688 :0.08802192658185959 +law:0.015217622742056847 following:0.010737798176705837 whole:0.008527158759534359 same:0.006620630621910095 :0.1624300628900528 +to:0.14487728476524353 and:0.061181679368019104 with:0.051378119736909866 the:0.04438958689570427 :0.04098132997751236 +the:0.1765841692686081 a:0.09522227197885513 ten:0.0920538604259491 thirty:0.08714793622493744 :0.04822421446442604 +and:0.12616904079914093 of:0.10465144366025925 to:0.05680014565587044 the:0.03568298742175102 :0.05170232802629471 +the:0.26862090826034546 a:0.05556388571858406 his:0.021647119894623756 tho:0.011996377259492874 :0.15897099673748016 +of:0.46900391578674316 and:0.07728307694196701 in:0.01447286456823349 was:0.014173423871397972 :0.0654422789812088 +of:0.21914629638195038 and:0.11136166751384735 in:0.05025622621178627 on:0.040686555206775665 :0.02999616228044033 +Judicial:0.15123732388019562 of:0.1112622544169426 day:0.041561733931303024 Principal:0.0383370965719223 :0.19799046218395233 +south:0.10782844573259354 north:0.09559459239244461 N.:0.07984204590320587 northerly:0.0607990100979805 :0.06674812734127045 +and:0.023029178380966187 the:0.012694641947746277 was:0.012586143799126148 I:0.01207855623215437 :0.20586542785167694 +and:0.3654727041721344 in:0.04029184952378273 with:0.03707282990217209 on:0.02576611004769802 :0.055172570049762726 +the:0.07014083117246628 any:0.020868854597210884 to:0.02028387039899826 by:0.01947942189872265 :0.16819655895233154 +story:0.017135104164481163 and:0.009839549660682678 good:0.008470309898257256 place:0.0051817018538713455 :0.27913087606430054 +who:0.2939230501651764 of:0.02152869664132595 in:0.019462240859866142 whose:0.012120078317821026 :0.1061539500951767 +the:0.3961404263973236 which:0.060599684715270996 a:0.052220143377780914 his:0.02444763295352459 :0.0513891726732254 +of:0.40532436966896057 and:0.08004981279373169 for:0.04259885102510452 in:0.04105934500694275 :0.03537014126777649 +the:0.05550246313214302 a:0.017023134976625443 tho:0.010867517441511154 that:0.009839242324233055 :0.2593161165714264 +of:0.13562044501304626 and:0.043549153953790665 to:0.014658039435744286 the:0.011333616450428963 :0.21024098992347717 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +of:0.1915738880634308 and:0.06859564036130905 in:0.05176502838730812 or:0.029925091192126274 :0.060201212763786316 +the:0.06835777312517166 a:0.02299569360911846 other:0.009688738733530045 at:0.008812817744910717 :0.18557694554328918 +to:0.08784361928701401 and:0.057355847209692 that:0.034281596541404724 of:0.03321113437414169 :0.11833709478378296 +of:0.041334688663482666 and:0.02999350056052208 the:0.018084852024912834 a:0.012142973951995373 :0.29416534304618835 +of:0.6585437655448914 ot:0.02051885426044464 and:0.018334146589040756 in:0.01751389540731907 :0.0276213139295578 +of:0.09995567798614502 and:0.07072650641202927 The:0.03230833634734154 to:0.026876166462898254 :0.1636035293340683 +view:0.021477578207850456 large:0.014422591775655746 little:0.012711316347122192 few:0.011675581336021423 :0.20949006080627441 +and:0.1775609254837036 of:0.05095265433192253 which:0.046725135296583176 the:0.02456420287489891 :0.08532357960939407 +exception:0.013314971700310707 same:0.011798677034676075 provisions:0.008448969572782516 most:0.005701657384634018 :0.19567960500717163 +not:0.07121899724006653 brought:0.06966868788003922 a:0.049914274364709854 the:0.03525998070836067 :0.11624781787395477 +the:0.07154222577810287 to:0.017437588423490524 a:0.013567773625254631 in:0.007758984342217445 :0.17481663823127747 +of:0.3234805166721344 bearer:0.031193260103464127 and:0.019501321017742157 is:0.01527623925358057 :0.14731861650943756 +tree:0.08069466799497604 post:0.04205167293548584 and:0.028447235003113747 to:0.025412030518054962 :0.24610860645771027 +man:0.017662793397903442 good:0.010149803012609482 great:0.009077077731490135 large:0.008228846825659275 :0.3170256018638611 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.10272703319787979 was:0.06830069422721863 is:0.04544362425804138 in:0.04515676572918892 :0.07787797600030899 +and:0.0596931166946888 from:0.05417882278561592 in:0.04603065550327301 for:0.04079655930399895 :0.07826486974954605 +a:0.04565797001123428 the:0.03191112354397774 to:0.02309655398130417 in:0.017682962119579315 :0.15369728207588196 +the:0.31593644618988037 a:0.10562978684902191 to:0.03251384198665619 their:0.032044656574726105 :0.06181136891245842 +to:0.448341429233551 and:0.10449952632188797 with:0.032642263919115067 for:0.02809620462357998 :0.03733083978295326 +the:0.6431346535682678 which:0.032389771193265915 this:0.02861194871366024 tho:0.0241582952439785 :0.02896248735487461 +the:0.18439219892024994 any:0.09841606020927429 a:0.04979002848267555 anywise:0.01789267547428608 :0.09033011645078659 +to:0.5431367754936218 that:0.056954141706228256 of:0.027043413370847702 in:0.018913837149739265 :0.06100615859031677 +tice:0.08368363231420517 and:0.06678865849971771 tice,:0.024283379316329956 of:0.011976413428783417 :0.3109470307826996 +the:0.03522254899144173 and:0.03205929324030876 It:0.024875132367014885 The:0.02161330170929432 :0.3188695013523102 +and:0.10404663532972336 the:0.030210459604859352 in:0.018377618864178658 of:0.015830501914024353 :0.12559986114501953 +of:0.21510761976242065 and:0.07053764909505844 to:0.0462988056242466 in:0.03543455898761749 :0.031011948361992836 +the:0.05485174059867859 to:0.045830097049474716 and:0.04505849629640579 a:0.03631836548447609 :0.1435616910457611 +the:0.0845988392829895 is:0.04712169989943504 he:0.04617230221629143 was:0.04277890548110008 :0.048160649836063385 +the:0.11924902349710464 it:0.04441333934664726 I:0.037009041756391525 if:0.03223714604973793 :0.05391513928771019 +of:0.13116946816444397 side:0.048113349825143814 the:0.037820857018232346 side.:0.028038034215569496 :0.09675152599811554 +the:0.20642800629138947 a:0.07546265423297882 this:0.013246262446045876 which:0.012458238750696182 :0.19923238456249237 +and:0.054963547736406326 Brown:0.006699413061141968 John:0.004754180554300547 J:0.004575680010020733 :0.507362425327301 +of:0.08435007184743881 year:0.059122487902641296 year.:0.03196478635072708 season.:0.023021211847662926 :0.09750509262084961 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +and:0.048032358288764954 to:0.031439438462257385 in:0.023728234693408012 a:0.023492509499192238 :0.15212488174438477 +of:0.03866780549287796 marked:0.026089392602443695 set:0.023618945851922035 was:0.019286619499325752 :0.18588507175445557 +same:0.005092091858386993 said:0.005079798400402069 fact:0.003518450539559126 the:0.0033022190909832716 :0.35988205671310425 +to:0.03207772225141525 the:0.031437311321496964 and:0.02601541019976139 I:0.020696697756648064 :0.20808419585227966 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +of:0.3316245377063751 and:0.07210159301757812 in:0.057055506855249405 are:0.05590372905135155 :0.0486157163977623 +and:0.11412938684225082 or:0.01677677407860756 of:0.012698331847786903 courage:0.012451641261577606 :0.21292029321193695 +and:0.276651531457901 but:0.07445544004440308 the:0.021749066188931465 or:0.01734049804508686 :0.05089564248919487 +the:0.09763617068529129 that:0.020298797637224197 to:0.017794497311115265 a:0.017179932445287704 :0.12326391041278839 +and:0.04201330989599228 of:0.03496436029672623 to:0.02260827273130417 the:0.022499332204461098 :0.12750597298145294 +the:0.31512394547462463 a:0.04819219559431076 and:0.017279069870710373 to:0.01592358760535717 :0.29159021377563477 +and:0.10076944530010223 of:0.08483269810676575 that:0.032777536660432816 in:0.03178972005844116 :0.054686129093170166 +school:0.19175854325294495 School:0.083517886698246 and:0.05067801475524902 school,:0.025921693071722984 :0.09151910245418549 +the:0.15575508773326874 a:0.07151360809803009 his:0.011321182362735271 their:0.010968347080051899 :0.19832460582256317 +and:0.03700284659862518 of:0.013817213475704193 to:0.013664701953530312 the:0.012388963252305984 :0.19728747010231018 +and:0.37743470072746277 of:0.1689082682132721 to:0.061533283442258835 for:0.04343049228191376 :0.035341519862413406 +are:0.1130317971110344 were:0.09146656095981598 will:0.07139736413955688 have:0.05655486881732941 :0.06575071811676025 +of:0.530495822429657 in:0.08170410990715027 to:0.043022122234106064 and:0.01907738484442234 :0.029115252196788788 +date:0.008526808582246304 United:0.007610153406858444 fact:0.006294529885053635 first:0.006063907407224178 :0.19325482845306396 +of:0.057962533086538315 in:0.054241765290498734 to:0.03824225068092346 at:0.025405103340744972 :0.19992974400520325 +as:0.05862372741103172 in:0.052929870784282684 whereas,:0.049641791731119156 if:0.034636374562978745 :0.09518866240978241 +the:0.07378014922142029 a:0.02107740193605423 minutes:0.020253457129001617 one:0.015176584012806416 :0.1777445375919342 +and:0.09374204277992249 The:0.020843148231506348 to:0.02008119784295559 the:0.016992490738630295 :0.14711162447929382 +the:0.30661720037460327 a:0.04657697677612305 his:0.022356251254677773 this:0.020601535215973854 :0.10713423043489456 +two:0.07678629457950592 United:0.019466303288936615 hours:0.012627257034182549 ages:0.010976124554872513 :0.2097874879837036 +and:0.046198561787605286 the:0.038393285125494 to:0.0352795347571373 of:0.02628360129892826 :0.15031835436820984 +the:0.05478004738688469 be:0.037004049867391586 see:0.02861599624156952 do:0.028580239042639732 :0.1118590384721756 +the:0.37900373339653015 a:0.06761866062879562 his:0.016438210383057594 their:0.01406940072774887 :0.105829618871212 +of:0.3163284957408905 in:0.06920628994703293 on:0.0618918351829052 where:0.050841353833675385 :0.04068239405751228 +great:0.03469572961330414 very:0.02797994576394558 good:0.025457268580794334 matter:0.013830834068357944 :0.16428038477897644 +of:0.4367017447948456 and:0.1289776712656021 in:0.023538030683994293 to:0.019730038940906525 :0.04213397949934006 +and:0.06879757344722748 to:0.05830242484807968 the:0.026650413870811462 by:0.024574751034379005 :0.1456775963306427 +have:0.07149625569581985 had:0.059723347425460815 has:0.05189457908272743 are:0.05064313858747482 :0.06547178328037262 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +own:0.037691764533519745 life:0.009400890208780766 family:0.005222564563155174 friends:0.004922314081341028 :0.19804032146930695 +and:0.19363844394683838 but:0.07398617267608643 who:0.028452951461076736 are:0.02744496986269951 :0.059900932013988495 +and:0.029050694778561592 A.:0.02544022537767887 W.:0.025060458108782768 H.:0.022961201146245003 :0.2965739667415619 +in:0.0640782043337822 that:0.029168426990509033 and:0.027514051645994186 on:0.02443643845617771 :0.08810581266880035 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.23333142697811127 be:0.04727647826075554 a:0.02302062325179577 make:0.01140171755105257 :0.12508004903793335 +the:0.03795875236392021 a:0.00927297119051218 all:0.007372455671429634 that:0.006480720825493336 :0.31875166296958923 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +of:0.03544775769114494 and:0.01363117154687643 to:0.01086515188217163 a:0.008792991749942303 :0.34462788701057434 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +and:0.04077548906207085 of:0.032326195389032364 the:0.02934262715280056 to:0.02662832662463188 :0.19694924354553223 +and:0.044197604060173035 of:0.03885494917631149 the:0.024943657219409943 The:0.017497455701231956 :0.28333351016044617 +and:0.05048597604036331 per:0.03905913233757019 a.:0.015645509585738182 a:0.013732590712606907 :0.2907922863960266 +of:0.05888991057872772 times:0.05300898104906082 years:0.049724794924259186 hundred:0.04085735231637955 :0.1802631914615631 +The:0.11398743838071823 It:0.05569477751851082 A:0.030851956456899643 He:0.02733614481985569 :0.1908944994211197 +The:0.17904286086559296 It:0.07184214890003204 He:0.044034700840711594 I:0.03290519490838051 :0.09785054624080658 +have:0.0721813514828682 are:0.06966191530227661 will:0.05275992304086685 had:0.04535863548517227 :0.08097044378519058 +of:0.3044496178627014 in:0.04331710934638977 to:0.03810817375779152 at:0.02688111551105976 :0.05550973489880562 +the:0.05950676277279854 and:0.04721648246049881 to:0.030477724969387054 with:0.016468489542603493 :0.16550475358963013 +ing:0.5966448783874512 ing,:0.06030968576669693 ing.:0.053345680236816406 of:0.014130582101643085 :0.06145694851875305 +of:0.41886451840400696 and:0.06272616237401962 from:0.058139216154813766 to:0.055924441665410995 :0.04602446034550667 +the:0.12935449182987213 width,:0.06352734565734863 length,:0.06034034118056297 length:0.05055201053619385 :0.06416262686252594 +of:0.12222176790237427 and:0.10533282160758972 than:0.033576756715774536 to:0.027983978390693665 :0.12109173834323883 +the:0.07097522169351578 be:0.05543730407953262 make:0.017604641616344452 a:0.014792492613196373 :0.12018124014139175 +the:0.08366797119379044 he:0.05366089567542076 they:0.04293648526072502 is:0.03730563446879387 :0.043063849210739136 +be:0.23048749566078186 not:0.06119367480278015 have:0.01575148105621338 bo:0.01520626712590456 :0.05588199943304062 +the:0.3330496847629547 a:0.03767261281609535 all:0.03503597900271416 it:0.024393316358327866 :0.02438516542315483 +been:0.2351735383272171 a:0.0456407368183136 not:0.025228317826986313 the:0.020197948440909386 :0.09860303997993469 +necessary:0.02500094100832939 made:0.023936236277222633 the:0.023093899711966515 said:0.022568104788661003 :0.14483880996704102 +good:0.01739264279603958 few:0.015501215122640133 little:0.014002501964569092 great:0.013879681006073952 :0.1461891382932663 +and:0.011112263426184654 way:0.007816435769200325 interests:0.005412261467427015 way.:0.0047184256836771965 :0.23191484808921814 +and:0.15106892585754395 to:0.05314217880368233 of:0.04046080261468887 at:0.02635173127055168 :0.058909542858600616 +the:0.012425453402101994 and:0.008689607493579388 a:0.006002113688737154 .:0.004126372747123241 :0.4683326184749603 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +the:0.25545474886894226 a:0.07163500785827637 his:0.020511643961071968 their:0.012228262610733509 :0.12542074918746948 +to:0.34979361295700073 by:0.09603707492351532 and:0.05379475653171539 from:0.03902426362037659 :0.03608446940779686 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +same:0.012902254238724709 public:0.00542474864050746 first:0.005412645637989044 whole:0.005386648699641228 :0.2057035267353058 +the:0.32712438702583313 this:0.0479445606470108 a:0.04543302580714226 which:0.025683656334877014 :0.05730314925312996 +the:0.04466086998581886 all:0.010772974230349064 a:0.010380680672824383 in:0.009987459518015385 :0.1559743583202362 +be:0.09095598012208939 and:0.08936309814453125 but:0.03215039521455765 as:0.031357284635305405 :0.044988103210926056 +the:0.07883333414793015 to:0.0413631871342659 in:0.03056347742676735 by:0.026015201583504677 :0.07845200598239899 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.08084791153669357 of:0.06624443084001541 to:0.02879210188984871 in:0.026621432974934578 :0.10392869263887405 +of:0.09041888266801834 and:0.0595463402569294 than:0.026634732261300087 The:0.0257114227861166 :0.1637822687625885 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +A:0.0394756905734539 The:0.03734859079122543 And:0.015911420807242393 It:0.010499919764697552 :0.38058051466941833 +the:0.3366038203239441 which:0.047814566642045975 a:0.044376932084560394 this:0.02545703575015068 :0.0437890999019146 +and:0.1332271844148636 in:0.05695823207497597 to:0.03975328058004379 with:0.03734256327152252 :0.07199639081954956 +of:0.05201830714941025 and:0.046781688928604126 to:0.041205983608961105 the:0.03436647728085518 :0.1936572939157486 +the:0.2525653839111328 said:0.019295871257781982 a:0.018944725394248962 his:0.016252947971224785 :0.14343507587909698 +been:0.29066380858421326 not:0.03052682615816593 a:0.028511893004179 gone:0.013781994581222534 :0.04990570619702339 +was:0.08521241694688797 had:0.051218632608652115 is:0.03382263332605362 would:0.029783794656395912 :0.13423267006874084 +the:0.036840785294771194 make:0.028791720047593117 be:0.024658633396029472 do:0.021527228876948357 :0.09837399423122406 +The:0.18521828949451447 It:0.049975063651800156 We:0.047042619436979294 He:0.037648383527994156 :0.09479190409183502 +of:0.05473342910408974 and:0.03660817816853523 to:0.02786068245768547 in:0.014832833781838417 :0.204084575176239 +the:0.023446081206202507 in:0.021889610216021538 of:0.013639403507113457 at:0.009535855613648891 :0.12399224191904068 +and:0.029670534655451775 the:0.02876216545701027 of:0.015967730432748795 a:0.015585698187351227 :0.31588780879974365 +is:0.04248702526092529 was:0.024866636842489243 the:0.014986228197813034 year:0.012628301978111267 :0.11706026643514633 +of:0.17210018634796143 other:0.03438334912061691 a:0.027630668133497238 who:0.020333681255578995 :0.12973634898662567 +.:0.019995704293251038 d:0.018003392964601517 e:0.01771313138306141 s:0.01531571988016367 :0.3057878017425537 +that:0.35582607984542847 the:0.04246307164430618 nothing:0.03627556934952736 to:0.03615584596991539 :0.05452505871653557 +the:0.2489510327577591 a:0.06252668052911758 tho:0.014882502146065235 his:0.012036056257784367 :0.1503141075372696 +the:0.31414470076560974 a:0.05027027055621147 this:0.019830910488963127 his:0.0188104510307312 :0.100152887403965 +and:0.03832767903804779 the:0.03715849295258522 of:0.02945454604923725 to:0.02589269168674946 :0.17055441439151764 +been:0.09995367377996445 a:0.04169720783829689 not:0.03903713449835777 to:0.026226822286844254 :0.08209129422903061 +and:0.1546419858932495 of:0.08240224421024323 are:0.055619604885578156 to:0.041974589228630066 :0.050360068678855896 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.026441646739840508 and:0.018657280132174492 was:0.0138206472620368 ,:0.01192929781973362 :0.28809499740600586 +the:0.13963648676872253 to:0.025193579494953156 a:0.02048414945602417 it:0.019879989326000214 :0.07982918620109558 +to:0.06103655695915222 the:0.044116873294115067 and:0.03541865199804306 in:0.019758787006139755 :0.14264719188213348 +the:0.04864877089858055 a:0.01945395953953266 to:0.01455790363252163 in:0.012230182997882366 :0.19459021091461182 +else:0.11970159411430359 of:0.07426971197128296 that:0.05801549181342125 to:0.040029142051935196 :0.05836176872253418 +in:0.19842691719532013 In:0.05226718261837959 by:0.044433485716581345 and:0.04267754405736923 :0.06245861202478409 +a:0.14481495320796967 the:0.10291822254657745 to:0.05288074165582657 he:0.03315669298171997 :0.10171319544315338 +and:0.058950889855623245 to:0.05397872254252434 in:0.03233589231967926 of:0.01853853277862072 :0.13607530295848846 +of:0.02072673849761486 and:0.020081860944628716 to:0.01732821948826313 had:0.015113783068954945 :0.1445656418800354 +and:0.08351144194602966 to:0.04471703618764877 in:0.04120964929461479 as:0.033696942031383514 :0.049238257110118866 +good:0.01973332092165947 great:0.018108470365405083 very:0.01718570850789547 few:0.013712105341255665 :0.12562914192676544 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +after:0.11301159113645554 of:0.08088690787553787 and:0.06410133838653564 from:0.0416644848883152 :0.07135866582393646 +most:0.0202044490724802 best:0.017197981476783752 trip:0.011451786383986473 same:0.006482699420303106 :0.14724530279636383 +the:0.09489064663648605 a:0.015479754656553268 other:0.00837009958922863 not:0.0074993642047047615 :0.1230715811252594 +year:0.01654416136443615 and:0.012229611165821552 of:0.007727137301117182 the:0.0076019903644919395 :0.1334594339132309 +fifty:0.1190633475780487 sixty:0.04307481274008751 twenty:0.041097238659858704 eighty:0.024752823635935783 :0.24767635762691498 +a:0.09289681166410446 not:0.06575608253479004 the:0.03723215311765671 to:0.020859839394688606 :0.13914625346660614 +and:0.2837214469909668 but:0.09170977771282196 the:0.030806468799710274 or:0.019442936405539513 :0.02738012932240963 +in:0.10353222489356995 and:0.05019942298531532 with:0.04924735799431801 stock:0.034393228590488434 :0.0899786651134491 +doubtedly:0.517582356929779 derstand:0.11859846860170364 der:0.022601235657930374 til:0.013900646939873695 :0.11017198860645294 +of:0.3290792405605316 that:0.14660857617855072 and:0.06602504849433899 the:0.032799556851387024 :0.041938092559576035 +the:0.040193066000938416 a:0.02088139019906521 two:0.020073682069778442 in:0.013436432927846909 :0.3724325895309448 +of:0.04786454886198044 and:0.04491841793060303 or:0.028567243367433548 the:0.028341613709926605 :0.16377893090248108 +thorities:0.010096444748342037 hour:0.006466350983828306 old:0.0050536151975393295 thority:0.004634544253349304 :0.4426330029964447 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.22878685593605042 a:0.05085388571023941 their:0.01883171871304512 his:0.018359484151005745 :0.16628676652908325 +a:0.055434439331293106 the:0.0540686659514904 to:0.03984721377491951 not:0.02161496691405773 :0.14908367395401 +and:0.021117066964507103 I:0.009615276008844376 In:0.007223947439342737 the:0.007164326496422291 :0.5009986758232117 +to:0.04556085169315338 the:0.04348483681678772 and:0.037509530782699585 be:0.024387972429394722 :0.142970472574234 +of:0.2498045563697815 in:0.06478067487478256 to:0.05453958734869957 on:0.0360395573079586 :0.05493181198835373 +the:0.027442695572972298 and:0.019409121945500374 a:0.009232490323483944 in:0.005794971249997616 :0.19102704524993896 +not:0.052645836025476456 a:0.03722955286502838 the:0.028534436598420143 to:0.02411721646785736 :0.14564500749111176 +the:0.2268756926059723 he:0.04995036497712135 it:0.038556452840566635 they:0.035510145127773285 :0.07050757110118866 +and:0.038192398846149445 of:0.03467860072851181 was:0.014174731448292732 in:0.012650370597839355 :0.3220924735069275 +the:0.268722265958786 said:0.051544204354286194 sale:0.05090413615107536 a:0.03315494954586029 :0.08092418313026428 +to:0.11798808723688126 and:0.04351909086108208 who:0.03547988459467888 will:0.03089013136923313 :0.12408760190010071 +of:0.32668977975845337 is:0.03957199305295944 was:0.036863140761852264 and:0.03480294719338417 :0.031953658908605576 +and:0.07681016623973846 of:0.025502853095531464 was:0.01569419726729393 In:0.013453928753733635 :0.314264714717865 +and:0.14680632948875427 the:0.056408610194921494 to:0.05366893485188484 but:0.029243268072605133 :0.12952496111392975 +hard:0.060835450887680054 cider:0.04687124118208885 clean:0.03291827440261841 and:0.026704605668783188 :0.12803322076797485 +the:0.07447802275419235 a:0.023644709959626198 that:0.021132200956344604 to:0.019324271008372307 :0.10229183733463287 +with:0.3698733150959015 of:0.0850125104188919 the:0.042475901544094086 and:0.03585413843393326 :0.05558016523718834 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +same:0.013425994664430618 following:0.005715920124202967 first:0.005590246990323067 matter:0.005444556009024382 :0.1464507281780243 +the:0.052529677748680115 and:0.04368366673588753 a:0.021918708458542824 in:0.01620609313249588 :0.19654223322868347 +by:0.09810758382081985 in:0.07269182056188583 and:0.05857352539896965 the:0.03584491088986397 :0.051626045256853104 +and:0.08539016544818878 of:0.0849558487534523 for:0.05280695855617523 medicines:0.027345575392246246 :0.18981963396072388 +of:0.4866533875465393 and:0.040357641875743866 the:0.019838232547044754 to:0.016999028623104095 :0.033707164227962494 +of:0.2407463788986206 years:0.03222837299108505 a:0.020379694178700447 times:0.013552098535001278 :0.1766269952058792 +and:0.044869985431432724 the:0.027170812711119652 of:0.026922250166535378 The:0.012424669228494167 :0.21608924865722656 +the:0.31123143434524536 a:0.04705522209405899 this:0.03736594691872597 their:0.024125339463353157 :0.06683025509119034 +and:0.06226835027337074 of:0.033123016357421875 the:0.028273342177271843 to:0.019465364515781403 :0.1988808661699295 +the:0.1360708773136139 he:0.029635341838002205 it:0.028498575091362 I:0.020128291100263596 :0.09962613880634308 +dren:0.38997167348861694 dren,:0.11480455845594406 and:0.0124240443110466 dren.:0.010657417587935925 :0.22292564809322357 +the:0.2753041386604309 a:0.028750669211149216 tho:0.013779712840914726 be:0.012366464361548424 :0.12460644543170929 +of:0.16450731456279755 and:0.14410313963890076 that:0.07017011940479279 in:0.05692272260785103 :0.044686488807201385 +the:0.08904371410608292 a:0.06003304943442345 and:0.038216859102249146 out:0.030550504103302956 :0.07147367298603058 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +and:0.16095124185085297 in:0.03992266207933426 of:0.03769385442137718 is:0.03736492246389389 :0.040629345923662186 +the:0.3306902348995209 a:0.047660719603300095 this:0.019919944927096367 tho:0.013944258913397789 :0.0734533965587616 +the:0.08311104774475098 to:0.02232634276151657 a:0.015733078122138977 that:0.014142206870019436 :0.15494149923324585 +of:0.14392386376857758 and:0.06117359176278114 at:0.03479282930493355 in:0.026029091328382492 :0.13256314396858215 +and:0.0628194659948349 the:0.028831815347075462 of:0.02844935655593872 ing:0.021624157205224037 :0.22745244204998016 +the:0.0350140742957592 a:0.02612767182290554 any:0.02569292113184929 by:0.02199515886604786 :0.19175662100315094 +the:0.32778459787368774 this:0.03423195332288742 a:0.028710894286632538 their:0.017456229776144028 :0.07969210296869278 +to:0.06557302176952362 by:0.043266069144010544 amendment:0.03308581933379173 and:0.01586085744202137 :0.10515735298395157 +by:0.6111821532249451 a:0.0543692409992218 to:0.03975573182106018 the:0.036673106253147125 :0.020351197570562363 +and:0.07549327611923218 to:0.05741758644580841 by:0.039672400802373886 in:0.02432161197066307 :0.13086660206317902 +York:0.5599831938743591 England:0.03549901396036148 Haven:0.022907311096787453 Orleans:0.022035017609596252 :0.17383553087711334 +a:0.11275684833526611 the:0.08314456045627594 her:0.0526704378426075 his:0.025362635031342506 :0.09996221959590912 +and:0.04308902472257614 parties:0.014152701944112778 in:0.009698229841887951 to:0.008491511456668377 :0.35079941153526306 +the:0.054497040808200836 and:0.04156067222356796 to:0.027682529762387276 a:0.014378085732460022 :0.1968258023262024 +are:0.07080763578414917 have:0.047337036579847336 were:0.04186737537384033 will:0.03831053525209427 :0.09173132479190826 +the:0.05403327941894531 to:0.04201113432645798 and:0.03307858854532242 a:0.022806920111179352 :0.14323627948760986 +ized:0.8205433487892151 ity:0.018667234107851982 izing:0.01354358159005642 ities:0.011946430429816246 :0.06206255778670311 +of:0.037373706698417664 is:0.022883016616106033 to:0.021111251786351204 in:0.02080499194562435 :0.11263023316860199 +and:0.04071011021733284 people:0.007726139388978481 way:0.006530868820846081 country:0.006420150399208069 :0.1771339774131775 +a:0.05696704611182213 the:0.03654400259256363 not:0.03533928096294403 in:0.031164878979325294 :0.11367528885602951 +the:0.1778281182050705 a:0.02557603269815445 tho:0.013416613452136517 said:0.011071461252868176 :0.2747887670993805 +and:0.3033911883831024 in:0.08497053384780884 or:0.03476105257868767 that:0.027345703914761543 :0.039288368076086044 +The:0.13793915510177612 It:0.0620843842625618 He:0.042625561356544495 A:0.023942019790410995 :0.1361396312713623 +and:0.07556450366973877 of:0.03798627853393555 The:0.01879279688000679 in:0.013557289727032185 :0.22130312025547028 +party:0.0828866958618164 party,:0.02172817476093769 and:0.012319044210016727 ticket:0.01159423403441906 :0.2692888677120209 +and:0.10995543003082275 the:0.0364173986017704 in:0.022768909111618996 are:0.02198580652475357 :0.05562591925263405 +The:0.1357220560312271 It:0.046844691038131714 He:0.029356468468904495 A:0.029016321524977684 :0.13450616598129272 +by:0.17649401724338531 the:0.06478165835142136 and:0.054512929171323776 of:0.039284903556108475 :0.047224611043930054 +in:0.06985865533351898 and:0.054800380021333694 above,:0.03633604943752289 to:0.034685395658016205 :0.07912591844797134 +and:0.14186181128025055 or:0.02286650985479355 than:0.019519545137882233 in:0.018270567059516907 :0.10984174907207489 +and:0.08481922000646591 for:0.011981950141489506 in:0.011285629123449326 as:0.010655890218913555 :0.20381732285022736 +and:0.13795575499534607 to:0.06844552606344223 of:0.05272599682211876 that:0.044245243072509766 :0.047621771693229675 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +a:0.030421273782849312 made:0.02872733771800995 in:0.015929661691188812 the:0.015802258625626564 :0.17780539393424988 +the:0.3783617317676544 this:0.027614187449216843 tho:0.02743435464799404 motion:0.026312338188290596 :0.10223537683486938 +to:0.44815757870674133 for:0.0430976077914238 of:0.030355606228113174 or:0.02211533486843109 :0.0313919372856617 +and:0.07079941034317017 of:0.06202467158436775 The:0.028431963175535202 to:0.021744441241025925 :0.13985633850097656 +same:0.013062158599495888 most:0.011778635904192924 time:0.009807616472244263 people:0.008234868757426739 :0.20259752869606018 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +to:0.04376779496669769 in:0.04360007867217064 that:0.036874864250421524 the:0.03524835780262947 :0.10001423954963684 +and:0.14624175429344177 the:0.024764975532889366 at:0.02263835072517395 as:0.01595192588865757 :0.09815529733896255 +of:0.18284328281879425 who:0.046489521861076355 is:0.027213629335165024 can:0.021629855036735535 :0.09284401684999466 +the:0.32788199186325073 a:0.05513251572847366 tho:0.01577787660062313 his:0.015219885855913162 :0.116266630589962 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +ernment:0.6962952613830566 ernment,:0.09926006942987442 ernment.:0.09614702314138412 ernor:0.006943447049707174 :0.048519425094127655 +upon:0.2398732602596283 on:0.09306797385215759 to:0.053496044129133224 and:0.046313393861055374 :0.04980837553739548 +be:0.25161945819854736 not:0.06623908132314682 appear:0.03809691593050957 have:0.02127104625105858 :0.11945009231567383 +and:0.12894251942634583 John:0.007005269173532724 J:0.0068863676860928535 James:0.004257733002305031 :0.46228939294815063 +number:0.09462065249681473 amount:0.047656815499067307 portion:0.025956550613045692 part:0.025067195296287537 :0.15149721503257751 +the:0.22232823073863983 a:0.12718579173088074 his:0.020586781203746796 an:0.017503008246421814 :0.08779256790876389 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +of:0.520524263381958 in:0.03753352910280228 and:0.034282367676496506 is:0.02554352954030037 :0.022086283192038536 +of:0.03413377329707146 and:0.029111463576555252 the:0.026019640266895294 to:0.016128059476614 :0.2861778438091278 +to:0.0517490953207016 and:0.04300510138273239 day:0.022577650845050812 line:0.011823758482933044 :0.19022364914417267 +weeks:0.09599330276250839 years:0.08079662173986435 miles:0.05188937857747078 days:0.04254484176635742 :0.08309461176395416 +the:0.178334042429924 and:0.064866803586483 to:0.027933795005083084 in:0.023158323019742966 :0.06278172880411148 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.24127623438835144 he:0.04678548872470856 it:0.03909195959568024 they:0.029481064528226852 :0.052029553800821304 +only:0.03854608163237572 first:0.03794431313872337 most:0.02696702629327774 case:0.012655690312385559 :0.15530629456043243 +same:0.009403667412698269 first:0.009327743202447891 most:0.006828591227531433 last:0.006156840827316046 :0.13980033993721008 +The:0.018311114981770515 1:0.017412323504686356 That:0.01217720191925764 I:0.011417249217629433 :0.2843261659145355 +to:0.13258545100688934 a:0.04800136387348175 the:0.035161342471838 for:0.029426900669932365 :0.09015164524316788 +the:0.2436200976371765 a:0.026690004393458366 his:0.01639459654688835 their:0.015541942790150642 :0.1453290730714798 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +tically:0.27251091599464417 tical:0.243668332695961 and:0.03515053167939186 tice:0.032242100685834885 :0.0982067659497261 +the:0.20513828098773956 be:0.040024857968091965 a:0.032115839421749115 tho:0.009367476217448711 :0.10944012552499771 +the:0.21902061998844147 a:0.03744290769100189 Mr.:0.015762845054268837 this:0.01479645911604166 :0.16730131208896637 +the:0.05813917890191078 and:0.03723457083106041 to:0.024213070049881935 in:0.019793972373008728 :0.1758882999420166 +the:0.20161618292331696 tho:0.023419545963406563 a:0.020762085914611816 this:0.01539697777479887 :0.24429364502429962 +of:0.14373932778835297 in:0.05172001197934151 and:0.043240562081336975 for:0.033294085413217545 :0.06356053799390793 +of:0.04899580404162407 and:0.02380692958831787 man:0.01611013524234295 way:0.011328887194395065 :0.14391890168190002 +the:0.08904453366994858 a:0.07054952532052994 him:0.06499364227056503 up:0.05722128972411156 :0.07424931228160858 +the:0.2718358337879181 a:0.08345894515514374 this:0.019908860325813293 tho:0.013185469433665276 :0.07111268490552902 +and:0.07139462977647781 the:0.04534492269158363 to:0.023284301161766052 in:0.020265957340598106 :0.12800700962543488 +in:0.21366263926029205 that:0.0650034099817276 of:0.056346263736486435 In:0.05000316724181175 :0.05458421632647514 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +of:0.22206047177314758 that:0.05808119475841522 and:0.042245861142873764 to:0.03092513047158718 :0.04062258452177048 +said:0.02550502121448517 United:0.012548556551337242 property:0.006402362138032913 law:0.005686017218977213 :0.2339009791612625 +the:0.43620261549949646 a:0.0461803674697876 his:0.023792369291186333 this:0.018911786377429962 :0.0534936860203743 +of:0.26546362042427063 to:0.03103400208055973 the:0.030828269198536873 was:0.028404992073774338 :0.041957661509513855 +own:0.03856855258345604 husband:0.010474715381860733 husband,:0.010044042952358723 life:0.008669380098581314 :0.18111631274223328 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +and:0.03901699185371399 the:0.03481388837099075 of:0.025830980390310287 in:0.0180415790528059 :0.205043762922287 +and:0.052678145468235016 of:0.037194859236478806 the:0.03149089589715004 to:0.029133576899766922 :0.16768300533294678 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +a:0.06386438757181168 not:0.04107453674077988 the:0.02797769568860531 in:0.022437702864408493 :0.12470000237226486 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +a:0.08059234172105789 the:0.053384438157081604 now:0.04038158431649208 not:0.036100976169109344 :0.08600539714097977 +and:0.05119990184903145 of:0.02204074151813984 to:0.01990610919892788 the:0.018094196915626526 :0.22458745539188385 +not:0.4776701331138611 the:0.031494371592998505 a:0.014410976320505142 he:0.011970087885856628 :0.04744391143321991 +and:0.033828943967819214 to:0.01181077305227518 man:0.007350847125053406 course:0.0070661199279129505 :0.199908047914505 +and:0.11806479841470718 of:0.09883205592632294 in:0.023047758266329765 is:0.019499652087688446 :0.09989631175994873 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.4841180741786957 tho:0.029814768582582474 a:0.02452998049557209 this:0.022800495848059654 :0.057400964200496674 +and:0.08078183978796005 sums:0.02663511596620083 quantities:0.022141998633742332 enough:0.015965159982442856 :0.19060827791690826 +mortgage:0.16841578483581543 mortgage,:0.11803607642650604 deed:0.029790043830871582 mort­:0.01803589053452015 :0.11996258050203323 +the:0.2220534235239029 a:0.064519003033638 this:0.016612915322184563 their:0.013440745882689953 :0.13686342537403107 +other:0.05772123485803604 one:0.04931965470314026 more:0.028478821739554405 man:0.019452668726444244 :0.1382943093776703 +two:0.01797132007777691 men:0.01618107035756111 are:0.01221987884491682 things:0.012179072014987469 :0.20211383700370789 +and:0.022369325160980225 in:0.01708524487912655 In:0.014529653824865818 the:0.011669795028865337 :0.2906639575958252 +of:0.1417970210313797 the:0.11858611553907394 to:0.07227155566215515 it:0.04505663737654686 :0.06229354441165924 +the:0.07509873062372208 and:0.03307602182030678 to:0.030977530404925346 in:0.02621171809732914 :0.2152027189731598 +the:0.08056557178497314 a:0.024842027574777603 in:0.010487999767065048 at:0.009540312923491001 :0.12311936914920807 +who:0.03222763165831566 the:0.021466918289661407 had:0.01681439019739628 of:0.014825563877820969 :0.2112225741147995 +man:0.06300358474254608 and:0.042889680713415146 men:0.03730867803096771 people:0.03201308101415634 :0.1692739874124527 +the:0.1761997789144516 a:0.02673901990056038 which:0.017906995490193367 this:0.016011936590075493 :0.14231780171394348 +the:0.174580380320549 of:0.049084242433309555 over:0.034985460340976715 that:0.0178785752505064 :0.10745822638273239 +and:0.058020662516355515 the:0.035918477922677994 to:0.027682678773999214 in:0.022257443517446518 :0.14968818426132202 +with:0.07604746520519257 of:0.07191050797700882 and:0.04380446672439575 was:0.038818471133708954 :0.08074204623699188 +a:0.06846656650304794 the:0.04825889691710472 not:0.02478213980793953 in:0.015073750168085098 :0.14466936886310577 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.08772654831409454 of:0.05027216300368309 The:0.030080566182732582 to:0.021879756823182106 :0.13170139491558075 +to:0.18003343045711517 by:0.14435188472270966 and:0.04171217978000641 at:0.03905763104557991 :0.04826739430427551 +of:0.11425638943910599 and:0.051020123064517975 to:0.04208827018737793 in:0.03854585066437721 :0.06284653395414352 +to:0.13609224557876587 in:0.04912830516695976 of:0.04532522335648537 for:0.031103406101465225 :0.09005396068096161 +and:0.07369402796030045 that:0.07139207422733307 the:0.03285465016961098 as:0.030014047399163246 :0.11866103112697601 +level:0.020630961284041405 datum:0.020366225391626358 surface:0.011155686341226101 same:0.007728908210992813 :0.17847107350826263 +the:0.03413647785782814 a:0.014878359623253345 in:0.006132520269602537 that:0.004809652920812368 :0.23820477724075317 +the:0.10166212916374207 they:0.033534709364175797 he:0.03224446251988411 a:0.025589793920516968 :0.06902636587619781 +the:0.08185596764087677 with:0.07950229942798615 so:0.037230897694826126 so,:0.031726717948913574 :0.047565437853336334 +be:0.12076470255851746 and:0.07676201313734055 to:0.05905589833855629 the:0.04990638419985771 :0.06523262709379196 +and:0.08752766251564026 the:0.07604923844337463 is:0.04111900180578232 they:0.03431091085076332 :0.05954214185476303 +and:0.01164916530251503 said:0.007073414046317339 at:0.006800719536840916 in:0.006353928241878748 :0.3551032543182373 +and:0.1596497893333435 to:0.059966299682855606 at:0.031027693301439285 was:0.029160400852560997 :0.10673147439956665 +to:0.08773761242628098 the:0.06494604051113129 and:0.02893420308828354 not:0.024619068950414658 :0.06371121108531952 +will:0.07659529894590378 are:0.055518701672554016 would:0.05050799623131752 had:0.048915356397628784 :0.0673518180847168 +pared:0.07944505661725998 vious:0.05431626737117767 serve:0.043209508061409 sented:0.035596754401922226 :0.33735981583595276 +was:0.07651066035032272 is:0.03647396340966225 had:0.034480467438697815 has:0.028422096744179726 :0.1709258109331131 +to:0.1396772861480713 in:0.1310867816209793 by:0.096811942756176 that:0.07219336181879044 :0.04797662794589996 +be:0.15988154709339142 the:0.08948703855276108 a:0.025060350075364113 have:0.017138315364718437 :0.07952588051557541 +the:0.13238024711608887 a:0.11647064983844757 well:0.03916393965482712 to:0.03510722145438194 :0.1071140244603157 +in:0.1219298392534256 the:0.0752362459897995 on:0.046926047652959824 with:0.04463517665863037 :0.03802095726132393 +and:0.19636091589927673 at:0.09948763996362686 in:0.0701022744178772 on:0.044763047248125076 :0.06797633320093155 +the:0.15193849802017212 any:0.09813971817493439 that:0.04399768263101578 in:0.04068082571029663 :0.06962655484676361 +and:0.11197464168071747 of:0.05265785753726959 in:0.044083721935749054 sites:0.03351156413555145 :0.08356598019599915 +the:0.10169665515422821 a:0.04123731330037117 thence:0.016589926555752754 lot:0.015384729951620102 :0.16950350999832153 +the:0.22804872691631317 a:0.031923118978738785 said:0.027175452560186386 this:0.025347379967570305 :0.16866901516914368 +The:0.09240605682134628 In:0.03635196387767792 It:0.03357425332069397 He:0.032678257673978806 :0.17543718218803406 +be:0.1746428906917572 not:0.05553089827299118 have:0.031210897490382195 make:0.016194121912121773 :0.08958781510591507 +persons:0.017319869250059128 than:0.01468680053949356 things:0.012238609604537487 people:0.008714505471289158 :0.20591424405574799 +The:0.08734355121850967 It:0.04211466759443283 I:0.026331547647714615 In:0.020996293053030968 :0.2761025130748749 +great:0.0226763766258955 very:0.015930388122797012 good:0.01434279978275299 man:0.014175898395478725 :0.1573374718427658 +to:0.2559068500995636 and:0.20014184713363647 of:0.027151193469762802 in:0.015250416472554207 :0.15762852132320404 +the:0.06523376703262329 Mrs.:0.0183763038367033 a:0.017685048282146454 that:0.00913434661924839 :0.17454974353313446 +were:0.10892905294895172 who:0.06882842630147934 in:0.0522058866918087 and:0.04783600568771362 :0.049154169857501984 +the:0.07230911403894424 of:0.02576346881687641 and:0.022296948358416557 it:0.020196815952658653 :0.18267858028411865 +and:0.2720184624195099 the:0.034755904227495193 but:0.03447626903653145 as:0.02752215974032879 :0.05852765962481499 +and:0.06236039474606514 of:0.03883768245577812 to:0.02841097116470337 the:0.017738010734319687 :0.2568639814853668 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +B.:0.021286044269800186 L.:0.020453084260225296 W:0.02009010687470436 E:0.019083306193351746 :0.24114367365837097 +a:0.18277256190776825 the:0.11518936604261398 it:0.039352089166641235 an:0.03067552112042904 :0.06100142374634743 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.024280060082674026 and:0.02255776897072792 in:0.019230183213949203 to:0.011810929514467716 :0.18394841253757477 +12.:0.11362016946077347 the:0.06519357115030289 be:0.01570056937634945 a:0.010728761553764343 :0.13195809721946716 +that:0.12210036814212799 of:0.08939585834741592 which:0.0630686953663826 in:0.04319780692458153 :0.05471004173159599 +time:0.27608415484428406 time,:0.06530627608299255 time.:0.059294700622558594 moment:0.025050371885299683 :0.06273562461137772 +of:0.17694279551506042 and:0.06821869313716888 in:0.03701921924948692 with:0.030921027064323425 :0.1118893176317215 +House:0.21646031737327576 and:0.037580687552690506 House,:0.028386659920215607 of:0.009650488384068012 :0.19270630180835724 +of:0.40669140219688416 and:0.06148466095328331 or:0.05071701109409332 to:0.03905784711241722 :0.03190145641565323 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +that:0.24155193567276 to:0.14931631088256836 the:0.07416287064552307 for:0.024794112890958786 :0.024115443229675293 +in:0.11912677437067032 for:0.0672144815325737 a:0.060553353279829025 the:0.060512881726026535 :0.1113399937748909 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +ter:0.18358214199543 in:0.03813928738236427 In:0.03377047926187515 the:0.02795431576669216 :0.10451744496822357 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +of:0.13562044501304626 and:0.043549153953790665 to:0.014658039435744286 the:0.011333616450428963 :0.21024098992347717 +north:0.10712355375289917 south:0.09135427325963974 with:0.057900119572877884 N.:0.04195796698331833 :0.11983372271060944 +and:0.03531267121434212 the:0.034808214753866196 a:0.0299929641187191 in:0.02660420536994934 :0.15085244178771973 +and:0.12753146886825562 the:0.07018499821424484 in:0.046012163162231445 of:0.03437504172325134 :0.0387583002448082 +the:0.2891429662704468 a:0.05930539220571518 his:0.032710231840610504 her:0.022182362154126167 :0.12485393136739731 +to:0.1186155453324318 of:0.034507568925619125 the:0.0316668301820755 and:0.02691829577088356 :0.10527069866657257 +the:0.1887837052345276 a:0.06505906581878662 all:0.02468460611999035 this:0.020185407251119614 :0.07371731102466583 +and:0.18429584801197052 for:0.1674550622701645 to:0.09906011819839478 of:0.0437157079577446 :0.03455895185470581 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +of:0.2134828120470047 and:0.0852467492222786 the:0.02541484124958515 in:0.021819209679961205 :0.04581526666879654 +the:0.4086146652698517 a:0.0269877128303051 tho:0.016028020530939102 his:0.01584862545132637 :0.1756397932767868 +was:0.11169695854187012 is:0.09848887473344803 and:0.0468287318944931 has:0.02826562151312828 :0.05273982882499695 +of:0.6095266938209534 and:0.027717432007193565 ot:0.011926980689167976 was:0.011125766672194004 :0.023928843438625336 +the:0.22955524921417236 a:0.06353568285703659 any:0.04361673817038536 which:0.01509018987417221 :0.1167236939072609 +and:0.04199478030204773 John:0.008333426900207996 James:0.0056651984341442585 J:0.0054131546057760715 :0.49918878078460693 +and:0.054296303540468216 the:0.044393595308065414 of:0.04429444298148155 to:0.02937336638569832 :0.15451623499393463 +the:0.11675126105546951 a:0.03215320035815239 tne:0.021488294005393982 said:0.013422628864645958 :0.2785588800907135 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +the:0.3128068745136261 a:0.048323310911655426 his:0.016392884775996208 tho:0.015046922490000725 :0.09997841715812683 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.2596331238746643 a:0.03182657063007355 this:0.022804545238614082 their:0.011192957870662212 :0.17115040123462677 +of:0.10262502729892731 and:0.06787131726741791 the:0.020318008959293365 The:0.017607949674129486 :0.1503891944885254 +the:0.3090427815914154 tho:0.023002533242106438 two:0.017463648691773415 them:0.014522663317620754 :0.16041405498981476 +in:0.07986051589250565 who:0.06989293545484543 was:0.03923393040895462 and:0.035914141684770584 :0.06823411583900452 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +year.:0.08427461981773376 year,:0.07523689419031143 year:0.06952524185180664 week:0.06445326656103134 :0.047177623957395554 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +of:0.15750077366828918 and:0.12321062386035919 in:0.048160258680582047 is:0.03448454663157463 :0.042700618505477905 +York:0.4110047519207001 York,:0.18347735702991486 York.:0.08669590950012207 Orleans,:0.03196436166763306 :0.08051027357578278 +of:0.45410647988319397 to:0.009832760319113731 cases:0.006503633223474026 people:0.005729567725211382 :0.13856959342956543 +and:0.1749906986951828 but:0.0633469969034195 the:0.058059047907590866 he:0.02097977139055729 :0.04927177354693413 +and:0.10731900483369827 the:0.04152899980545044 but:0.040388137102127075 that:0.01625026762485504 :0.16513438522815704 +and:0.1915002316236496 which:0.03688345476984978 but:0.030310988426208496 for:0.02802303060889244 :0.04355050250887871 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +was:0.12480474263429642 had:0.10816066712141037 is:0.04243778809905052 has:0.03897712007164955 :0.10862242430448532 +in:0.09728927910327911 a:0.09071636199951172 the:0.08731519430875778 out:0.05153186246752739 :0.08761907368898392 +great:0.010640843771398067 only:0.008836233988404274 most:0.008455170318484306 little:0.006386717315763235 :0.30041274428367615 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +and:0.04679165035486221 of:0.03348183631896973 the:0.030419224873185158 to:0.02541109174489975 :0.25852105021476746 +been:0.17865413427352905 a:0.037331659346818924 not:0.029278051108121872 no:0.019049208611249924 :0.08663524687290192 +and:0.053550850600004196 the:0.021889131516218185 at:0.020052772015333176 of:0.017441730946302414 :0.2268543839454651 +and:0.14404229819774628 with:0.03540845960378647 of:0.028282590210437775 to:0.02586936391890049 :0.276906281709671 +not:0.3244151175022125 be:0.09121772646903992 have:0.030403954908251762 do:0.01975906826555729 :0.043432142585515976 +of:0.10791066288948059 the:0.06107340008020401 and:0.05543370917439461 in:0.04423343390226364 :0.04057317227125168 +for:0.35801419615745544 a:0.07965806871652603 the:0.07297123968601227 in:0.017890291288495064 :0.04115914925932884 +and:0.14378619194030762 who:0.1273675411939621 of:0.12531009316444397 to:0.08174238353967667 :0.04325299710035324 +the:0.252102792263031 a:0.046645306050777435 this:0.02158982679247856 tho:0.01620161533355713 :0.10969725996255875 +and:0.07381649315357208 of:0.0622582882642746 to:0.04817570745944977 the:0.03160258010029793 :0.0827028825879097 +of:0.16658906638622284 for:0.08832211047410965 to:0.07829780131578445 and:0.05229410156607628 :0.045682549476623535 +the:0.14548641443252563 a:0.0489288829267025 his:0.012773476541042328 that:0.010775694623589516 :0.19248226284980774 +the:0.07957641780376434 and:0.053046081215143204 a:0.023054812103509903 in:0.01698298007249832 :0.15766599774360657 +the:0.33270323276519775 a:0.035440415143966675 account:0.026221847161650658 this:0.025895018130540848 :0.06796037405729294 +and:0.2797393500804901 the:0.030255069956183434 but:0.02451545186340809 as:0.021989397704601288 :0.0586559921503067 +to:0.11233546584844589 of:0.07701989263296127 that:0.06639953702688217 but:0.053796302527189255 :0.0589507631957531 +same:0.05195385962724686 time:0.04289313033223152 rate:0.03321816027164459 front:0.01691570319235325 :0.16862085461616516 +the:0.12577611207962036 that:0.018063373863697052 a:0.016063254326581955 said:0.010564238764345646 :0.12764959037303925 +the:0.19323760271072388 a:0.030315151438117027 this:0.0203587394207716 his:0.014935503713786602 :0.20375707745552063 +was:0.02978556416928768 is:0.018363842740654945 the:0.016119400039315224 came:0.011885478161275387 :0.20084454119205475 +a:0.12274648994207382 not:0.04351693019270897 the:0.033971067517995834 in:0.02204921282827854 :0.09906575083732605 +by:0.09384597837924957 in:0.08498276025056839 for:0.045656297355890274 at:0.03562866523861885 :0.041723284870386124 +of:0.15812455117702484 and:0.11072693765163422 to:0.03565361723303795 in:0.02949267253279686 :0.03964710235595703 +and:0.014607441611588001 was:0.007407489698380232 is:0.006917688064277172 the:0.006674252916127443 :0.3149222135543823 +as:0.11068077385425568 every:0.03939315676689148 the:0.038173649460077286 to:0.034762248396873474 :0.2338135987520218 +the:0.14454257488250732 it:0.08395925909280777 he:0.07799577713012695 they:0.06299611926078796 :0.057816069573163986 +a:0.07187847793102264 the:0.030801059678196907 not:0.029993407428264618 in:0.023212727159261703 :0.12496409565210342 +and:0.11972328275442123 was:0.05259574204683304 of:0.05094999447464943 is:0.0261836014688015 :0.07267791777849197 +the:0.46290838718414307 law.:0.02391417697072029 a:0.023287851363420486 tho:0.019202442839741707 :0.0693022683262825 +are:0.10158289968967438 were:0.07548731565475464 have:0.06515594571828842 had:0.03381297364830971 :0.06503007560968399 +The:0.17430774867534637 It:0.051161881536245346 He:0.03728609159588814 This:0.03241707757115364 :0.08309681713581085 +the:0.04096440598368645 that:0.028181783854961395 a:0.024052569642663002 not:0.014311159029603004 :0.19312141835689545 +to:0.403537392616272 that:0.034859444946050644 and:0.02049296721816063 a:0.019381804391741753 :0.05551083758473396 +H.:0.03213291987776756 W.:0.02924024686217308 A.:0.027906347066164017 W:0.026184916496276855 :0.2697405219078064 +of:0.08028670400381088 one:0.024849701672792435 time:0.022210348397493362 other:0.017165658995509148 :0.1423945128917694 +of:0.8177977800369263 in:0.026577351614832878 ot:0.015459919348359108 to:0.008665838278830051 :0.011824898421764374 +following:0.013123269192874432 same:0.006480042356997728 whole:0.005140847992151976 best:0.005138963460922241 :0.18882060050964355 +purpose:0.03499786928296089 first:0.015045126900076866 sum:0.011941146105527878 same:0.011440998874604702 :0.1680595576763153 +been:0.42227208614349365 not:0.03475288301706314 to:0.02391325868666172 a:0.021796217188239098 :0.05885729938745499 +the:0.05403327941894531 to:0.04201113432645798 and:0.03307858854532242 a:0.022806920111179352 :0.14323627948760986 +in:0.22486059367656708 of:0.14194588363170624 to:0.07832594960927963 and:0.04267450049519539 :0.04132058098912239 +same:0.019057493656873703 first:0.00634107505902648 whole:0.005378965754061937 great:0.005375828128308058 :0.1860143095254898 +most:0.010504075326025486 same:0.007660903036594391 only:0.005505261477082968 United:0.004978835582733154 :0.2426653504371643 +the:0.09016728401184082 money:0.04764586687088013 said:0.014349423348903656 a:0.013890777714550495 :0.16763241589069366 +a:0.04362655431032181 the:0.03926840052008629 paid:0.020289026200771332 held:0.016721637919545174 :0.16837576031684875 +the:0.09844571352005005 a:0.04182886704802513 in:0.02339296042919159 made:0.015443778596818447 :0.1776854544878006 +and:0.04124363139271736 of:0.03818051144480705 the:0.03587083891034126 to:0.023197395727038383 :0.21327121555805206 +of:0.04895174130797386 and:0.045418303459882736 in:0.02327459305524826 from:0.017815185710787773 :0.219929039478302 +who:0.0729733482003212 are:0.06299575418233871 have:0.05609544739127159 to:0.05209796875715256 :0.05003638193011284 +cure:0.04680829122662544 cure.:0.018889321014285088 relief:0.014612818136811256 recovery:0.00898423045873642 :0.16960011422634125 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +of:0.024069948121905327 men:0.01905803382396698 or:0.014077919535338879 and:0.011001789942383766 :0.27008870244026184 +the:0.013380139134824276 and:0.010559355840086937 property:0.007153295446187258 power:0.00682729110121727 :0.28866952657699585 +and:0.2520334720611572 in:0.032779790461063385 is:0.02527318149805069 was:0.02155938372015953 :0.08901531994342804 +in:0.029392467811703682 was:0.025040417909622192 for:0.020526550710201263 and:0.020140361040830612 :0.06969979405403137 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +a:0.14103475213050842 the:0.1001436859369278 such:0.026117119938135147 an:0.025840891525149345 :0.0947655737400055 +the:0.21453042328357697 a:0.0513041652739048 this:0.03429832309484482 tho:0.01638752967119217 :0.10321913659572601 +the:0.027516771107912064 for:0.02311033383011818 any:0.023018313571810722 of:0.020452188327908516 :0.13277193903923035 +of:0.4180867671966553 in:0.06278814375400543 and:0.026096800342202187 to:0.023375248536467552 :0.07559462636709213 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.3681243062019348 a:0.04745547100901604 their:0.022687813267111778 tho:0.019422262907028198 :0.08133582770824432 +and:0.03567974641919136 in:0.03447813168168068 to:0.030791835859417915 more:0.02286127209663391 :0.10949821025133133 +be:0.07498122751712799 the:0.0715075135231018 a:0.015643004328012466 make:0.011386347003281116 :0.1969897449016571 +and:0.12073644995689392 in:0.03785774111747742 the:0.030316073447465897 or:0.028238210827112198 :0.08481670916080475 +the:0.1976979821920395 a:0.04530506953597069 this:0.014206151477992535 said:0.010588609613478184 :0.19058409333229065 +of:0.3678218424320221 and:0.08041997253894806 in:0.04680681973695755 are:0.028572067618370056 :0.02809283882379532 +been:0.16207318007946014 not:0.03286883607506752 the:0.023124361410737038 to:0.022885216400027275 :0.09539979696273804 +the:0.037791211158037186 a:0.028346216306090355 men:0.005707967560738325 people:0.004670054651796818 :0.237759530544281 +way:0.017519237473607063 city:0.013013136573135853 county:0.008707326836884022 same:0.006994686089456081 :0.2042628675699234 +the:0.5778666138648987 a:0.02991294488310814 said:0.029434166848659515 this:0.01912073791027069 :0.07374171167612076 +and:0.04416326805949211 to:0.029133625328540802 for:0.02530011348426342 of:0.021614251658320427 :0.2632926404476166 +the:0.31374990940093994 this:0.024007875472307205 their:0.021750163286924362 his:0.0146663598716259 :0.10832742601633072 +and:0.0331861786544323 the:0.026921411976218224 to:0.025376612320542336 of:0.020069221034646034 :0.16512562334537506 +the:0.06190717965364456 a:0.013557462953031063 that:0.012823793105781078 to:0.009774657897651196 :0.21923932433128357 +the:0.24570302665233612 a:0.058629151433706284 and:0.02451031282544136 his:0.017134012654423714 :0.07706417143344879 +the:0.26695168018341064 he:0.0445648729801178 they:0.025672130286693573 it:0.02387423627078533 :0.07189957052469254 +with:0.2415686547756195 the:0.07401365041732788 and:0.05373311787843704 is:0.03565536066889763 :0.05162377655506134 +and:0.13043466210365295 the:0.07196368277072906 was:0.038866765797138214 with:0.03596290573477745 :0.0636528879404068 +made:0.023168839514255524 deemed:0.022950446233153343 the:0.022134622558951378 a:0.020210236310958862 :0.1924716830253601 +ing:0.09738330543041229 panies:0.029605483636260033 mon:0.02453146129846573 merce:0.023106003180146217 :0.4742320477962494 +of:0.7570760250091553 for:0.040063079446554184 and:0.03302481770515442 to:0.023333657532930374 :0.012251566164195538 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +and:0.12371950596570969 in:0.08276470750570297 to:0.07121239602565765 for:0.06322617828845978 :0.05822669342160225 +the:0.05452556163072586 and:0.053378261625766754 to:0.033506859093904495 of:0.0321907177567482 :0.17975974082946777 +and:0.13214540481567383 in:0.08298003673553467 to:0.06365787982940674 are:0.04798666387796402 :0.06201474741101265 +the:0.2840711176395416 a:0.03490925580263138 his:0.02081940323114395 tho:0.016673529520630836 :0.054469939321279526 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +a:0.14363451302051544 been:0.07744738459587097 any:0.05592993646860123 the:0.050795454531908035 :0.0842120572924614 +said:0.011990121565759182 United:0.00930631160736084 State:0.005847649648785591 people:0.005654757376760244 :0.202365443110466 +the:0.20220550894737244 that:0.10778733342885971 what:0.04217346012592316 a:0.03974486514925957 :0.04506596922874451 +and:0.017437027767300606 to:0.013240057043731213 the:0.01244080625474453 in:0.01066349446773529 :0.3864385783672333 +a:0.06014527380466461 not:0.03636764734983444 the:0.027116375043988228 in:0.019009454175829887 :0.14309513568878174 +the:0.35412952303886414 a:0.042315609753131866 his:0.031486839056015015 tho:0.022503074258565903 :0.07091851532459259 +the:0.027210071682929993 far:0.018006831407546997 much:0.016246987506747246 to:0.01474080327898264 :0.31022679805755615 +of:0.6284111738204956 and:0.01790100336074829 who:0.014475408010184765 were:0.013630714267492294 :0.031229589134454727 +be:0.17799894511699677 have:0.0667298436164856 see:0.027912363409996033 get:0.026959897950291634 :0.07984307408332825 +great:0.03469572961330414 very:0.02797994576394558 good:0.025457268580794334 matter:0.013830834068357944 :0.16428038477897644 +best:0.013041879050433636 most:0.011799396947026253 other:0.008516741916537285 same:0.006549771409481764 :0.24992619454860687 +of:0.5129128098487854 and:0.03751780465245247 for:0.025675836950540543 or:0.017038559541106224 :0.049502160400152206 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +ed:0.22339306771755219 ingly:0.1471078246831894 ing:0.09315968304872513 and:0.040641359984874725 :0.08163642138242722 +and:0.04499172046780586 the:0.027364147827029228 to:0.025549190118908882 of:0.024580644443631172 :0.2751706838607788 +of:0.5326471924781799 and:0.05956262722611427 to:0.0493592843413353 which:0.021625299006700516 :0.11111634969711304 +The:0.06817885488271713 A:0.052011627703905106 and:0.039201173931360245 A.:0.03543068468570709 :0.2268989086151123 +the:0.2079934924840927 which:0.03946983814239502 a:0.033510807901620865 this:0.02258443459868431 :0.08462892472743988 +the:0.16277660429477692 a:0.03040558472275734 it:0.025242986157536507 he:0.02390463650226593 :0.08085417002439499 +was:0.0658729299902916 is:0.04444016143679619 and:0.04109470546245575 in:0.033748872578144073 :0.041716787964105606 +D.:0.19518142938613892 D:0.1485721319913864 M:0.030324263498187065 D.,:0.02764989249408245 :0.18125148117542267 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +and:0.07579506933689117 of:0.06794718652963638 the:0.02198638767004013 to:0.01954365149140358 :0.198588028550148 +of:0.17036356031894684 and:0.15161067247390747 is:0.032962992787361145 in:0.03040284849703312 :0.039455845952034 +the:0.18768921494483948 to:0.09516767412424088 a:0.06322219967842102 by:0.046079251915216446 :0.08202993869781494 +and:0.305350661277771 but:0.0782594308257103 the:0.04065411910414696 that:0.026867270469665527 :0.047859132289886475 +be:0.19084088504314423 not:0.11025398969650269 have:0.10720986127853394 bo:0.016013959422707558 :0.046563148498535156 +and:0.25404226779937744 the:0.014594580046832561 to:0.013645998202264309 in:0.013482091017067432 :0.1731710135936737 +the:0.21206700801849365 a:0.08797510713338852 her:0.036490511149168015 his:0.02404663898050785 :0.11343207210302353 +The:0.2012350857257843 It:0.06193596124649048 A:0.0353490449488163 He:0.028752507641911507 :0.09435360133647919 +are:0.06321477144956589 were:0.044089533388614655 have:0.037468284368515015 got:0.03492550924420357 :0.06342929601669312 +and:0.013208935037255287 men:0.006948111578822136 way:0.006403873674571514 rate:0.0052673486061394215 :0.18191149830818176 +to:0.13573840260505676 that:0.11810332536697388 of:0.027468211948871613 and:0.015378762036561966 :0.09722895175218582 +and:0.01189783401787281 the:0.006953861564397812 other:0.006517333909869194 one:0.005850893445312977 :0.24492233991622925 +ter:0.5922592878341675 ter,:0.1185993179678917 ters:0.022595757618546486 ters,:0.020652668550610542 :0.08932879567146301 +of:0.08529648929834366 and:0.06831947714090347 to:0.026698162779211998 the:0.018896708264946938 :0.1928960680961609 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +of:0.7177200317382812 to:0.06574872881174088 in:0.012493854388594627 and:0.010707652196288109 :0.014040038920938969 +the:0.1715421825647354 be:0.03731602802872658 a:0.03120611049234867 make:0.013099124655127525 :0.09564347565174103 +the:0.2006160020828247 a:0.06026935949921608 day:0.023767465725541115 day,:0.02228609099984169 :0.13672322034835815 +been:0.4397309422492981 yet:0.0679979994893074 only:0.020793592557311058 a:0.020439915359020233 :0.05866539850831032 +of:0.017537910491228104 and:0.015093673020601273 time:0.010096745565533638 day:0.007813001982867718 :0.13915130496025085 +and:0.08101096004247665 in:0.06752870976924896 for:0.06111469119787216 that:0.04279078543186188 :0.03805956244468689 +to:0.06780466437339783 in:0.059534307569265366 with:0.05762503668665886 and:0.05380603298544884 :0.05919600650668144 +and:0.07549327611923218 to:0.05741758644580841 by:0.039672400802373886 in:0.02432161197066307 :0.13086660206317902 +not:0.04798003286123276 situated:0.04655000567436218 in:0.040232088416814804 to:0.03696596249938011 :0.14138752222061157 +of:0.15340149402618408 and:0.10061050206422806 in:0.04895694553852081 to:0.024539019912481308 :0.14183571934700012 +be:0.2612176835536957 have:0.16054865717887878 not:0.06473005563020706 make:0.013397504575550556 :0.055049095302820206 +I:0.04868742823600769 It:0.017533190548419952 In:0.01480329129844904 the:0.0147631810978055 :0.21792054176330566 +the:0.20559069514274597 they:0.12049407511949539 he:0.0790097564458847 of:0.07645503431558609 :0.06929110735654831 +more:0.11496588587760925 of:0.05246690288186073 better:0.04844174534082413 less:0.032456379383802414 :0.1344170719385147 +own:0.037691764533519745 life:0.009400890208780766 family:0.005222564563155174 friends:0.004922314081341028 :0.19804032146930695 +and:0.2077559530735016 in:0.055659014731645584 on:0.0407559871673584 at:0.04026607424020767 :0.08127224445343018 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +county,:0.21121039986610413 county.:0.06304002553224564 County,:0.06075491011142731 and:0.046419449150562286 :0.05560939386487007 +a:0.026442354544997215 not:0.02038135938346386 the:0.017256950959563255 in:0.015863846987485886 :0.205331951379776 +and:0.05868304520845413 of:0.04666423797607422 to:0.030741002410650253 the:0.019904406741261482 :0.17092281579971313 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.15381264686584473 he:0.04150049015879631 it:0.02761542797088623 they:0.026489701122045517 :0.10628412663936615 +and:0.23871588706970215 of:0.040640607476234436 the:0.022943396121263504 The:0.019779358059167862 :0.14531034231185913 +to:0.15961118042469025 and:0.11977504193782806 on:0.04875427111983299 into:0.04873168095946312 :0.04421354457736015 +the:0.3141975700855255 a:0.06678098440170288 that:0.03745759651064873 his:0.0263785719871521 :0.10961944609880447 +of:0.3640695810317993 and:0.10763005167245865 are:0.04322591796517372 were:0.03139713406562805 :0.02715175226330757 +and:0.046400848776102066 of:0.026994405314326286 the:0.014452467672526836 is:0.01085316576063633 :0.25745826959609985 +are:0.09708436578512192 were:0.07343904674053192 will:0.06335995346307755 have:0.05376990884542465 :0.11596156656742096 +year:0.021846000105142593 week:0.012296706438064575 man:0.009557360783219337 few:0.008580433204770088 :0.15448835492134094 +The:0.15358373522758484 It:0.06035415455698967 In:0.05306416377425194 A:0.026339655742049217 :0.12615060806274414 +the:0.2530304491519928 a:0.026696715503931046 this:0.026418402791023254 said:0.02615967206656933 :0.10930529236793518 +of:0.5587179660797119 and:0.024509720504283905 in:0.018677709624171257 is:0.018120216205716133 :0.01907278597354889 +and:0.11834587901830673 of:0.04287436604499817 in:0.03698575124144554 for:0.03254600241780281 :0.0880412608385086 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.13899022340774536 a:0.016540762037038803 that:0.012163068167865276 to:0.010159852914512157 :0.17707020044326782 +the:0.12559305131435394 he:0.029818842187523842 a:0.02194870635867119 they:0.01855051890015602 :0.1220332682132721 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +to:0.11374503374099731 the:0.0742066353559494 by:0.0696479007601738 and:0.051495932042598724 :0.05506570264697075 +and:0.07139229029417038 of:0.03524059057235718 to:0.025984151288866997 the:0.02029012329876423 :0.21851572394371033 +the:0.045043814927339554 a:0.028883296996355057 able:0.02288314886391163 in:0.022459646686911583 :0.17033401131629944 +the:0.3376069664955139 a:0.04525082930922508 this:0.017840707674622536 tho:0.017333708703517914 :0.14118915796279907 +and:0.04022883623838425 of:0.019909795373678207 to:0.018821343779563904 the:0.016352929174900055 :0.23147641122341156 +husband:0.03772042691707611 to:0.024230865761637688 mother:0.023017924278974533 own:0.019003069028258324 :0.14953641593456268 +the:0.18124380707740784 them:0.06725426018238068 of:0.04968603700399399 him:0.04802367463707924 :0.07425032556056976 +and:0.12866394221782684 the:0.03516261652112007 or:0.027072034776210785 in:0.025720341131091118 :0.06403032690286636 +the:0.3508302569389343 his:0.03726503998041153 a:0.03460177779197693 their:0.03061298280954361 :0.07863099128007889 +H.:0.04081686586141586 H:0.03116155043244362 J:0.022822260856628418 W.:0.02031755819916725 :0.2675374448299408 +a:0.04868994653224945 the:0.032687582075595856 not:0.0204587634652853 in:0.01654724031686783 :0.09293729066848755 +of:0.5163545608520508 and:0.021321183070540428 to:0.021074814721941948 in:0.020342137664556503 :0.04290715232491493 +Justice:0.21970371901988983 of:0.14786240458488464 Magistrate:0.09365719556808472 Engineer:0.04271618649363518 :0.16895410418510437 +the:0.2476998120546341 he:0.0704389363527298 they:0.05985531210899353 it:0.04819372668862343 :0.04716598615050316 +to:0.06807815283536911 the:0.04898178204894066 and:0.02720005437731743 The:0.018343985080718994 :0.12352012097835541 +and:0.11337783187627792 on:0.05534760281443596 at:0.05053167790174484 in:0.030567552894353867 :0.06799302995204926 +every:0.04716770723462105 a:0.03283713757991791 as:0.02339107356965542 entirely:0.02318543754518032 :0.2590562105178833 +to:0.08102654665708542 known:0.07091028988361359 for:0.03956912085413933 in:0.038868289440870285 :0.10018929839134216 +longer:0.030364295467734337 doubt:0.029630417004227638 one:0.028406783938407898 more:0.026724698022007942 :0.1523849219083786 +than:0.12888950109481812 or:0.03195054829120636 to:0.0181337371468544 particularly:0.016306694597005844 :0.12450715154409409 +of:0.08231187611818314 one:0.03943578526377678 other:0.027709027752280235 day:0.026606449857354164 :0.09685126692056656 +of:0.6171472668647766 and:0.03965918719768524 to:0.02322298474609852 in:0.015105150640010834 :0.017542455345392227 +the:0.4753681719303131 them:0.05677352100610733 these:0.03739026188850403 them,:0.024358602240681648 :0.04942828416824341 +don:0.4396067261695862 don,:0.350132554769516 and:0.024164780974388123 to:0.004862463101744652 :0.09655623883008957 +the:0.26649582386016846 to:0.06633497774600983 a:0.03510595113039017 him:0.021821562200784683 :0.08747678995132446 +own:0.014103065244853497 people:0.013785134069621563 friends:0.009230503812432289 hearts:0.006181955803185701 :0.16250307857990265 +the:0.20123761892318726 of:0.022654341533780098 that:0.01868351362645626 this:0.01737811788916588 :0.07647504657506943 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +fice:0.10933927446603775 ficers:0.10087843984365463 fices:0.0325486995279789 fice,:0.03227483853697777 :0.33253857493400574 +to:0.31644827127456665 out:0.05699315667152405 down:0.051287997514009476 on:0.04408552497625351 :0.055747903883457184 +the:0.06729230284690857 a:0.021949367597699165 to:0.014374081045389175 in:0.013815208338201046 :0.11840876191854477 +the:0.03909921646118164 to:0.009720955044031143 a:0.009440027177333832 it:0.007578578311949968 :0.42258185148239136 +H.:0.04081686586141586 H:0.03116155043244362 J:0.022822260856628418 W.:0.02031755819916725 :0.2675374448299408 +the:0.3333091735839844 a:0.027709029614925385 which:0.02613641880452633 account:0.02380697801709175 :0.080621138215065 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +and:0.13104219734668732 of:0.05524621903896332 or:0.033696409314870834 the:0.021506674587726593 :0.12029523402452469 +to:0.03421512246131897 and:0.03335201367735863 the:0.029358504340052605 of:0.02849198691546917 :0.13192050158977509 +the:0.04885976389050484 to:0.046762458980083466 and:0.04061809927225113 a:0.020518558099865913 :0.1580161154270172 +and:0.07275714725255966 in:0.05840205028653145 to:0.05273287743330002 on:0.048801809549331665 :0.05496212840080261 +the:0.23256199061870575 a:0.04588703066110611 this:0.015103301964700222 tho:0.01405534241348505 :0.22837327420711517 +the:0.21725329756736755 a:0.07744595408439636 favor:0.022399557754397392 this:0.021561967208981514 :0.07924051582813263 +the:0.19150453805923462 a:0.07304947078227997 their:0.03510814532637596 it:0.03208056464791298 :0.04030744358897209 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +the:0.09811367094516754 to:0.04694012179970741 of:0.03130919113755226 a:0.028031477704644203 :0.08597446978092194 +and:0.2537166178226471 but:0.03781578317284584 of:0.025331974029541016 to:0.018462862819433212 :0.18516336381435394 +the:0.31690457463264465 a:0.14192482829093933 all:0.02127600647509098 an:0.02086505852639675 :0.08040376007556915 +lot:0.02424987591803074 mortgage:0.018760014325380325 county:0.018255962058901787 Court,:0.016002638265490532 :0.15843673050403595 +day:0.05287038907408714 time:0.05280095711350441 of:0.04232296347618103 Monday:0.016961799934506416 :0.09658438712358475 +same:0.010847280733287334 result:0.010675651952624321 most:0.009411102160811424 case:0.006331802345812321 :0.1978769749403 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +the:0.10519058257341385 a:0.03270626440644264 to:0.024646122008562088 that:0.022816861048340797 :0.0731944814324379 +of:0.2378488928079605 is:0.031146585941314697 was:0.030521735548973083 will:0.014021440409123898 :0.054822154343128204 +and:0.055180665105581284 of:0.024645444005727768 the:0.022595202550292015 in:0.021466422826051712 :0.16919168829917908 +the:0.3571147918701172 said:0.03852127119898796 this:0.019231703132390976 a:0.01865081861615181 :0.13577833771705627 +nature:0.06315004080533981 life:0.03675249591469765 life.:0.03286287188529968 nature,:0.03106556460261345 :0.2043355405330658 +no:0.23457850515842438 a:0.22277888655662537 not:0.04505733773112297 an:0.03025233745574951 :0.0334588922560215 +the:0.092821404337883 be:0.022288769483566284 a:0.017251338809728622 tho:0.010839619673788548 :0.2898080050945282 +the:0.14626815915107727 that:0.03941226005554199 then:0.020113874226808548 in:0.015991471707820892 :0.08129383623600006 +the:0.1670811027288437 you:0.051480911672115326 he:0.04553132876753807 a:0.03834613785147667 :0.07265210151672363 +will:0.0818663164973259 are:0.06898263096809387 had:0.05962332710623741 were:0.055448565632104874 :0.08064979314804077 +the:0.25924596190452576 a:0.055681418627500534 this:0.026194564998149872 his:0.015135721303522587 :0.12645092606544495 +few:0.06059219315648079 .:0.0563662126660347 man:0.026020364835858345 large:0.020823050290346146 :0.10443472117185593 +in:0.07748714089393616 of:0.07256698608398438 and:0.06991612911224365 to:0.05407283082604408 :0.08652514964342117 +made:0.03356742113828659 done:0.02831643633544445 no:0.023001916706562042 found:0.017709361389279366 :0.1738002896308899 +streets:0.008666482754051685 air:0.0060780164785683155 window:0.006005006842315197 city:0.00590153131633997 :0.21262012422084808 +of:0.3065929114818573 the:0.054842010140419006 he:0.015025030821561813 which:0.01330022793263197 :0.07116927206516266 +H.:0.04081686586141586 H:0.03116155043244362 J:0.022822260856628418 W.:0.02031755819916725 :0.2675374448299408 +the:0.31424325704574585 a:0.046469759196043015 this:0.025885602459311485 all:0.020688751712441444 :0.12527287006378174 +and:0.03114219196140766 the:0.024607092142105103 to:0.019953729584813118 .:0.011767015792429447 :0.18912173807621002 +and:0.24129801988601685 as:0.11466733366250992 in:0.09744635969400406 that:0.04694698005914688 :0.03475407138466835 +is:0.19740541279315948 was:0.11636589467525482 are:0.11165598034858704 were:0.0648626908659935 :0.05239478498697281 +the:0.24681542813777924 this:0.02871019020676613 a:0.025973625481128693 his:0.02068411186337471 :0.09342683106660843 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +of:0.1633792370557785 and:0.12801899015903473 to:0.12346909195184708 in:0.06374610960483551 :0.0758180320262909 +is:0.3398463726043701 was:0.19863054156303406 Is:0.06127547472715378 has:0.043874695897102356 :0.040428031235933304 +the:0.020930588245391846 a:0.02087528444826603 made:0.01502441056072712 was:0.012034788727760315 :0.17928017675876617 +in:0.14400942623615265 of:0.11440425366163254 and:0.11360165476799011 to:0.06498295813798904 :0.03637072071433067 +M:0.05176953226327896 M.:0.044802263379096985 H.:0.02043868601322174 A.:0.014186129905283451 :0.28847381472587585 +and:0.06659034639596939 to:0.04242805391550064 of:0.03305015712976456 in:0.03140709176659584 :0.08687259256839752 +the:0.2203986942768097 a:0.030492929741740227 their:0.02556498721241951 township:0.023600418120622635 :0.09612071514129639 +of:0.37532535195350647 to:0.03970682621002197 for:0.038853175938129425 in:0.034566156566143036 :0.033629126846790314 +that:0.08173729479312897 to:0.07560830563306808 and:0.03457266464829445 a:0.030902069061994553 :0.2066143900156021 +bers:0.7204882502555847 of:0.0439077727496624 ber:0.01603853330016136 bers,:0.014096449129283428 :0.06267885118722916 +the:0.13073261082172394 by:0.10253366827964783 and:0.06459541618824005 that:0.056230925023555756 :0.07800260931253433 +of:0.22464995086193085 in:0.07123953849077225 on:0.05454361066222191 or:0.05385977774858475 :0.048390571027994156 +H.:0.02863495796918869 .:0.026272917166352272 B.:0.02193496748805046 M.:0.019279398024082184 :0.3912643790245056 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +to:0.05811428278684616 as:0.044851385056972504 time:0.04341305419802666 in:0.03607785701751709 :0.059574466198682785 +the:0.49770307540893555 a:0.08971395343542099 tho:0.018103400245308876 their:0.015851611271500587 :0.06278932839632034 +that:0.1286417543888092 it:0.11757577210664749 the:0.08551620692014694 he:0.08422749489545822 :0.04292869195342064 +The:0.13699965178966522 He:0.09732261300086975 It:0.06260029971599579 In:0.04109497368335724 :0.10923408716917038 +of:0.11933393031358719 and:0.08046775311231613 is:0.05281997099518776 the:0.04793127253651619 :0.0324174202978611 +and:0.1761021614074707 in:0.057573359459638596 by:0.05273517966270447 to:0.04049495980143547 :0.07788015156984329 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +and:0.10645310580730438 of:0.09453412890434265 the:0.028208939358592033 a:0.025029171258211136 :0.18546126782894135 +and:0.042057737708091736 to:0.01960020326077938 .:0.017924632877111435 at:0.017031289637088776 :0.2943905293941498 +to:0.2800261378288269 in:0.045734744518995285 from:0.04021826386451721 back:0.04006347060203552 :0.03857853636145592 +date:0.008526808582246304 United:0.007610153406858444 fact:0.006294529885053635 first:0.006063907407224178 :0.19325482845306396 +and:0.04109634831547737 the:0.02529045380651951 to:0.022553564980626106 of:0.020345713943243027 :0.19923211634159088 +and:0.1333111673593521 the:0.04428200423717499 in:0.03527309373021126 to:0.02590332366526127 :0.0644216313958168 +the:0.32552650570869446 a:0.033134933561086655 his:0.031307775527238846 tho:0.01747259311378002 :0.10948149114847183 +and:0.08425790816545486 The:0.03355185315012932 to:0.02033044956624508 the:0.01815892942249775 :0.1947084218263626 +the:0.09016728401184082 money:0.04764586687088013 said:0.014349423348903656 a:0.013890777714550495 :0.16763241589069366 +the:0.13673660159111023 a:0.04124016687273979 no:0.020853707566857338 it:0.01891040802001953 :0.10383391380310059 +own:0.02627287246286869 way:0.013149421662092209 lives:0.008963334374129772 work:0.008408228866755962 :0.16042353212833405 +own:0.06299003213644028 respective:0.007369199302047491 benefit,:0.006378714926540852 services.:0.006232934072613716 :0.21133597195148468 +the:0.23798514902591705 he:0.039613187313079834 it:0.036959853023290634 a:0.02896752581000328 :0.056456953287124634 +of:0.2535557746887207 hundred:0.028604023158550262 and:0.021968169137835503 who:0.02102949284017086 :0.13331733644008636 +and:0.05265374481678009 the:0.030993489548563957 of:0.030624201521277428 in:0.02936459146440029 :0.1908910721540451 +the:0.04633380472660065 6,:0.035416487604379654 6:0.017055952921509743 a:0.01330519374459982 :0.15788939595222473 +of:0.16850511729717255 other:0.035320937633514404 persons:0.01767798513174057 and:0.01755077950656414 :0.17422783374786377 +the:0.3425242304801941 a:0.050823912024497986 this:0.030280381441116333 that:0.020997915416955948 :0.0785004198551178 +the:0.04710366949439049 a:0.046948082745075226 not:0.031510282307863235 to:0.022411195561289787 :0.11119968444108963 +the:0.3171292543411255 a:0.0625799149274826 said:0.024511761963367462 this:0.02284126542508602 :0.10636097192764282 +the:0.2476998120546341 he:0.0704389363527298 they:0.05985531210899353 it:0.04819372668862343 :0.04716598615050316 +and:0.037769634276628494 of:0.036073651164770126 in:0.032178327441215515 the:0.0246757660061121 :0.19792689383029938 +the:0.3284977376461029 a:0.03318551182746887 his:0.02014276757836342 tho:0.01822149008512497 :0.1526714265346527 +and:0.10076944530010223 of:0.08483269810676575 that:0.032777536660432816 in:0.03178972005844116 :0.054686129093170166 +and:0.10065294802188873 of:0.03837244212627411 for:0.025737250223755836 was:0.02097974345088005 :0.21970590949058533 +vantage:0.047781240195035934 vice:0.03871236741542816 vance:0.038120053708553314 ditional:0.034825168550014496 :0.44874489307403564 +of:0.2512671649456024 and:0.0711154118180275 to:0.06991838663816452 the:0.04378768056631088 :0.04169435799121857 +of:0.07561134546995163 or:0.059316668659448624 and:0.026813160628080368 to:0.024308238178491592 :0.16759726405143738 +and:0.050182174891233444 the:0.04155534878373146 to:0.026698671281337738 of:0.01938619092106819 :0.17432977259159088 +city:0.013684514909982681 same:0.012299713678658009 first:0.012064541690051556 case:0.0097059216350317 :0.1689721941947937 +ket:0.057964492589235306 the:0.03833437338471413 and:0.0238718930631876 who:0.013124077580869198 :0.299757182598114 +to:0.12097335606813431 and:0.026960056275129318 for:0.02680233120918274 at:0.017666045576334 :0.16100090742111206 +and:0.19332340359687805 of:0.04763033241033554 or:0.030659260228276253 to:0.022167734801769257 :0.16108985245227814 +have:0.0721813514828682 are:0.06966191530227661 will:0.05275992304086685 had:0.04535863548517227 :0.08097044378519058 +the:0.06428653746843338 that:0.06402093172073364 of:0.05074078589677811 to:0.044148702174425125 :0.17615552246570587 +to:0.04878304898738861 and:0.042624033987522125 in:0.03088001161813736 the:0.0292949415743351 :0.15843233466148376 +as:0.05862372741103172 in:0.052929870784282684 whereas,:0.049641791731119156 if:0.034636374562978745 :0.09518866240978241 +the:0.0752401053905487 to:0.04538661614060402 a:0.0330224446952343 in:0.019321490079164505 :0.1566881388425827 +and:0.28035396337509155 which:0.05785371735692024 of:0.05594557151198387 the:0.039420366287231445 :0.06061291694641113 +to:0.18797126412391663 that:0.059719908982515335 in:0.05962459370493889 a:0.029446808621287346 :0.07943443208932877 +any:0.12153671681880951 a:0.0771518424153328 the:0.07499092072248459 being:0.028881005942821503 :0.1293005645275116 +and:0.10617007315158844 the:0.04348146915435791 with:0.026408834382891655 a:0.025441406294703484 :0.13986437022686005 +and:0.14826034009456635 to:0.06643591076135635 from:0.029363855719566345 in:0.028654659166932106 :0.07233642041683197 +of:0.30693763494491577 and:0.07168812304735184 the:0.07047417014837265 that:0.05075281113386154 :0.04107655957341194 +city:0.013251520693302155 United:0.01215881947427988 same:0.011158381588757038 office:0.008869742974638939 :0.16398702561855316 +course,:0.661764919757843 the:0.08598742634057999 a:0.015598428435623646 this:0.006733647547662258 :0.04285748675465584 +and:0.1390012800693512 in:0.047547727823257446 of:0.04567762091755867 to:0.021213188767433167 :0.17846515774726868 +had:0.11563937366008759 was:0.0775834321975708 would:0.039433274418115616 has:0.03777109459042549 :0.08111874759197235 +the:0.2210799902677536 a:0.04567909240722656 this:0.031053489074110985 tho:0.02067658305168152 :0.14637210965156555 +to:0.07079693675041199 and:0.05910824239253998 by:0.03149368241429329 in:0.02825075201690197 :0.13734816014766693 +and:0.044869985431432724 the:0.027170812711119652 of:0.026922250166535378 The:0.012424669228494167 :0.21608924865722656 +the:0.11741063743829727 a:0.0789739340543747 in:0.056306738406419754 up:0.043923575431108475 :0.09347651898860931 +to:0.07723827660083771 and:0.05194995179772377 the:0.0356905460357666 in:0.02581380493938923 :0.1480751484632492 +the:0.17219984531402588 be:0.02883855067193508 a:0.01804300583899021 make:0.010397039353847504 :0.1380491703748703 +story:0.017135104164481163 and:0.009839549660682678 good:0.008470309898257256 place:0.0051817018538713455 :0.27913087606430054 +been:0.0973629429936409 a:0.04009417071938515 to:0.022903049364686012 the:0.020795412361621857 :0.1867213100194931 +and:0.03278065845370293 in:0.010294096544384956 dent:0.008755804039537907 I:0.008693682961165905 :0.33239927887916565 +of:0.05313370004296303 and:0.04931822419166565 in:0.04277755692601204 who:0.040105223655700684 :0.11010140925645828 +same:0.0055549065582454205 most:0.005430425517261028 first:0.00520922988653183 whole:0.004318783525377512 :0.2150878757238388 +the:0.22802521288394928 a:0.10796251147985458 that:0.04236752539873123 of:0.028028380125761032 :0.06642623990774155 +of:0.29167401790618896 to:0.1438756138086319 hand:0.03242068365216255 was:0.028987791389226913 :0.041973650455474854 +of:0.21787205338478088 and:0.0443907268345356 the:0.031741950660943985 for:0.021375853568315506 :0.0983799546957016 +highest:0.011319643817842007 said:0.007536148652434349 United:0.006592581979930401 place:0.006002035923302174 :0.18610064685344696 +by:0.21467067301273346 in:0.09493555873632431 to:0.08979606628417969 at:0.053174108266830444 :0.04509656876325607 +own:0.025259997695684433 value:0.0070831049233675 receipt,:0.006241290830075741 work:0.004326158203184605 :0.2734520137310028 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +and:0.10938924551010132 in:0.022141121327877045 or:0.020253682509064674 to:0.018593696877360344 :0.34678539633750916 +to:0.1853604018688202 the:0.1181543841958046 and:0.06977410614490509 in:0.05132167041301727 :0.0368155799806118 +two:0.32744675874710083 more:0.13914920389652252 the:0.0425228625535965 a:0.02896951697766781 :0.07177627086639404 +was:0.10826119035482407 had:0.07077355682849884 has:0.05620568245649338 is:0.052953090518713 :0.05931008234620094 +the:0.07775266468524933 in:0.024571018293499947 other:0.02272898517549038 by:0.012763905338943005 :0.1892981082201004 +from:0.19716311991214752 the:0.17075353860855103 and:0.049201831221580505 a:0.026551270857453346 :0.04943227767944336 +a:0.1663638800382614 the:0.07268146425485611 not:0.03213988617062569 an:0.025006277486681938 :0.09538502246141434 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +the:0.2488941252231598 a:0.03459149971604347 corner:0.017161479219794273 tho:0.012947377748787403 :0.15586034953594208 +was:0.10065647214651108 had:0.05972573906183243 is:0.03908558934926987 would:0.032126400619745255 :0.1147824376821518 +right:0.005992185790091753 same:0.005882426165044308 first:0.005810918286442757 most:0.005029785446822643 :0.21040399372577667 +of:0.41909119486808777 and:0.08342587202787399 are:0.03640832006931305 were:0.032261770218610764 :0.04496277868747711 +a:0.03770310431718826 the:0.03496844321489334 made:0.027254745364189148 sold:0.016782863065600395 :0.12037137895822525 +of:0.12165998667478561 and:0.09028814733028412 was:0.058495815843343735 is:0.03042883612215519 :0.04399726539850235 +the:0.11192000657320023 of:0.09675820171833038 to:0.09149130433797836 in:0.08634600788354874 :0.06491938978433609 +the:0.18205006420612335 be:0.06117929890751839 a:0.019619736820459366 make:0.0177486352622509 :0.08678244799375534 +the:0.053269386291503906 to:0.050676584243774414 been:0.02708752080798149 and:0.026690587401390076 :0.13124272227287292 +o'clock:0.19972297549247742 per:0.06602172553539276 o'clock,:0.04473934322595596 p.:0.042156536132097244 :0.13870304822921753 +the:0.028375983238220215 a:0.024893799796700478 in:0.02451997995376587 to:0.024474576115608215 :0.1257091760635376 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +two:0.10605008155107498 the:0.10004838556051254 a:0.03907705098390579 one-half:0.030411114916205406 :0.12719789147377014 +the:0.09110371768474579 they:0.05749209225177765 he:0.05425228923559189 you:0.04226786643266678 :0.049221668392419815 +past:0.06238776445388794 last:0.05552605912089348 year:0.024745753034949303 first:0.018150921911001205 :0.1585555523633957 +of:0.13217918574810028 per:0.0787915587425232 and:0.047705963253974915 in:0.032275449484586716 :0.09267523139715195 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +and:0.07870028167963028 The:0.02148481085896492 in:0.01995105668902397 to:0.01795952208340168 :0.14408539235591888 +was:0.0852680653333664 had:0.07557100057601929 would:0.07507946342229843 has:0.04531114548444748 :0.07244980335235596 +for:0.23358595371246338 to:0.1539434939622879 of:0.07335586100816727 in:0.06470872461795807 :0.03811419755220413 +in:0.10035431385040283 the:0.07335289567708969 of:0.06815241277217865 to:0.061313193291425705 :0.05191277712583542 +way:0.15683016180992126 the:0.1548563688993454 suffrage:0.0299540963023901 a:0.02245725691318512 :0.16061413288116455 +a:0.3086566627025604 no:0.18426519632339478 an:0.0352947898209095 not:0.031593095511198044 :0.038946811109781265 +country:0.05893605947494507 country.:0.038938045501708984 entire:0.037707339972257614 country,:0.03532369062304497 :0.12268958985805511 +other:0.015038041397929192 same:0.007996371947228909 said:0.006700578611344099 whole:0.005193529650568962 :0.18334932625293732 +to:0.081513911485672 a:0.06263317912817001 the:0.05143405869603157 greeting:0.03629272058606148 :0.12206810712814331 +and:0.03722868114709854 the:0.028999334201216698 in:0.02309783548116684 to:0.02304602600634098 :0.1498515009880066 +and:0.09069743752479553 to:0.017449598759412766 the:0.01536970492452383 in:0.009681541472673416 :0.15505793690681458 +of:0.3809928894042969 and:0.04043848440051079 in:0.028863096609711647 that:0.025262542068958282 :0.06772207468748093 +that:0.2943165600299835 the:0.11623912304639816 a:0.08619893342256546 how:0.02465091645717621 :0.028109323233366013 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +that:0.14075496792793274 the:0.06571441888809204 a:0.06044520437717438 not:0.04762134701013565 :0.07843714207410812 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +been:0.07830975949764252 far:0.07649856060743332 the:0.013526709750294685 made:0.013118166476488113 :0.15948627889156342 +to:0.07650381326675415 husband:0.025145674124360085 and:0.024811476469039917 mother:0.021494301036000252 :0.1363205760717392 +a:0.11281757801771164 not:0.07292187213897705 the:0.06704414635896683 said:0.02236642874777317 :0.06751331686973572 +been:0.14009937644004822 a:0.10697246342897415 the:0.05443058907985687 to:0.053625963628292084 :0.13176733255386353 +the:0.244381383061409 a:0.13552390038967133 an:0.018185041844844818 him:0.015937278047204018 :0.07139912992715836 +of:0.05040854960680008 other:0.05023518577218056 one:0.03212587535381317 kind:0.030995404347777367 :0.12486065179109573 +and:0.13069048523902893 of:0.03996739536523819 the:0.015381583012640476 that:0.013547203503549099 :0.16840773820877075 +at:0.5666700005531311 and:0.03824026510119438 on:0.03006621077656746 in:0.021424900740385056 :0.09278455376625061 +same:0.0073995767161250114 most:0.006526980083435774 sum:0.005965431220829487 way:0.0053824251517653465 :0.24507106840610504 +way:0.02968668006360531 city:0.026874275878071785 part:0.020999446511268616 country:0.0159069262444973 :0.09581957757472992 +to:0.24575600028038025 out:0.08142181485891342 into:0.06352343410253525 down:0.0482502207159996 :0.040703363716602325 +a:0.10436703264713287 the:0.0573238879442215 only:0.04284527152776718 to:0.041954681277275085 :0.11032862961292267 +to:0.2819232940673828 out:0.0603393092751503 on:0.050211578607559204 down:0.046500515192747116 :0.045684814453125 +The:0.13556267321109772 It:0.04510977119207382 He:0.042271703481674194 This:0.023730872198939323 :0.0898023247718811 +the:0.06258176267147064 a:0.04858963191509247 to:0.037815310060977936 in:0.023395748808979988 :0.09378271549940109 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +per:0.15614470839500427 years:0.07852748781442642 cents:0.05738764628767967 feet:0.04263082146644592 :0.13659071922302246 +to:0.16349874436855316 up:0.12377005070447922 with:0.07056520879268646 in:0.04851386323571205 :0.037122782319784164 +the:0.04171464592218399 any:0.022070560604333878 other:0.015516897663474083 a:0.01502451952546835 :0.16645118594169617 +same:0.05667797103524208 size:0.0116123016923666 middle:0.011247881688177586 time:0.010165534913539886 :0.15743552148342133 +and:0.08805210143327713 of:0.03997165709733963 who:0.021679285913705826 the:0.0197891928255558 :0.25254741311073303 +by:0.3695659339427948 as:0.17805549502372742 the:0.08108952641487122 in:0.05584875866770744 :0.027305586263537407 +and:0.04410550743341446 the:0.03338814899325371 of:0.03176514059305191 to:0.022194568067789078 :0.18589940667152405 +the:0.1152426078915596 that:0.02048301324248314 a:0.018507154658436775 to:0.01779291220009327 :0.11232931166887283 +than:0.29062986373901367 or:0.10729340463876724 of:0.031348031014204025 and:0.02911190502345562 :0.0690179392695427 +to:0.3030892014503479 in:0.04815204441547394 and:0.027735458686947823 that:0.02759007178246975 :0.04872938245534897 +to:0.06336180120706558 and:0.05986269935965538 the:0.0581180565059185 herbs:0.024584699422121048 :0.20055840909481049 +pecially:0.27945566177368164 caped:0.15702757239341736 tablished:0.12652482092380524 tablish:0.04860670864582062 :0.19166815280914307 +of:0.1961377114057541 and:0.07115164399147034 that:0.042586080729961395 for:0.03962843492627144 :0.033586665987968445 +the:0.39049646258354187 a:0.038757871836423874 said:0.02889692410826683 Mr.:0.017790621146559715 :0.08899103105068207 +to:0.051749665290117264 of:0.040379587560892105 per:0.0332406610250473 .:0.02888946421444416 :0.23857925832271576 +is:0.19220121204853058 was:0.08673154562711716 will:0.03282377868890762 would:0.031237101182341576 :0.12148718535900116 +the:0.18332968652248383 a:0.04914218187332153 be:0.015846559777855873 his:0.011844361200928688 :0.13110068440437317 +and:0.05513475835323334 in:0.025406265631318092 to:0.019004086032509804 for:0.012077836319804192 :0.11330744624137878 +and:0.12127867341041565 The:0.03103310614824295 to:0.022950926795601845 but:0.02226000837981701 :0.1365952491760254 +the:0.07009069621562958 to:0.04087141528725624 a:0.026938538998365402 and:0.025069544091820717 :0.13380245864391327 +the:0.18541358411312103 and:0.02856447733938694 which:0.022974243387579918 a:0.020784001797437668 :0.10944695770740509 +of:0.4958294928073883 and:0.04326364025473595 that:0.03958418592810631 which:0.031535811722278595 :0.016608403995633125 +and:0.29186519980430603 the:0.06252448260784149 of:0.02659827284514904 who:0.02629660628736019 :0.07266991585493088 +of:0.22895194590091705 and:0.1124478206038475 to:0.051501981914043427 in:0.03190619498491287 :0.05526368319988251 +The:0.17500178515911102 It:0.07196598500013351 In:0.03933316469192505 He:0.03552604466676712 :0.07535125315189362 +pay:0.030092954635620117 make:0.026466013863682747 the:0.02227623388171196 be:0.018259577453136444 :0.12691064178943634 +wife,:0.03510062023997307 own:0.020067038014531136 wife:0.01520314160734415 head:0.011249985545873642 :0.2084280103445053 +and:0.0539671964943409 the:0.020715486258268356 in:0.01757100783288479 to:0.012588771060109138 :0.2736809551715851 +the:0.03654436767101288 make:0.0341101698577404 meet:0.022522246465086937 be:0.020086143165826797 :0.10720016807317734 +men:0.008991241455078125 man:0.006913170218467712 people:0.006863435264676809 and:0.0045370180159807205 :0.2566392421722412 +the:0.13846701383590698 he:0.05580265820026398 they:0.03516180440783501 it:0.035077184438705444 :0.06137195602059364 +the:0.40092238783836365 a:0.06066865473985672 his:0.03881560638546944 tho:0.018906692042946815 :0.0346502885222435 +much:0.2554461658000946 that:0.027690166607499123 as:0.026348527520895004 many:0.020691288635134697 :0.113069087266922 +is:0.14058230817317963 was:0.099797323346138 has:0.029322205111384392 supply:0.028426194563508034 :0.07824024558067322 +of:0.22537635266780853 and:0.06364702433347702 to:0.034136924892663956 is:0.028838573023676872 :0.03344273939728737 +and:0.04121415689587593 the:0.02100670337677002 to:0.017657965421676636 of:0.016502398997545242 :0.27153149247169495 +the:0.0991353765130043 it:0.07337898761034012 a:0.033399052917957306 they:0.026491399854421616 :0.06111021339893341 +is:0.27500268816947937 are:0.16955000162124634 was:0.1389843225479126 were:0.06026605889201164 :0.04292896389961243 +and:0.0461968258023262 the:0.026358721777796745 of:0.020564155653119087 The:0.012823200784623623 :0.24489162862300873 +of:0.131428062915802 ago:0.09267827123403549 ago.:0.08812293410301208 ago,:0.060804594308137894 :0.07460460066795349 +the:0.21920093894004822 a:0.12286895513534546 his:0.02475588023662567 all:0.022541377693414688 :0.09466836601495743 +of:0.07561134546995163 or:0.059316668659448624 and:0.026813160628080368 to:0.024308238178491592 :0.16759726405143738 +many:0.07146736234426498 no:0.06389205902814865 two:0.05551290139555931 a:0.046317216008901596 :0.08566247671842575 +the:0.3394758999347687 this:0.04710568115115166 a:0.027430575340986252 said:0.018283763900399208 :0.10525841265916824 +should:0.08896717429161072 not:0.048514287918806076 did:0.03587714582681656 is:0.03382614627480507 :0.10894002765417099 +and:0.06521397829055786 the:0.02035946398973465 The:0.01747535541653633 of:0.016425300389528275 :0.22415044903755188 +the:0.07125411182641983 a:0.056661590933799744 to:0.049459028989076614 well:0.03971144184470177 :0.10278304666280746 +have:0.1424596905708313 be:0.10274738818407059 not:0.06796649098396301 make:0.02472028136253357 :0.05827270448207855 +a:0.1691417247056961 case:0.098249152302742 cases:0.040854938328266144 an:0.031451061367988586 :0.11932310461997986 +few:0.042630698531866074 very:0.015618205070495605 short:0.015611534006893635 large:0.011541273444890976 :0.17077979445457458 +part:0.030623292550444603 other:0.01407991535961628 first:0.012410921975970268 same:0.010809237137436867 :0.17646555602550507 +and:0.08655155450105667 yard:0.06528489291667938 department:0.06235784664750099 of:0.056984275579452515 :0.07323651760816574 +been:0.14760366082191467 a:0.05584808811545372 the:0.02858027257025242 to:0.025686929002404213 :0.11843021959066391 +the:0.2491634488105774 this:0.017090821638703346 a:0.014706740155816078 their:0.012064915150403976 :0.15714377164840698 +of:0.21103830635547638 and:0.11927192658185959 to:0.058900728821754456 in:0.047156140208244324 :0.03073960542678833 +and:0.05973338335752487 to:0.02575312927365303 the:0.016972362995147705 The:0.012912520207464695 :0.24078014492988586 +to:0.12612780928611755 is:0.03617929294705391 in:0.035363584756851196 up:0.030623391270637512 :0.04177231341600418 +have:0.06177883222699165 am:0.05659474804997444 was:0.04683002084493637 had:0.024860091507434845 :0.08207470923662186 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +great:0.03299156576395035 good:0.02633814886212349 member:0.019187768921256065 very:0.012915865518152714 :0.13919493556022644 +the:0.09607868641614914 a:0.08824170380830765 to:0.051810238510370255 well:0.037791959941387177 :0.09051937609910965 +the:0.34018146991729736 a:0.09811608493328094 an:0.016160452738404274 tho:0.013327320106327534 :0.1116977334022522 +the:0.25143158435821533 a:0.0700053796172142 for:0.06919898837804794 said:0.03564268723130226 :0.06468712538480759 +a:0.10600125789642334 not:0.04890286549925804 the:0.039311300963163376 to:0.02091303840279579 :0.1307395100593567 +first:0.008060341700911522 the:0.0052110860124230385 said:0.0046010068617761135 war:0.004376898519694805 :0.3881048560142517 +and:0.06928413361310959 in:0.0648234635591507 of:0.052768465131521225 was:0.049525268375873566 :0.05588368698954582 +few:0.01947973668575287 large:0.012701050378382206 great:0.009917715564370155 man:0.009803345426917076 :0.2673396170139313 +and:0.07565748691558838 sentiment:0.02616516314446926 opinion:0.023892944678664207 in:0.020379945635795593 :0.0853227749466896 +the:0.5161882638931274 a:0.051059573888778687 tho:0.02101965621113777 their:0.019894467666745186 :0.03722727671265602 +not:0.06436257064342499 a:0.04345715045928955 possible:0.03357549384236336 to:0.023931115865707397 :0.16876991093158722 +the:0.21146009862422943 a:0.025662941858172417 tho:0.015296253375709057 this:0.01501182746142149 :0.23577606678009033 +the:0.22175294160842896 a:0.04682309925556183 this:0.019755719229578972 which:0.018076082691550255 :0.14049769937992096 +months:0.04513572156429291 States:0.03095000796020031 and:0.029732627794146538 years:0.02538955956697464 :0.2982627749443054 +to:0.06103655695915222 the:0.044116873294115067 and:0.03541865199804306 in:0.019758787006139755 :0.14264719188213348 +own:0.043685365468263626 city:0.015831315889954567 midst:0.014396331273019314 country:0.013552178628742695 :0.14713987708091736 +plat:0.030402284115552902 and:0.023844167590141296 of:0.019823994487524033 survey:0.009015422314405441 :0.2154732197523117 +of:0.6286686658859253 was:0.03910771757364273 is:0.02471279539167881 are:0.016515333205461502 :0.01648910716176033 +of:0.561138927936554 in:0.03125922754406929 and:0.019493533298373222 is:0.014907789416611195 :0.08311337977647781 +the:0.08007311075925827 more:0.052306078374385834 two:0.050533607602119446 a:0.041140325367450714 :0.16037558019161224 +and:0.08350596576929092 City:0.07050534337759018 City,:0.0594107061624527 at:0.030617086216807365 :0.12401227653026581 +who:0.09228702634572983 and:0.07580041885375977 in:0.0397629477083683 was:0.038401439785957336 :0.0861736461520195 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +property:0.011620713397860527 subject:0.010696952231228352 said:0.009446420706808567 following:0.008107030764222145 :0.180214062333107 +the:0.0657205730676651 that:0.014595065265893936 a:0.01349656842648983 all:0.008930834010243416 :0.17760339379310608 +the:0.343431293964386 this:0.08236850053071976 a:0.03502972051501274 present:0.024043943732976913 :0.10397449135780334 +the:0.260863721370697 a:0.04914126917719841 this:0.023433849215507507 his:0.023185033351182938 :0.10714629292488098 +city:0.011798574589192867 same:0.01132574025541544 United:0.011092543601989746 way:0.007295187097042799 :0.20350290834903717 +the:0.15183760225772858 by:0.061433665454387665 that:0.05663149058818817 for:0.04479244351387024 :0.09566748142242432 +of:0.04786454886198044 and:0.04491841793060303 or:0.028567243367433548 the:0.028341613709926605 :0.16377893090248108 +analysis:0.03509361296892166 and:0.010969264432787895 friends:0.009825815446674824 of:0.009383654221892357 :0.20098020136356354 +and:0.07521171867847443 to:0.06488260626792908 by:0.03967704251408577 in:0.027222543954849243 :0.12400463223457336 +the:0.20994192361831665 be:0.04038088396191597 a:0.022160790860652924 make:0.014076270163059235 :0.07178591191768646 +and:0.08324291557073593 to:0.051740918308496475 the:0.037169940769672394 in:0.028803260996937752 :0.19301572442054749 +highest:0.007254432886838913 United:0.006026489194482565 fact:0.00566560635343194 amount:0.005556541029363871 :0.26784011721611023 +is:0.1620853692293167 was:0.15450698137283325 Is:0.06566201895475388 has:0.028893355280160904 :0.07913251966238022 +and:0.021771442145109177 boy.:0.007742153946310282 the:0.007458718027919531 1:0.0065974099561572075 :0.2977166175842285 +the:0.05789738893508911 to:0.023684203624725342 a:0.014335701242089272 of:0.014293116517364979 :0.1741999238729477 +to:0.11709906905889511 and:0.049044083803892136 for:0.03149108961224556 that:0.026611793786287308 :0.10799027979373932 +much:0.10129815340042114 often:0.03171321749687195 soon:0.027116185054183006 late:0.023475337773561478 :0.15538297593593597 +of:0.3650718629360199 to:0.12841005623340607 and:0.062430765479803085 in:0.05685139074921608 :0.032125525176525116 +the:0.11873424798250198 that:0.04224396497011185 to:0.02939741313457489 it:0.028122860938310623 :0.05755193904042244 +have:0.11773483455181122 are:0.09556495398283005 had:0.06879335641860962 were:0.05922229588031769 :0.04877929389476776 +the:0.15184862911701202 of:0.03668828308582306 who:0.023500312119722366 that:0.02339860424399376 :0.14197145402431488 +been:0.18318048119544983 a:0.03814070671796799 the:0.02453744411468506 made:0.01836627535521984 :0.09492552280426025 +own:0.01680215261876583 people:0.011422613635659218 country:0.006669993046671152 party:0.004923475440591574 :0.2165985256433487 +is:0.14905482530593872 the:0.07262250036001205 was:0.07138250768184662 we:0.05204184353351593 :0.05389126390218735 +and:0.06177139654755592 or:0.006075064651668072 of:0.005119905341416597 is:0.0048836637288331985 :0.16303575038909912 +the:0.13591168820858002 that:0.03065848909318447 running:0.025249887257814407 a:0.02177114225924015 :0.08690167963504791 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +said:0.017920782789587975 people:0.011839201673865318 whole:0.006166722625494003 amount:0.005661427043378353 :0.16589275002479553 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.10260187089443207 it:0.10169065743684769 a:0.03698984906077385 we:0.029172591865062714 :0.06976723670959473 +The:0.10467052459716797 It:0.08567795157432556 I:0.047145530581474304 A:0.043746016919612885 :0.08552582561969757 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +to:0.38878193497657776 and:0.06122661381959915 for:0.04206144064664841 in:0.03564975783228874 :0.03453914448618889 +countries:0.010818662121891975 and:0.009815461002290249 things:0.009794781915843487 nations,:0.009352602995932102 :0.19860994815826416 +W.:0.027715930715203285 H.:0.02739044465124607 S.:0.023783434182405472 day:0.02075003832578659 :0.36505913734436035 +and:0.14254438877105713 the:0.024975720793008804 of:0.021807460114359856 with:0.020180223509669304 :0.1450798511505127 +C.:0.04114101827144623 B.:0.02945389598608017 H.:0.02806590497493744 J.:0.02754353918135166 :0.32868850231170654 +been:0.035028647631406784 a:0.031559113413095474 the:0.022709984332323074 not:0.022129559889435768 :0.19065958261489868 +the:0.08883757144212723 a:0.04195835441350937 it:0.03858007490634918 that:0.030274612829089165 :0.04946032911539078 +The:0.11439139395952225 It:0.05743817239999771 In:0.034249331802129745 He:0.03346428647637367 :0.10790834575891495 +know:0.0670028105378151 think:0.0418853759765625 believe:0.040643125772476196 want:0.03325924277305603 :0.09546209126710892 +of:0.11220786720514297 and:0.06543838232755661 was:0.027299219742417336 to:0.018133321776986122 :0.11642562597990036 +of:0.06106695905327797 and:0.05379378795623779 the:0.02808035910129547 The:0.02148333378136158 :0.18942230939865112 +of:0.487226665019989 and:0.053663529455661774 that:0.04547015205025673 the:0.03397750109434128 :0.02603684924542904 +same:0.008337988518178463 first:0.00832310039550066 said:0.008253474719822407 amount:0.007510211318731308 :0.2177213877439499 +of:0.2788175940513611 and:0.05572928488254547 was:0.030241329222917557 the:0.026026830077171326 :0.0515608973801136 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +per:0.08800149708986282 o'clock:0.03605040907859802 and:0.023111337795853615 cents:0.021054254844784737 :0.2192385196685791 +of:0.22539864480495453 and:0.04829998314380646 court:0.031554803252220154 auditor:0.022386569529771805 :0.07434406131505966 +of:0.30925434827804565 to:0.04304293170571327 or:0.042775772511959076 shall:0.03709879890084267 :0.03653460741043091 +are:0.037601783871650696 men:0.03163627162575722 two:0.02799033559858799 people:0.01960636116564274 :0.15873634815216064 +to:0.19731497764587402 and:0.0779048502445221 the:0.07659614086151123 in:0.053876928985118866 :0.04597775638103485 +and:0.12626563012599945 but:0.054785843938589096 the:0.04451627656817436 is:0.02447289600968361 :0.03628811240196228 +the:0.3504331111907959 a:0.054749682545661926 this:0.024992499500513077 his:0.014456916600465775 :0.08808369189500809 +the:0.2302873432636261 a:0.1414778083562851 his:0.034197017550468445 their:0.022505177184939384 :0.09929011762142181 +and:0.10402537137269974 of:0.019983729347586632 as:0.01926274225115776 in:0.014127378351986408 :0.16695033013820648 +be:0.35391750931739807 not:0.04555157944560051 bo:0.021686112508177757 he:0.01839841902256012 :0.05495214834809303 +the:0.3838536739349365 a:0.04871010780334473 his:0.01748529076576233 this:0.01646246574819088 :0.12893009185791016 +of:0.2519339919090271 to:0.19455254077911377 and:0.06340165436267853 in:0.02813943475484848 :0.04403115063905716 +of:0.02893190085887909 and:0.016972022131085396 the:0.007803251501172781 in:0.005077931564301252 :0.23249942064285278 +of:0.09851887822151184 and:0.04766962304711342 the:0.016158534213900566 The:0.015655526891350746 :0.18378500640392303 +that:0.4764706492424011 of:0.07323148101568222 the:0.05146915838122368 by:0.05099421367049217 :0.031581029295921326 +the:0.230499267578125 a:0.059039175510406494 said:0.014299132861196995 tho:0.013082252815365791 :0.0782727375626564 +and:0.08805210143327713 of:0.03997165709733963 who:0.021679285913705826 the:0.0197891928255558 :0.25254741311073303 +the:0.1852480173110962 a:0.13133510947227478 his:0.03564412519335747 whom:0.02887076884508133 :0.10424493998289108 +the:0.039074476808309555 in:0.03399626538157463 a:0.024058399721980095 more:0.01666996255517006 :0.16209959983825684 +and:0.11090636998414993 to:0.05453936755657196 from:0.04619704186916351 was:0.04135286808013916 :0.07248474657535553 +wife,:0.03510062023997307 own:0.020067038014531136 wife:0.01520314160734415 head:0.011249985545873642 :0.2084280103445053 +same:0.014498080126941204 whole:0.00499340845271945 first:0.004555779043585062 sum:0.004365459084510803 :0.14018866419792175 +the:0.13464775681495667 a:0.044214390218257904 to:0.024426022544503212 that:0.021778026595711708 :0.1870838701725006 +a:0.07195116579532623 the:0.039955731481313705 to:0.023456836119294167 no:0.0218899454921484 :0.14216944575309753 +and:0.06469995528459549 the:0.03268781676888466 of:0.03016708232462406 to:0.02614813856780529 :0.16076508164405823 +of:0.17430278658866882 and:0.04490352049469948 the:0.032182298600673676 in:0.03202268108725548 :0.07890943437814713 +The:0.19686977565288544 In:0.05460560694336891 He:0.051274623721838 It:0.04577153921127319 :0.11016218364238739 +time:0.06988953799009323 the:0.04809562861919403 time,:0.03978344425559044 be:0.02098846808075905 :0.09298694133758545 +in:0.05715532600879669 a:0.025767158716917038 to:0.024625279009342194 abandoned:0.02183530293405056 :0.23055756092071533 +same:0.006753121968358755 said:0.0051379152573645115 most:0.00512504018843174 first:0.005087287165224552 :0.2678016126155853 +for:0.16820593178272247 and:0.05926424637436867 in:0.05155761167407036 to:0.04239388182759285 :0.08304257690906525 +the:0.21755695343017578 a:0.04083715379238129 be:0.011230277828872204 tho:0.008677039295434952 :0.24359378218650818 +the:0.10133909434080124 be:0.08302207291126251 a:0.023692840710282326 make:0.013713744468986988 :0.180634543299675 +a:0.09851262718439102 the:0.07747888565063477 out:0.06864183396100998 to:0.043325670063495636 :0.06199955567717552 +old:0.017558099702000618 order:0.011969941668212414 increase:0.009386546909809113 additional:0.00896165706217289 :0.2063634842634201 +o'clock:0.168666809797287 hundred:0.09176532179117203 miles:0.08679747581481934 years:0.06442820280790329 :0.04553107172250748 +that:0.3995620310306549 of:0.048286356031894684 to:0.02053561992943287 is:0.019894838333129883 :0.0835830345749855 +and:0.06132367625832558 of:0.060579437762498856 The:0.0213641207665205 the:0.019572418183088303 :0.13132600486278534 +sale:0.019249269738793373 large:0.018949978053569794 vote:0.018371470272541046 majority:0.016691694036126137 :0.1822020411491394 +few:0.09161107242107391 short:0.040044937282800674 small:0.022489694878458977 little:0.02233404666185379 :0.1348012387752533 +men:0.07187192887067795 of:0.0658123642206192 in:0.058421578258275986 to:0.030466698110103607 :0.04859982430934906 +was:0.10010343044996262 had:0.06000782549381256 has:0.026573216542601585 would:0.026562262326478958 :0.12900477647781372 +important:0.03610443323850632 of:0.021564314141869545 interesting:0.012456282041966915 prominent:0.012193573638796806 :0.17557279765605927 +and:0.04851683974266052 feet:0.04488557204604149 @:0.024186693131923676 to:0.02295943908393383 :0.20382268726825714 +of:0.36149412393569946 and:0.06943647563457489 to:0.039577845484018326 in:0.032542794942855835 :0.07178904116153717 +of:0.7620112895965576 for:0.024114767089486122 to:0.020119139924645424 in:0.01734801009297371 :0.011951487511396408 +be:0.08664711564779282 the:0.07198254019021988 have:0.024337049573659897 do:0.019861767068505287 :0.09925655275583267 +and:0.15514354407787323 the:0.07382428646087646 that:0.03518766537308693 to:0.02623395435512066 :0.033436838537454605 +own:0.02362859807908535 way:0.012619526125490665 homes:0.006056529004126787 work:0.004831364378333092 :0.20579299330711365 +to:0.3041759133338928 and:0.02997780591249466 in:0.02608707919716835 heirs:0.017502037808299065 :0.1413474828004837 +family:0.008281616494059563 value:0.007775067817419767 and:0.007351095788180828 government:0.005269977729767561 :0.28483912348747253 +and:0.06924238801002502 of:0.03967665508389473 in:0.01723937690258026 The:0.01715710386633873 :0.1514827311038971 +the:0.05567210167646408 of:0.045261915773153305 in:0.027798103168606758 sides:0.02261517383158207 :0.16483037173748016 +and:0.13271954655647278 or:0.06304220110177994 a:0.023264246061444283 but:0.02040330320596695 :0.17512482404708862 +the:0.38557806611061096 and:0.05466831102967262 a:0.04147554188966751 their:0.026167554780840874 :0.04926484078168869 +of:0.029483402147889137 in:0.026660190895199776 or:0.0137091726064682 and:0.012987341731786728 :0.11781338602304459 +of:0.03766848146915436 and:0.03076220490038395 the:0.025402110069990158 to:0.021397484466433525 :0.21156471967697144 +said:0.00668725511059165 two:0.006515281740576029 first:0.006410736124962568 amount:0.00601012259721756 :0.2917453646659851 +and:0.05022028088569641 the:0.01947290264070034 The:0.01884288154542446 o'clock:0.015773050487041473 :0.21185016632080078 +and:0.048771366477012634 the:0.040055032819509506 to:0.035159286111593246 The:0.01689942367374897 :0.19349776208400726 +a:0.11281757801771164 not:0.07292187213897705 the:0.06704414635896683 said:0.02236642874777317 :0.06751331686973572 +been:0.38337668776512146 a:0.05003942921757698 not:0.04190044105052948 no:0.02191941626369953 :0.054249219596385956 +and:0.09337170422077179 to:0.05714680626988411 of:0.023638533428311348 in:0.022604379802942276 :0.11734069138765335 +the:0.04809490591287613 more:0.02537388540804386 a:0.023898301646113396 any:0.020431213080883026 :0.15411148965358734 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.05614803731441498 and:0.03399490565061569 a:0.029200054705142975 his:0.029142262414097786 :0.10317163169384003 +on:0.3181968629360199 in:0.07392290234565735 upon:0.022185752168297768 for:0.020873840898275375 :0.10790397971868515 +and:0.12903285026550293 of:0.12036765366792679 at:0.02245895005762577 in:0.02141088992357254 :0.1319730579853058 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +man:0.029353173449635506 large:0.025929871946573257 few:0.01713801734149456 number:0.012141055427491665 :0.19935797154903412 +have:0.07166982442140579 had:0.04700997844338417 am:0.03930389881134033 was:0.030503250658512115 :0.08782260119915009 +and:0.046934351325035095 of:0.03400876745581627 the:0.025172049179673195 to:0.017982279881834984 :0.2633386254310608 +the:0.08309540897607803 a:0.035395942628383636 his:0.009279723279178143 block:0.00728708365932107 :0.2649124562740326 +the:0.09064336866140366 a:0.022083492949604988 that:0.01589612103998661 in:0.011630255728960037 :0.21665534377098083 +a:0.10421394556760788 the:0.058502595871686935 very:0.017994005233049393 more:0.016598794609308243 :0.2408401221036911 +is:0.1593068540096283 was:0.1278144121170044 Is:0.09691305458545685 would:0.031003784388303757 :0.06719419360160828 +the:0.2906218469142914 a:0.03579466789960861 his:0.017773201689124107 their:0.015151220373809338 :0.10418080538511276 +to:0.3676646053791046 into:0.07064617425203323 on:0.05037080496549606 down:0.05023842304944992 :0.03854340687394142 +the:0.08032123744487762 a:0.04461981728672981 it:0.02826162986457348 for:0.026717819273471832 :0.0804033875465393 +and:0.11633579432964325 to:0.05299787223339081 The:0.04386217147111893 in:0.025027677416801453 :0.12552113831043243 +the:0.22386214137077332 be:0.03800155222415924 a:0.035528551787137985 tho:0.010103153064846992 :0.20918254554271698 +United:0.016773726791143417 State:0.009969470091164112 most:0.009162496775388718 said:0.007264140993356705 :0.1950860321521759 +the:0.2987504303455353 it:0.03811163455247879 he:0.035723235458135605 a:0.0313437394797802 :0.05602185055613518 +said:0.32829123735427856 the:0.2573106586933136 a:0.028820713981986046 this:0.024586815387010574 :0.06862586736679077 +of:0.08720511198043823 from:0.049718547612428665 to:0.033960651606321335 and:0.0319083146750927 :0.10965941846370697 +same:0.009630436077713966 whole:0.006244494114071131 most:0.005976860877126455 old:0.005631147418171167 :0.16990458965301514 +of:0.06706814467906952 and:0.04474565386772156 to:0.02126884087920189 in:0.015722336247563362 :0.2031012624502182 +the:0.2291538119316101 a:0.1193620041012764 his:0.02118646167218685 an:0.020951077342033386 :0.0739375650882721 +.:0.8093278408050537 .,:0.03236852213740349 .;:0.006228121928870678 ..:0.004925792571157217 :0.07168103754520416 diff --git a/test-A/out-EMBED_SIZE=300.tsv b/test-A/out-EMBED_SIZE=300.tsv new file mode 100644 index 0000000..37729c2 --- /dev/null +++ b/test-A/out-EMBED_SIZE=300.tsv @@ -0,0 +1,7414 @@ +day:0.05064491927623749 time:0.04795364663004875 of:0.04338914155960083 to:0.01571022719144821 :0.10426655411720276 +the:0.13926440477371216 he:0.07236964255571365 it:0.03493044152855873 they:0.02669619396328926 :0.056256212294101715 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.4614889323711395 in:0.034710414707660675 the:0.03007683902978897 on:0.017656635493040085 :0.02083159238100052 +to:0.0449218675494194 the:0.0396244116127491 by:0.03592626750469208 in:0.03531303256750107 :0.20421570539474487 +and:0.009205230511724949 personal:0.009050640277564526 way:0.007089720107614994 country:0.005352828651666641 :0.19127021729946136 +not:0.03345142677426338 in:0.024659283459186554 the:0.022731877863407135 to:0.014878424815833569 :0.13567504286766052 +The:0.14794360101222992 It:0.05135749652981758 He:0.042805880308151245 I:0.03020119108259678 :0.1703050136566162 +since:0.034156955778598785 the:0.016921725124120712 had:0.014964321628212929 before:0.013412779197096825 :0.17565765976905823 +and:0.06356031447649002 W.:0.012787370011210442 M.:0.010886619798839092 A.:0.010579433292150497 :0.48849716782569885 +days:0.10273377597332001 years:0.06602511554956436 weeks:0.04140475019812584 minutes:0.03718847781419754 :0.12437938153743744 +come:0.21839739382266998 lieve:0.19594788551330566 cause:0.10902164876461029 gin:0.050540950149297714 :0.09234326332807541 +and:0.18351295590400696 the:0.09348698705434799 to:0.035831257700920105 but:0.03405899927020073 :0.05367351323366165 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +the:0.35856395959854126 a:0.0692804679274559 least:0.023161863908171654 this:0.021938782185316086 :0.09022592008113861 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.07384269684553146 and:0.06403541564941406 to:0.028985103592276573 of:0.025147337466478348 :0.14644216001033783 +tract:0.022415507584810257 ditions:0.022295571863651276 trol:0.0211960282176733 struction:0.01302744634449482 :0.4817940592765808 +and:0.04777122288942337 of:0.034260910004377365 the:0.03246799111366272 to:0.029568426311016083 :0.18160094320774078 +West,:0.23677195608615875 west,:0.13699743151664734 East,:0.09253355860710144 West;:0.05253168195486069 :0.13785548508167267 +have:0.07205542922019958 are:0.06737742573022842 will:0.03617280349135399 were:0.03074602596461773 :0.11127283424139023 +Union:0.059677328914403915 and:0.04375830292701721 Canada:0.03947331756353378 States:0.01649179868400097 :0.24016764760017395 +in:0.08798559010028839 by:0.08294606953859329 and:0.07204487174749374 at:0.044791072607040405 :0.051554400473833084 +not:0.04980239272117615 in:0.02706148475408554 the:0.018896562978625298 to:0.017280016094446182 :0.17729981243610382 +the:0.32260826230049133 a:0.060873422771692276 his:0.027240408584475517 be:0.018456529825925827 :0.0848422646522522 +the:0.07063385099172592 a:0.043696802109479904 and:0.03477226942777634 in:0.023589499294757843 :0.06744813174009323 +not:0.15331174433231354 you:0.04636407271027565 the:0.04107164964079857 so:0.03042127937078476 :0.07574723660945892 +the:0.05674300342798233 and:0.03816640004515648 to:0.028459249064326286 in:0.019976070150732994 :0.18523631989955902 +not:0.02932688407599926 a:0.02815365418791771 made:0.02558077685534954 the:0.024863163009285927 :0.13134485483169556 +and:0.12175431102514267 for:0.12004182487726212 in:0.09074978530406952 at:0.06611087173223495 :0.05693740397691727 +and:0.14425942301750183 of:0.06737152487039566 to:0.06255828589200974 in:0.05312167480587959 :0.04779694601893425 +in:0.18961821496486664 that:0.08050128817558289 and:0.05206269398331642 by:0.04913584515452385 :0.050286680459976196 +question:0.005036016460508108 man:0.004881774540990591 result:0.004792379681020975 men:0.004766653757542372 :0.1664724051952362 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +and:0.10747715085744858 is:0.08746930956840515 was:0.055572524666786194 are:0.02823406457901001 :0.04909008368849754 +trade:0.021303487941622734 and:0.01999751292169094 nations:0.01888572983443737 countries:0.01494468655437231 :0.21167317032814026 +the:0.34086576104164124 a:0.026586618274450302 him:0.017604418098926544 his:0.016579842194914818 :0.09291145950555801 +of:0.10320357978343964 and:0.05899110436439514 to:0.054421860724687576 that:0.038809072226285934 :0.050392601639032364 +and:0.08381480723619461 from:0.028857706114649773 in:0.027998005971312523 company:0.02786686271429062 :0.10733683407306671 +of:0.6204246878623962 aforesaid,:0.016120944172143936 and:0.012369059026241302 to:0.012362825684249401 :0.04955790564417839 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +be:0.32744139432907104 find:0.023960042744874954 become:0.0221306961029768 have:0.020659733563661575 :0.03916679322719574 +of:0.6848998665809631 are:0.022154858335852623 were:0.01926027424633503 have:0.01565828174352646 :0.019868381321430206 +and:0.048698633909225464 the:0.04264843463897705 to:0.03747838735580444 by:0.02492242306470871 :0.1365790218114853 +and:0.14542359113693237 the:0.06745929270982742 in:0.019442863762378693 or:0.013295505195856094 :0.1138429269194603 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.14639613032341003 a:0.04911331832408905 two:0.02009730227291584 to:0.01886715181171894 :0.18289339542388916 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +that:0.3875337243080139 of:0.14977355301380157 to:0.08031340688467026 and:0.07112632691860199 :0.05408792197704315 +the:0.1277235448360443 that:0.10828104615211487 a:0.07442475855350494 in:0.04521471634507179 :0.05566544085741043 +to:0.3250272274017334 the:0.30812132358551025 a:0.02520783431828022 tho:0.016604581847786903 :0.03708956390619278 +.:0.4742526412010193 .,:0.22971700131893158 ..:0.02941064164042473 .;:0.028953056782484055 :0.0697929859161377 +of:0.32176488637924194 that:0.1700666844844818 is:0.07868201285600662 was:0.05803009122610092 :0.02811397798359394 +Mrs.:0.05373891443014145 and:0.048166561871767044 girl.:0.04157376289367676 boy.:0.035253074020147324 :0.2712725102901459 +is:0.27503272891044617 are:0.17347729206085205 was:0.1410634070634842 were:0.062090735882520676 :0.04280408099293709 +and:0.07152478396892548 as:0.06651689857244492 in:0.056247007101774216 to:0.038757190108299255 :0.16181273758411407 +of:0.05128062143921852 and:0.04967416822910309 for:0.027832282707095146 which:0.022244473919272423 :0.18603074550628662 +by:0.31822797656059265 the:0.06989012658596039 and:0.04432820528745651 to:0.04235569387674332 :0.05292661860585213 +a:0.05963550880551338 the:0.03261531889438629 not:0.026820162311196327 to:0.025658907368779182 :0.1349494755268097 +of:0.2207486778497696 to:0.06742700934410095 shall:0.03688152879476547 was:0.026368774473667145 :0.026377540081739426 +direction:0.03545510768890381 provisions:0.02676132321357727 law:0.01731833815574646 laws:0.016961513087153435 :0.24472913146018982 +is:0.31460487842559814 was:0.15903742611408234 will:0.043733980506658554 has:0.03368460386991501 :0.041318923234939575 +of:0.7403237819671631 ot:0.016806920990347862 in:0.016668377444148064 and:0.013019785284996033 :0.010888557881116867 +is:0.2680124342441559 was:0.12326157093048096 will:0.04725397750735283 has:0.04314590245485306 :0.05733707174658775 +be:0.25903192162513733 not:0.07814628630876541 have:0.027179311960935593 do:0.018293648958206177 :0.06541583687067032 +The:0.1477765142917633 It:0.06357064843177795 He:0.04517719894647598 In:0.02941766567528248 :0.14748036861419678 +of:0.8380064368247986 and:0.013040837831795216 ot:0.01029178686439991 in:0.008571026846766472 :0.016958143562078476 +in:0.028016777709126472 is:0.0202333964407444 and:0.019022850319743156 the:0.018593130633234978 :0.12061841040849686 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +to:0.5007970929145813 by:0.19670236110687256 in:0.040188319981098175 and:0.028651785105466843 :0.027067217975854874 +the:0.14262881875038147 a:0.03747967630624771 to:0.031667087227106094 that:0.020959779620170593 :0.0921260416507721 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.07866852730512619 a:0.03422834351658821 tne:0.007002013735473156 an:0.006776465568691492 :0.3867991268634796 +the:0.18852968513965607 he:0.05280262976884842 they:0.03499925509095192 it:0.028802985325455666 :0.0502970889210701 +the:0.08395465463399887 a:0.04554516077041626 to:0.02855389192700386 and:0.025234535336494446 :0.12214120477437973 +and:0.18870335817337036 the:0.12930363416671753 but:0.03483694791793823 a:0.0270251277834177 :0.05587092041969299 +the:0.26845765113830566 to:0.07011981308460236 in:0.05016759783029556 on:0.04280249774456024 :0.034313734620809555 +are:0.09685977548360825 were:0.06286848336458206 will:0.06260637193918228 have:0.05200133100152016 :0.12228066474199295 +the:0.14611177146434784 be:0.017606789246201515 a:0.015963474288582802 make:0.011912254616618156 :0.22468480467796326 +half:0.05227982625365257 few:0.027100946754217148 large:0.02216946892440319 great:0.012649431824684143 :0.1533392369747162 +be:0.5348942279815674 bo:0.03504813089966774 not:0.022879214957356453 do:0.011546929366886616 :0.042110029608011246 +of:0.20375928282737732 and:0.16923494637012482 for:0.0495610311627388 was:0.038118988275527954 :0.03470925986766815 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +of:0.3392826020717621 and:0.06326819956302643 or:0.02773919701576233 to:0.02735641412436962 :0.03300270065665245 +same:0.009136131964623928 following:0.006704502739012241 said:0.006256293039768934 whole:0.00620116526260972 :0.22408610582351685 +is:0.27503272891044617 are:0.17347729206085205 was:0.1410634070634842 were:0.062090735882520676 :0.04280408099293709 +of:0.6929174065589905 and:0.02843073569238186 ot:0.011602644808590412 to:0.008876708336174488 :0.032640378922224045 +The:0.14106696844100952 It:0.07346849143505096 He:0.05622202530503273 I:0.030950719490647316 :0.08322753012180328 +and:0.07663484662771225 to:0.060709934681653976 from:0.03965682536363602 generation:0.028169618919491768 :0.1925876885652542 +of:0.4600977897644043 and:0.05186455696821213 in:0.04439028352499008 are:0.029328547418117523 :0.03970656543970108 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +to:0.1167057529091835 the:0.07591719180345535 of:0.05915028229355812 in:0.046712521463632584 :0.08541710674762726 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +am:0.0911790281534195 have:0.08289515972137451 was:0.0472276508808136 think:0.04027297720313072 :0.05671495944261551 +and:0.0794910416007042 to:0.050647687166929245 by:0.03904310613870621 in:0.023251105099916458 :0.1463373601436615 +had:0.020008977502584457 was:0.012620128691196442 has:0.011799994856119156 and:0.011740630492568016 :0.15665897727012634 +to:0.07541023194789886 and:0.06133649870753288 by:0.028928691521286964 in:0.027788354083895683 :0.17747753858566284 +the:0.1587679088115692 and:0.034002337604761124 a:0.02944341115653515 with:0.01556609757244587 :0.19807425141334534 +have:0.0647277906537056 am:0.05405145511031151 was:0.046883825212717056 will:0.025946253910660744 :0.07259311527013779 +the:0.07544732093811035 a:0.03084803931415081 his:0.009277953766286373 this:0.006653433199971914 :0.2217942774295807 +west:0.09952612221240997 east:0.055931225419044495 east,:0.033169932663440704 of:0.031471580266952515 :0.14690670371055603 +the:0.2909713685512543 a:0.10314077138900757 to:0.06360269337892532 his:0.03994513675570488 :0.044452402740716934 +to:0.3951723575592041 the:0.04442950710654259 of:0.04283696785569191 and:0.04223387688398361 :0.032480284571647644 +and:0.1460084319114685 of:0.059396032243967056 to:0.045957986265420914 or:0.03897823020815849 :0.046697478741407394 +and:0.06537912040948868 of:0.046699825674295425 was:0.03226166591048241 is:0.031834185123443604 :0.20125821232795715 +of:0.049990709871053696 and:0.03082485869526863 to:0.02530195191502571 the:0.02096451260149479 :0.14135685563087463 +the:0.2335139364004135 a:0.1910073459148407 an:0.046367160975933075 of:0.03608205169439316 :0.06624509394168854 +of:0.06464844197034836 and:0.05479910969734192 the:0.032076429575681686 at:0.01814047433435917 :0.21617305278778076 +the:0.15619102120399475 us:0.13865621387958527 him:0.1225656047463417 them:0.12208238244056702 :0.06990829855203629 +large:0.02207604981958866 few:0.01336690504103899 bill:0.011347271502017975 lot:0.010181988589465618 :0.2132442146539688 +jury:0.1947203129529953 Jury:0.02389182336628437 jury,:0.02354145422577858 old:0.021667733788490295 :0.16902245581150055 +the:0.1958143562078476 it:0.04287336766719818 he:0.04115719348192215 they:0.03550631180405617 :0.062392231076955795 +water:0.00966782495379448 people:0.009183176793158054 same:0.008639867417514324 men:0.008285872638225555 :0.17893388867378235 +of:0.09772446751594543 and:0.0802306979894638 The:0.022616636008024216 in:0.021354060620069504 :0.19903889298439026 +the:0.2541748285293579 a:0.03071168251335621 this:0.02793506532907486 which:0.01901118829846382 :0.09697118401527405 +the:0.16120794415473938 and:0.036085546016693115 a:0.023525826632976532 this:0.01472448743879795 :0.2129461020231247 +been:0.2651047706604004 the:0.02580641396343708 not:0.025459913536906242 a:0.022140808403491974 :0.10855196416378021 +and:0.07320733368396759 of:0.07190658897161484 the:0.014572016894817352 to:0.013643198646605015 :0.2915765047073364 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.17706014215946198 a:0.0274271871894598 tho:0.014902194030582905 one:0.014695128425955772 :0.23920731246471405 +to:0.08867982029914856 a:0.07084456831216812 only:0.06622251123189926 the:0.04788721725344658 :0.0811176672577858 +of:0.4547657370567322 to:0.03670356422662735 and:0.03630755469202995 that:0.03150956332683563 :0.024089982733130455 +the:0.035998743027448654 a:0.03539478778839111 in:0.025529026985168457 not:0.014204197563230991 :0.11953289061784744 +most:0.012185011990368366 same:0.010640785098075867 result:0.010600059293210506 only:0.00753809604793787 :0.19594259560108185 +been:0.22209800779819489 a:0.0673937276005745 the:0.03808092325925827 had:0.024413568899035454 :0.044992607086896896 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +mortgage:0.03486073762178421 County:0.014469009824097157 John:0.012604025192558765 James:0.009327806532382965 :0.15688163042068481 +important:0.033643923699855804 of:0.02098493091762066 prominent:0.011481708846986294 beautiful:0.01122498232871294 :0.16610804200172424 +the:0.25181758403778076 a:0.0630902573466301 his:0.026196861639618874 their:0.016551747918128967 :0.08442559838294983 +settlers:0.045070212334394455 value:0.027431996539235115 and:0.013141300529241562 cost:0.011817662045359612 :0.1807377189397812 +to:0.3250272274017334 the:0.30812132358551025 a:0.02520783431828022 tho:0.016604581847786903 :0.03708956390619278 +than:0.42022740840911865 the:0.01966649293899536 of:0.01690487004816532 to:0.013945506885647774 :0.07836990058422089 +should:0.1607317477464676 is:0.10934332758188248 has:0.0480995699763298 was:0.04464816674590111 :0.03294523432850838 +of:0.08171101659536362 and:0.07857345789670944 the:0.03680984675884247 to:0.020037570968270302 :0.14087903499603271 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.06683564931154251 a:0.03950594365596771 of:0.029681043699383736 and:0.025346428155899048 :0.10149595141410828 +of:0.31728312373161316 and:0.055507101118564606 the:0.036775968968868256 with:0.03294781595468521 :0.0987924262881279 +the:0.0324421152472496 and:0.015170144848525524 a:0.014136718586087227 to:0.010676956735551357 :0.28757598996162415 +the:0.37924760580062866 its:0.031689323484897614 his:0.025831446051597595 that:0.021660443395376205 :0.08014952391386032 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +one:0.037067122757434845 kind:0.026409568265080452 other:0.0175789725035429 man:0.017308348789811134 :0.15390457212924957 +two:0.01743932254612446 men:0.01714373752474785 are:0.014762850478291512 were:0.010604354552924633 :0.19320404529571533 +to:0.20304550230503082 from:0.05256560817360878 on:0.03665739670395851 in:0.0365886464715004 :0.09435372054576874 +and:0.060976170003414154 of:0.05561760812997818 the:0.01769671030342579 who:0.017284270375967026 :0.23141048848628998 +I:0.02431732602417469 the:0.022873541340231895 The:0.02188521809875965 It:0.01619764231145382 :0.33001822233200073 +have:0.1146124005317688 not:0.09837985783815384 be:0.05780364200472832 make:0.017034856602549553 :0.10856037586927414 +decided:0.03539072349667549 taken:0.014326263219118118 got:0.010932089760899544 made:0.010902345180511475 :0.1185402125120163 +of:0.3698994517326355 and:0.048449933528900146 council:0.020818352699279785 is:0.01532029639929533 :0.0482129231095314 +was:0.09159434586763382 had:0.08507388830184937 has:0.03762238100171089 is:0.02651289664208889 :0.10352948307991028 +Mary:0.025531353428959846 Grace:0.009606249630451202 Margaret:0.009569128043949604 Anna:0.009458673186600208 :0.4369256794452667 +and:0.12764984369277954 or:0.023718835785984993 dwelling:0.01914069429039955 of:0.014516028575599194 :0.2068306803703308 +been:0.10780531913042068 no:0.037964046001434326 a:0.03697216883301735 not:0.03608803078532219 :0.07476082444190979 +have:0.11755482852458954 are:0.09627219289541245 had:0.03238017112016678 were:0.0311670433729887 :0.0692133903503418 +the:0.18631349503993988 a:0.05358415096998215 this:0.025253815576434135 addition:0.020122500136494637 :0.09764329344034195 +the:0.14361615478992462 a:0.041012026369571686 of:0.03329456225037575 and:0.013758271932601929 :0.2000371813774109 +few:0.027762925252318382 little:0.022883661091327667 great:0.017951209098100662 man:0.01598803699016571 :0.12602290511131287 +of:0.07029523700475693 one:0.03983364254236221 and:0.028047336265444756 such:0.02182965911924839 :0.09361009299755096 +of:0.2643468379974365 to:0.010351520031690598 important:0.009932649321854115 people:0.007121592294424772 :0.24164219200611115 +day.:0.029478000476956367 day:0.01950688660144806 last:0.017463838681578636 day,:0.015889598056674004 :0.31967002153396606 +the:0.31574752926826477 a:0.05120820552110672 his:0.025696562603116035 that:0.020750567317008972 :0.1199924573302269 +same:0.017313245683908463 first:0.01309861708432436 said:0.008789624087512493 time:0.007080095820128918 :0.2070390284061432 +years:0.13168218731880188 days:0.036678411066532135 men:0.034098006784915924 of:0.024646546691656113 :0.1741456240415573 +the:0.2598726451396942 a:0.0577668696641922 tho:0.017695540562272072 his:0.011614101007580757 :0.15107402205467224 +life:0.011349020525813103 face:0.011328053660690784 name:0.009392818436026573 way:0.005764099303632975 :0.13115930557250977 +the:0.07824346423149109 a:0.056756895035505295 up:0.03939594328403473 them:0.03887379914522171 :0.06297249346971512 +.:0.10232587158679962 and:0.026339348405599594 W:0.017716310918331146 of:0.017207201570272446 :0.2500738799571991 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +own:0.022593121975660324 wife:0.014715875498950481 eyes:0.01089467853307724 head:0.008454683236777782 :0.2292957752943039 +and:0.04686500504612923 No.:0.033903926610946655 of:0.030417582020163536 to:0.028932465240359306 :0.10303593426942825 +been:0.2375769466161728 not:0.047364894300699234 a:0.03769737109541893 the:0.017187803983688354 :0.11791034787893295 +of:0.1291591376066208 in:0.06156889349222183 with:0.04487820342183113 and:0.043390803039073944 :0.04264642670750618 +of:0.5850687623023987 and:0.02562871016561985 that:0.014192262664437294 ot:0.013812762685120106 :0.07090914994478226 +the:0.06619885563850403 a:0.018191352486610413 other:0.010353229939937592 that:0.008948522619903088 :0.12252382189035416 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.09677740186452866 it:0.0458090640604496 the:0.028417956084012985 as:0.01956612430512905 :0.13246333599090576 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +amount:0.029926033690571785 percentage:0.02924361824989319 scale:0.02731046825647354 number:0.027215203270316124 :0.11167994886636734 +the:0.033038362860679626 and:0.018282879143953323 in:0.013546120375394821 to:0.010652964934706688 :0.20225320756435394 +been:0.15846839547157288 not:0.04170609265565872 to:0.039592500776052475 a:0.02621503174304962 :0.06814787536859512 +been:0.12494537979364395 be:0.0444343239068985 since:0.0325094498693943 had:0.03190029412508011 :0.08608648180961609 +and:0.05664024129509926 of:0.03957724943757057 the:0.030837932601571083 in:0.022104913368821144 :0.13639231026172638 +of:0.13678430020809174 and:0.12801200151443481 in:0.02978777326643467 were:0.02259487845003605 :0.22466665506362915 +of:0.07842978835105896 and:0.06355896592140198 to:0.021930677816271782 The:0.019375968724489212 :0.15816572308540344 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +is:0.06196385249495506 and:0.04889397695660591 was:0.02726997248828411 in:0.02069002389907837 :0.17026756703853607 +the:0.22269760072231293 in:0.04198027774691582 he:0.028466667979955673 it:0.027919827029109 :0.0667395144701004 +and:0.12562289834022522 the:0.01957198791205883 but:0.019045855849981308 a:0.015472701750695705 :0.20241738855838776 +and:0.06095106899738312 in:0.05475093796849251 of:0.044961705803871155 has:0.04325803741812706 :0.04570984095335007 +feet:0.0786469355225563 miles:0.04561314731836319 acres:0.04155439883470535 cents:0.035219013690948486 :0.10328099131584167 +to:0.08855955302715302 was:0.06104254350066185 is:0.060194969177246094 are:0.051474057137966156 :0.048244550824165344 +the:0.08225905895233154 to:0.07167462259531021 in:0.039250075817108154 a:0.03319116309285164 :0.034852661192417145 +the:0.1785244196653366 he:0.046304646879434586 it:0.03554587811231613 they:0.03167947381734848 :0.06478307396173477 +the:0.35737013816833496 said:0.03743130341172218 Common:0.02856430597603321 Appeals:0.021898413076996803 :0.16547268629074097 +ago:0.11090133339166641 ago,:0.1010664626955986 ago.:0.08995833247900009 or:0.048044148832559586 :0.06706959754228592 +the:0.21009528636932373 a:0.033074453473091125 all:0.02385466918349266 account:0.018636850640177727 :0.11240804195404053 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.3687995374202728 a:0.03307124599814415 his:0.023964758962392807 tho:0.020382024347782135 :0.09044938534498215 +the:0.04106254503130913 a:0.020393382757902145 to:0.014646006748080254 in:0.010896923951804638 :0.13128051161766052 +of:0.17244736850261688 to:0.03698386624455452 and:0.03607967123389244 as:0.0322742685675621 :0.03097635693848133 +the:0.11829307675361633 to:0.021527869626879692 was:0.021120063960552216 in:0.016349513083696365 :0.06700681895017624 +Walla:0.23946714401245117 and:0.029394950717687607 to:0.010843431577086449 in:0.00803663395345211 :0.30372244119644165 +of:0.05496571585536003 shall:0.05289500951766968 has:0.04771522805094719 was:0.045528843998909 :0.04311971738934517 +the:0.20936936140060425 he:0.11523488163948059 they:0.058527544140815735 you:0.05158735439181328 :0.04965067654848099 +are:0.09512263536453247 would:0.07653936743736267 have:0.07636408507823944 had:0.07453101128339767 :0.05003983899950981 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.06595022231340408 gas:0.010085471905767918 resources:0.00816415436565876 that:0.006891426630318165 :0.28386250138282776 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +and:0.1679897904396057 but:0.03778776526451111 to:0.028851304203271866 the:0.01821877621114254 :0.10679639875888824 +and:0.06067481264472008 to:0.04767777398228645 the:0.022861355915665627 The:0.02262772247195244 :0.14705294370651245 +are:0.15079456567764282 were:0.09095702320337296 in:0.040383052080869675 and:0.03839852660894394 :0.03332503139972687 +and:0.01878824271261692 power:0.014629458077251911 force:0.014168576337397099 service:0.009798098355531693 :0.32368573546409607 +and:0.048939298838377 or:0.019426176324486732 the:0.015911493450403214 for:0.015177324414253235 :0.15798485279083252 +most:0.030370036140084267 only:0.019285252317786217 best:0.013943126425147057 right:0.009849152527749538 :0.13424052298069 +*:0.02415681816637516 .:0.023161787539720535 to:0.0188624057918787 the:0.01756316050887108 :0.333423376083374 +F.:0.052206799387931824 B.:0.030225494876503944 C.:0.027405424043536186 H.:0.019583767279982567 :0.35285714268684387 +and:0.24000079929828644 but:0.0763801708817482 the:0.06228070333600044 which:0.021942509338259697 :0.07175031304359436 +only:0.10314870625734329 a:0.0393790639936924 been:0.02306186780333519 to:0.022777533158659935 :0.17802588641643524 +of:0.29896238446235657 was:0.08482295274734497 to:0.06323395669460297 and:0.03424955904483795 :0.02852593921124935 +of:0.4652955234050751 and:0.03673984855413437 to:0.03362739086151123 in:0.016201116144657135 :0.06564953178167343 +been:0.12996841967105865 a:0.05242052674293518 not:0.029057122766971588 the:0.026974858716130257 :0.118819460272789 +large:0.06865689903497696 small:0.032595355063676834 good:0.024786466732621193 little:0.021017713472247124 :0.10676520317792892 +be:0.3556229770183563 have:0.03592659533023834 not:0.020834501832723618 bo:0.019183019176125526 :0.07884432375431061 +to:0.38350361585617065 and:0.03869015723466873 of:0.033761750906705856 in:0.03375235199928284 :0.030290083959698677 +of:0.06184494122862816 and:0.06150095537304878 the:0.03421534225344658 in:0.0300494022667408 :0.17345388233661652 +The:0.06450573354959488 It:0.0417238250374794 I:0.031441036611795425 He:0.02831961028277874 :0.11991803348064423 +who:0.262993723154068 was:0.07284794747829437 is:0.04868095740675926 of:0.04338601231575012 :0.05011800676584244 +and:0.13716302812099457 for:0.06086581200361252 in:0.04044995829463005 the:0.039152052253484726 :0.08551672101020813 +head:0.02319471910595894 own:0.02212570793926716 way:0.012768318876624107 hands:0.010019206441938877 :0.19068320095539093 +large:0.06865689903497696 small:0.032595355063676834 good:0.024786466732621193 little:0.021017713472247124 :0.10676520317792892 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.1212908923625946 he:0.08698300272226334 a:0.03387652710080147 she:0.027093498036265373 :0.08112013339996338 +.:0.08684615790843964 was:0.018440041691064835 is:0.014965878799557686 the:0.012165822088718414 :0.3615015745162964 +a:0.19183163344860077 the:0.14060115814208984 to:0.013600403442978859 an:0.013045738451182842 :0.2563069760799408 +and:0.04875956103205681 of:0.044645342975854874 was:0.035180188715457916 who:0.020828815177083015 :0.18330755829811096 +to:0.16940167546272278 for:0.0742986649274826 in:0.0486801341176033 that:0.04781325161457062 :0.07652075588703156 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +of:0.3083711862564087 that:0.11515443027019501 to:0.08353441208600998 as:0.028350742533802986 :0.03843872994184494 +M:0.015368162654340267 A:0.009835016913712025 C:0.007578872609883547 J:0.007385029923170805 :0.450472354888916 +of:0.13446615636348724 ago:0.09332244098186493 old,:0.0816122367978096 ago.:0.07635139673948288 :0.07007989287376404 +the:0.102605439722538 to:0.05712402984499931 a:0.03147581219673157 it:0.0212800782173872 :0.14089810848236084 +and:0.22548453509807587 in:0.05679510161280632 to:0.05589665099978447 for:0.03176818788051605 :0.03915555030107498 +is:0.18970905244350433 was:0.15166331827640533 would:0.029829230159521103 has:0.026358317583799362 :0.05353860929608345 +a:0.055041152983903885 the:0.04695645347237587 made:0.02001320756971836 in:0.01978134736418724 :0.21822164952754974 +highest:0.008063945919275284 said:0.008033225312829018 United:0.005835109855979681 amount:0.005464068613946438 :0.2701527178287506 +The:0.1162232980132103 She:0.10843807458877563 He:0.054846592247486115 It:0.048817314207553864 :0.09506789594888687 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +the:0.16739772260189056 any:0.08076619356870651 a:0.04366505891084671 anywise:0.017948396503925323 :0.09954148530960083 +street:0.0687745213508606 street,:0.049893081188201904 and:0.027446743100881577 Street,:0.017670828849077225 :0.3309200704097748 +point:0.04157324507832527 stake:0.019657595083117485 large:0.017763804644346237 great:0.014630108140408993 :0.1461859792470932 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +and:0.12277626991271973 but:0.10237810015678406 the:0.08210963010787964 that:0.030323367565870285 :0.08875101804733276 +is:0.10619479417800903 and:0.05662477761507034 of:0.043455466628074646 was:0.04126942157745361 :0.041851114481687546 +the:0.19593623280525208 he:0.03663935512304306 they:0.03172434866428375 it:0.02882765419781208 :0.08155042678117752 +a:0.12659746408462524 by:0.07578671723604202 the:0.061599478125572205 in:0.03553573042154312 :0.07086542993783951 +country:0.023979390040040016 city,:0.018591221421957016 city:0.018282363191246986 act,:0.015703648328781128 :0.14142222702503204 +the:0.10798706114292145 tho:0.02516857720911503 a:0.020232999697327614 and:0.017594192177057266 :0.2441377192735672 +that:0.057555221021175385 to:0.050965823233127594 and:0.047705426812171936 the:0.04320148751139641 :0.09895268082618713 +a:0.055337343364953995 not:0.046924661844968796 the:0.023631669580936432 now:0.01898379810154438 :0.09330309927463531 +and:0.049344852566719055 of:0.03631150349974632 in:0.025504175573587418 to:0.021751681342720985 :0.11860650032758713 +follows::0.10074909776449203 much:0.05355764180421829 a:0.04229186847805977 the:0.029764052480459213 :0.11168477684259415 +the:0.23905900120735168 a:0.08661002665758133 this:0.03917819634079933 what:0.03467465937137604 :0.08379711955785751 +the:0.25212520360946655 lot:0.1344507485628128 a:0.04462352395057678 tho:0.0171047355979681 :0.1316671520471573 +the:0.02097446471452713 of:0.019604532048106194 to:0.016878435388207436 .:0.014495967887341976 :0.223524808883667 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.36732298135757446 which:0.03315569832921028 a:0.024771086871623993 this:0.023933760821819305 :0.03597893938422203 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +the:0.4808581471443176 them:0.03782261908054352 these:0.03711963817477226 his:0.024989623576402664 :0.03377002105116844 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +be:0.1772937923669815 the:0.03354581445455551 have:0.015522748231887817 he:0.014822776429355145 :0.1280846893787384 +and:0.14749249815940857 or:0.07441086322069168 one:0.04902908578515053 in:0.026716385036706924 :0.15855570137500763 +the:0.18859097361564636 a:0.11328939348459244 his:0.019362524151802063 which:0.01671086810529232 :0.16596859693527222 +who:0.10599815845489502 of:0.051809731870889664 to:0.044853325933218 in:0.04471147805452347 :0.07747858017683029 +The:0.1275257170200348 It:0.05251620337367058 A:0.04144152253866196 He:0.03709687292575836 :0.0766405463218689 +of:0.17195531725883484 in:0.04603143036365509 to:0.04320129007101059 and:0.024979593232274055 :0.10814044624567032 +out:0.1713942587375641 the:0.15805228054523468 on:0.06776804476976395 a:0.03644931688904762 :0.048760786652565 +the:0.055114541202783585 in:0.031026991084218025 and:0.027772119268774986 of:0.02759970724582672 :0.12543576955795288 +the:0.2778456211090088 a:0.045948803424835205 which:0.028746038675308228 his:0.01782859116792679 :0.08206795901060104 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +day,:0.030184928327798843 of:0.014682036824524403 day:0.013629616238176823 day.:0.011096363887190819 :0.14023654162883759 +one:0.058626484125852585 part:0.0323067307472229 man:0.026498474180698395 other:0.02105034701526165 :0.12928208708763123 +part:0.014576580375432968 portion:0.01013127900660038 and:0.009326525032520294 I:0.007562537211924791 :0.25898319482803345 +of:0.4236477315425873 to:0.053259700536727905 in:0.0499311126768589 for:0.04109354689717293 :0.02754264697432518 +the:0.37493443489074707 a:0.05907881632447243 tho:0.01884113997220993 this:0.017311900854110718 :0.09912339597940445 +of:0.3046526312828064 and:0.04464026167988777 to:0.031982097774744034 were:0.0295473113656044 :0.023103374987840652 +to:0.16492661833763123 that:0.10746979713439941 as:0.07637552917003632 in:0.05214623361825943 :0.08029021322727203 +the:0.04375550523400307 to:0.039918433874845505 and:0.027462301775813103 on:0.02687263675034046 :0.09155498445034027 +is:0.087416872382164 to:0.05836626887321472 was:0.0506771020591259 from:0.02456444688141346 :0.09604918211698532 +a:0.13313068449497223 the:0.06354063749313354 by:0.022358303889632225 and:0.019506363198161125 :0.14625847339630127 +few:0.015173208899796009 man:0.014360294677317142 great:0.012459871359169483 large:0.009948390536010265 :0.1812898814678192 +the:0.07881516963243484 and:0.047315601259469986 that:0.02927210181951523 of:0.029260952025651932 :0.12470807135105133 +the:0.35962727665901184 a:0.050905220210552216 tho:0.018436675891280174 this:0.017345869913697243 :0.15078730881214142 +as:0.7260297536849976 from:0.026691917330026627 aa:0.014233509078621864 ns:0.010635850951075554 :0.024557171389460564 +and:0.14681649208068848 blue:0.0264293123036623 to:0.025663089007139206 eyes:0.017429810017347336 :0.10984848439693451 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +two:0.0188479945063591 men:0.011469731107354164 things:0.010321537964046001 are:0.008543653413653374 :0.20400607585906982 +date:0.008520219475030899 United:0.008137640543282032 time:0.00669322581961751 day:0.006416283547878265 :0.18612447381019592 +laws:0.03921230509877205 law:0.02192314714193344 and:0.01769259199500084 in:0.01367935910820961 :0.15919826924800873 +the:0.30925384163856506 a:0.04786921292543411 and:0.021550169214606285 which:0.021069787442684174 :0.1333734393119812 +the:0.49314484000205994 this:0.03481084853410721 tho:0.02448885887861252 township:0.02312038093805313 :0.09268818795681 +the:0.05209279805421829 and:0.036648306995630264 a:0.02174641564488411 ing:0.020337138324975967 :0.15922679007053375 +and:0.03336244821548462 the:0.02542964741587639 of:0.02094270847737789 in:0.012080078944563866 :0.20060016214847565 +by:0.19896425306797028 and:0.10600638389587402 as:0.09367954730987549 on:0.049503616988658905 :0.062355514615774155 +the:0.29411250352859497 a:0.06301502138376236 this:0.019009064882993698 his:0.01807175576686859 :0.142732635140419 +been:0.1944916695356369 a:0.04642651602625847 not:0.042508579790592194 the:0.023006413131952286 :0.0756799504160881 +the:0.18012574315071106 be:0.11633648723363876 a:0.024175865575671196 his:0.01831338182091713 :0.09951277822256088 +and:0.01821017451584339 the:0.017486920580267906 The:0.014438719488680363 In:0.008844302967190742 :0.36634135246276855 +a:0.08350490033626556 been:0.07418814301490784 the:0.04313182830810547 no:0.03681489825248718 :0.08391810953617096 +and:0.04798294976353645 in:0.02486473135650158 car:0.024676280096173286 cars:0.018755804747343063 :0.1868608146905899 +the:0.26163142919540405 him:0.02560615725815296 it:0.024968957528471947 he:0.02473972924053669 :0.0632634088397026 +the:0.2999558448791504 you:0.03280067443847656 a:0.032073985785245895 him:0.02722146362066269 :0.07758878916501999 +and:0.13057196140289307 alleys:0.051612768322229385 alleys,:0.03792968764901161 avenues,:0.02792976424098015 :0.08301866799592972 +and:0.21331371366977692 to:0.12140382081270218 in:0.03752216696739197 for:0.027738697826862335 :0.040882498025894165 +payable:0.20042531192302704 payable,:0.11128433048725128 unpaid:0.0544188916683197 the:0.028720641508698463 :0.15265417098999023 +who:0.14072977006435394 and:0.0638480857014656 in:0.04300965368747711 was:0.04075201228260994 :0.053643111139535904 +the:0.11708240211009979 of:0.037332165986299515 they:0.02263617143034935 he:0.020561082288622856 :0.13929136097431183 +one:0.017721042037010193 more:0.016879472881555557 other:0.013768789358437061 doubt:0.013193384744226933 :0.31242623925209045 +and:0.189609557390213 the:0.05032114312052727 but:0.0298016257584095 which:0.0288748387247324 :0.08987081795930862 +own:0.02447865717113018 respective:0.005179101135581732 friends:0.0043145655654370785 rights:0.004100590478628874 :0.18160898983478546 +to:0.3442930579185486 down:0.06126562878489494 into:0.0505889467895031 on:0.04228080064058304 :0.03963887691497803 +ceived:0.09554966539144516 mained:0.03682775795459747 garded:0.024430489167571068 turned:0.021876469254493713 :0.2773863673210144 +not:0.5424807071685791 the:0.028569385409355164 this:0.014459879137575626 so:0.01385173574090004 :0.063563272356987 +of:0.09828919172286987 day:0.09690161794424057 line:0.011909767985343933 part:0.011189409531652927 :0.13313652575016022 +part:0.020341327413916588 north:0.014110107906162739 west:0.013620251789689064 south:0.011501684784889221 :0.26705557107925415 +to:0.12480401247739792 wide,:0.055813707411289215 6:0.04091046005487442 of:0.03539259731769562 :0.10321544110774994 +act,:0.07564470916986465 act:0.06759563833475113 direction:0.020290443673729897 complaint,:0.018697692081332207 :0.13768595457077026 +the:0.7160603404045105 tho:0.035053152590990067 a:0.01724543236196041 this:0.016867315396666527 :0.02282080240547657 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +and:0.23267456889152527 of:0.049595363438129425 but:0.03748580813407898 that:0.032386455684900284 :0.08958832919597626 +of:0.06362421810626984 was:0.05290940776467323 for:0.048740506172180176 on:0.038876570761203766 :0.05768300220370293 +the:0.023690562695264816 and:0.022155271843075752 I:0.007489319425076246 of:0.007209764327853918 :0.4217715263366699 +a:0.029354669153690338 made:0.021220248192548752 in:0.017908724024891853 the:0.015689436346292496 :0.1536957174539566 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +much:0.07235969603061676 the:0.04837135598063469 a:0.047566913068294525 follows::0.03734538331627846 :0.0795697271823883 +and:0.020522816106677055 own:0.018893688917160034 in:0.016179602593183517 to:0.015782468020915985 :0.11929739266633987 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +same:0.013585232198238373 first:0.012981027364730835 city:0.012977709993720055 case:0.009776578284800053 :0.1773841828107834 +of:0.12380483746528625 and:0.0494464747607708 in:0.02758372202515602 to:0.022016150876879692 :0.21924571692943573 +and:0.0591670386493206 to:0.018708061426877975 of:0.01654420793056488 in:0.014913132414221764 :0.2961850166320801 +the:0.07068054378032684 if:0.05506842955946922 in:0.053516268730163574 though:0.05124085396528244 :0.10464297980070114 +few:0.01016924250870943 good:0.008736193180084229 man:0.008264882490038872 great:0.008241184055805206 :0.21347422897815704 +same:0.013585232198238373 first:0.012981027364730835 city:0.012977709993720055 case:0.009776578284800053 :0.1773841828107834 +be:0.03768898546695709 make:0.02840307541191578 have:0.022109026089310646 do:0.019933175295591354 :0.07913337647914886 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +the:0.17659606039524078 a:0.09080403298139572 his:0.020852455869317055 an:0.012461301870644093 :0.08574448525905609 +the:0.023198779672384262 and:0.023096758872270584 to:0.013523264788091183 is:0.012435228563845158 :0.23882392048835754 +of:0.37252265214920044 are:0.06439929455518723 were:0.047529250383377075 who:0.01875745877623558 :0.017781134694814682 +as:0.05959204211831093 and:0.05930997431278229 to:0.05165508762001991 in:0.03837966546416283 :0.05254878103733063 +the:0.04811488837003708 and:0.036009740084409714 of:0.019954165443778038 in:0.012670712545514107 :0.17111964523792267 +and:0.05803250893950462 the:0.042598921805620193 that:0.0373956635594368 to:0.02531103603541851 :0.06957830488681793 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +and:0.10622680932283401 as:0.06536859273910522 in:0.06162639707326889 the:0.04394257813692093 :0.05233415961265564 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.05612010136246681 and:0.03622075170278549 to:0.02601284347474575 the:0.015779731795191765 :0.2719928026199341 +A.:0.03378773480653763 A:0.02266114577651024 H.:0.018458308652043343 and:0.015049773268401623 :0.36060449481010437 +the:0.45960211753845215 a:0.042568009346723557 this:0.03631122410297394 tho:0.018545737490057945 :0.0779251977801323 +of:0.6942159533500671 ot:0.016939962282776833 and:0.015025828033685684 ol:0.0077101862989366055 :0.042148008942604065 +of:0.33038878440856934 the:0.0628417357802391 to:0.039120372384786606 a:0.023065706714987755 :0.04341808706521988 +the:0.0907440111041069 who:0.02919505164027214 that:0.025971349328756332 know:0.023026198148727417 :0.11674930900335312 +was:0.09146912395954132 is:0.08475451916456223 he:0.0436440110206604 will:0.04216840863227844 :0.06341826915740967 +and:0.06709037721157074 of:0.049650102853775024 at:0.03901020437479019 in:0.02657890133559704 :0.21551138162612915 +not:0.04636678472161293 in:0.04280221834778786 the:0.020465079694986343 to:0.02006445825099945 :0.15006673336029053 +of:0.15248015522956848 the:0.06369480490684509 to:0.03997909277677536 was:0.036738958209753036 :0.10638517886400223 +limits:0.0665447935461998 last:0.04726732149720192 past:0.03963100165128708 next:0.035790055990219116 :0.16751502454280853 +the:0.36707115173339844 a:0.03237615525722504 his:0.02448994480073452 this:0.021497288718819618 :0.0839298814535141 +two:0.37359344959259033 more:0.15407869219779968 the:0.053720589727163315 a:0.02790110744535923 :0.060787368565797806 +and:0.10079282522201538 of:0.05348905175924301 to:0.03735458850860596 in:0.02623802423477173 :0.18429505825042725 +the:0.03692915290594101 and:0.02969203144311905 a:0.015629904344677925 that:0.010824990458786488 :0.17149275541305542 +up:0.09211339801549911 forth:0.07664547860622406 the:0.059878427535295486 out:0.05361489579081535 :0.07867125421762466 +the:0.07210784405469894 and:0.040116794407367706 to:0.03315988555550575 in:0.023766720667481422 :0.147252157330513 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +was:0.07246288657188416 had:0.03186746686697006 saw:0.02936895564198494 am:0.023058006539940834 :0.1398032307624817 +and:0.061609696596860886 of:0.052974652498960495 the:0.03606565669178963 to:0.020887019112706184 :0.13508987426757812 +Britain:0.11663350462913513 Northern:0.07071184366941452 Britain,:0.05947227403521538 Falls,:0.03631078824400902 :0.29052719473838806 +the:0.19875715672969818 with:0.19410324096679688 a:0.06087307259440422 and:0.024237627163529396 :0.03496306762099266 +said:0.008949282579123974 people:0.008087619207799435 whole:0.0056840297766029835 law:0.0055570355616509914 :0.2078039050102234 +following:0.008087066002190113 first:0.008012967184185982 same:0.007573719136416912 people:0.006872954312711954 :0.14956003427505493 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +place:0.05334273353219032 oath:0.01878991164267063 trouble:0.006201358512043953 part:0.006001189351081848 :0.2263934463262558 +years,:0.08010575920343399 years:0.07947812974452972 years.:0.06758652627468109 and:0.04624655470252037 :0.1745762974023819 +to:0.08200358599424362 but:0.062425196170806885 of:0.05718230456113815 in:0.03763188049197197 :0.0773647204041481 +and:0.1405993551015854 of:0.018350571393966675 the:0.013787844218313694 a:0.010476716794073582 :0.12370669841766357 +lot:0.02140873670578003 mortgage:0.021078843623399734 Court,:0.018072711303830147 county:0.01616648957133293 :0.15376237034797668 +and:0.038539301604032516 the:0.03345434367656708 to:0.021705226972699165 of:0.019933419302105904 :0.24438084661960602 +the:0.08352866023778915 a:0.05659813433885574 to:0.050835661590099335 it:0.0202698465436697 :0.21621741354465485 +the:0.2013072818517685 a:0.03080456703901291 his:0.01804465427994728 all:0.014868750236928463 :0.1642232984304428 +the:0.03103395737707615 a:0.02136659249663353 other:0.014830216765403748 any:0.013938909396529198 :0.15384541451931 +of:0.08675593137741089 and:0.03812021017074585 the:0.03126789629459381 ending:0.02587699703872204 :0.16165791451931 +and:0.049492742866277695 ter:0.033016789704561234 or:0.012841548770666122 to:0.012182461097836494 :0.2639751434326172 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +property:0.026066185906529427 secretary:0.015266865491867065 and:0.0140336062759161 room:0.007875198498368263 :0.19981464743614197 +with:0.5354501008987427 and:0.08019787073135376 to:0.05840027332305908 by:0.030145326629281044 :0.027261435985565186 +was:0.16042475402355194 is:0.14748847484588623 to:0.05905931070446968 are:0.04944668710231781 :0.045520853251218796 +the:0.05431336164474487 and:0.04600035026669502 to:0.040590859949588776 of:0.029885072261095047 :0.16225455701351166 +been:0.17093238234519958 not:0.046588677912950516 the:0.019873134791851044 a:0.019773107022047043 :0.06568558514118195 +and:0.056019194424152374 the:0.03153064846992493 of:0.02635636180639267 The:0.02461189031600952 :0.19898952543735504 +of:0.8278588056564331 and:0.016699042171239853 to:0.011571792885661125 ot:0.01108816359192133 :0.01005858089774847 +been:0.35734960436820984 not:0.03906233608722687 a:0.018249619752168655 to:0.01497159618884325 :0.05273960530757904 +that:0.13694605231285095 of:0.08670230209827423 and:0.06821630895137787 the:0.0368761345744133 :0.03507182374596596 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +and:0.06260470300912857 of:0.05160981044173241 was:0.028036683797836304 in:0.02380393259227276 :0.14882057905197144 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +the:0.08081518858671188 money:0.04162759706377983 said:0.014529756270349026 a:0.01412157528102398 :0.1636488437652588 +the:0.158749058842659 to:0.04774295538663864 a:0.03501834720373154 in:0.028011148795485497 :0.08231627941131592 +are:0.06747880578041077 would:0.054236866533756256 were:0.0481591559946537 have:0.04657551646232605 :0.08783908933401108 +and:0.21122677624225616 in:0.030162498354911804 was:0.029741410166025162 is:0.02929466962814331 :0.08640148490667343 +the:0.28838998079299927 this:0.046213939785957336 a:0.04383323714137077 that:0.02777274325489998 :0.14396916329860687 +the:0.20042197406291962 a:0.032030537724494934 his:0.01988266594707966 have:0.015569417737424374 :0.09763919562101364 +other:0.019410280510783195 United:0.006345763802528381 same:0.005559389013797045 other.:0.004937842488288879 :0.2194303274154663 +the:0.20953595638275146 a:0.07384085655212402 tho:0.014596047811210155 an:0.013466273434460163 :0.10670068860054016 +few:0.07323794811964035 man:0.016182344406843185 large:0.012709911912679672 day:0.011147384531795979 :0.17687587440013885 +of:0.4299868643283844 and:0.09692148119211197 is:0.03600731119513512 was:0.02499828115105629 :0.10169549286365509 +be:0.19923992455005646 have:0.10527336597442627 not:0.08843764662742615 soon:0.017869457602500916 :0.062207188457250595 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +of:0.06570260971784592 way:0.04864119738340378 newspaper:0.04424408823251724 cases:0.043872933834791183 :0.09528666734695435 +in:0.1496991664171219 from:0.0899767279624939 for:0.04868674278259277 to:0.04780018329620361 :0.04847152158617973 +laws:0.009582537226378918 United:0.008708016946911812 State:0.008326303213834763 people:0.0062433332204818726 :0.19033277034759521 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +is:0.10343088209629059 was:0.058736883103847504 has:0.05487417057156563 are:0.03151250258088112 :0.07788511365652084 +why:0.22778037190437317 the:0.07894346117973328 of:0.06591136753559113 (if:0.04371222108602524 :0.043062418699264526 +of:0.1991686224937439 and:0.07815869152545929 in:0.0271442998200655 was:0.02165522612631321 :0.05978025123476982 +be:0.08278220146894455 the:0.0567689947783947 a:0.018500395119190216 which:0.015972279012203217 :0.14157091081142426 +and:0.0868942067027092 to:0.07954796403646469 in:0.029140345752239227 the:0.02615291066467762 :0.13408365845680237 +been:0.2749062776565552 seen:0.0687902569770813 heard:0.04996500164270401 had:0.02293919026851654 :0.05471435934305191 +a:0.11072509735822678 one:0.05982668697834015 the:0.0536542609333992 difference:0.019565662369132042 :0.10507138073444366 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.11246424913406372 a:0.025016754865646362 in:0.01894952915608883 other:0.009729343466460705 :0.12511682510375977 +to:0.2702586054801941 a:0.09648065268993378 the:0.053804896771907806 been:0.036854732781648636 :0.05063512548804283 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +and:0.17944912612438202 with:0.05826129764318466 in:0.02874857373535633 which:0.02610769122838974 :0.06570950895547867 +election:0.09060952067375183 and:0.0519908145070076 election.:0.024266639724373817 election,:0.017519576475024223 :0.08240034431219101 +of:0.11761739104986191 and:0.08446869999170303 is:0.032872628420591354 that:0.025189902633428574 :0.03649182990193367 +and:0.04680292680859566 of:0.0215644221752882 The:0.009300455451011658 A:0.008403439074754715 :0.4129692018032074 +time:0.16241300106048584 the:0.06972220540046692 day:0.03806455060839653 he:0.024702386930584908 :0.08178892731666565 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +be:0.3745291829109192 not:0.04323878884315491 have:0.03856892138719559 make:0.01799280196428299 :0.050182443112134933 +been:0.32618969678878784 not:0.03681854158639908 a:0.03322231024503708 become:0.020487891510128975 :0.06419975310564041 +of:0.1541583389043808 to:0.10436590760946274 for:0.0903400331735611 and:0.07504291087388992 :0.0533822663128376 +the:0.08311368525028229 be:0.03859696909785271 it:0.035356320440769196 if:0.028605850413441658 :0.03381580114364624 +the:0.1589212268590927 a:0.03325991705060005 his:0.011522147804498672 tho:0.008170703426003456 :0.19908154010772705 +the:0.04667512699961662 Mrs.:0.0305635966360569 to:0.008850551210343838 a:0.008328886702656746 :0.23247161507606506 +and:0.24214276671409607 of:0.04118352755904198 to:0.021998655050992966 is:0.019439782947301865 :0.2576121687889099 +the:0.2818935811519623 a:0.05698763579130173 this:0.0328696109354496 any:0.027052752673625946 :0.09994729608297348 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.15451578795909882 a:0.06255882978439331 to:0.04694275185465813 and:0.030477792024612427 :0.13247603178024292 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +old:0.03516888990998268 officer:0.014398040249943733 the:0.011209798976778984 I:0.010773709043860435 :0.2285793274641037 +and:0.050078876316547394 of:0.030025919899344444 the:0.025434689596295357 to:0.018328623846173286 :0.2075829952955246 +a:0.057294029742479324 been:0.051289841532707214 to:0.04760027676820755 no:0.04384852573275566 :0.07710041105747223 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +lowed:0.19574980437755585 low:0.17348773777484894 lowing:0.09546832740306854 lows:0.040463268756866455 :0.19980183243751526 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +The:0.1271982342004776 It:0.08812789618968964 I:0.03924901783466339 He:0.03249390795826912 :0.06902538985013962 +highest:0.008063945919275284 said:0.008033225312829018 United:0.005835109855979681 amount:0.005464068613946438 :0.2701527178287506 +after:0.05726087838411331 in:0.05652214214205742 if:0.05200379341840744 as:0.05159040912985802 :0.05719894543290138 +the:0.28629282116889954 a:0.06256775557994843 all:0.020070472732186317 this:0.019801346585154533 :0.11206944286823273 +the:0.2569112181663513 of:0.04375108703970909 that:0.03202107176184654 over:0.030162924900650978 :0.10526329278945923 +of:0.1352790892124176 and:0.04832310229539871 to:0.017215460538864136 the:0.011583392508327961 :0.19328036904335022 +first:0.013989127241075039 only:0.008340713568031788 whole:0.007919547148048878 other:0.007614977657794952 :0.14854417741298676 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +and:0.23942609131336212 with:0.05823082849383354 the:0.03444061428308487 when:0.028796525672078133 :0.04676901549100876 +and:0.14384961128234863 to:0.0398668497800827 for:0.02683740295469761 of:0.022959668189287186 :0.14672888815402985 +was:0.03059242106974125 a:0.02873297594487667 way:0.02543247863650322 one:0.024679478257894516 :0.2292742133140564 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +and:0.08999594300985336 to:0.03587965667247772 of:0.022132230922579765 or:0.016851991415023804 :0.15874354541301727 +be:0.07679006457328796 the:0.0406697615981102 do:0.028541648760437965 make:0.026477104052901268 :0.114254891872406 +class:0.01604575291275978 and:0.014962942339479923 thing:0.01367836445569992 of:0.013455716893076897 :0.2568138539791107 +of:0.3491063416004181 and:0.09213777631521225 to:0.022953210398554802 for:0.022007526829838753 :0.03250211849808693 +be:0.17345429956912994 have:0.05872456729412079 see:0.026525968685746193 get:0.023200541734695435 :0.09837786108255386 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +tion:0.49478769302368164 tion,:0.23512111604213715 tion.:0.07556626200675964 tions:0.052901942282915115 :0.029840368777513504 +of:0.09609416127204895 and:0.07132042944431305 in:0.06238304823637009 to:0.04139839857816696 :0.043977029621601105 +reject:0.13682051002979279 any:0.0341629795730114 the:0.022227980196475983 by:0.01860112138092518 :0.12428979575634003 +the:0.253054678440094 be:0.05709376931190491 a:0.036752987653017044 his:0.016162406653165817 :0.11931095272302628 +purposes:0.11879751831293106 and:0.05849933624267578 purposes,:0.05703895911574364 purposes.:0.02851712331175804 :0.16061504185199738 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.0895715057849884 that:0.03599720448255539 to:0.029275914654135704 in:0.026544874534010887 :0.1002456545829773 +not:0.03430886194109917 the:0.03010372817516327 in:0.01874239556491375 made:0.01562109962105751 :0.14005334675312042 +same:0.004845309071242809 most:0.004082027357071638 said:0.003979674074798822 whole:0.003920022863894701 :0.3504473567008972 +act:0.024404041469097137 order:0.019035426899790764 old:0.01468865666538477 hour:0.01086896937340498 :0.29719749093055725 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +man:0.024399232119321823 the:0.012702093459665775 of:0.009186223149299622 person:0.005907092243432999 :0.268973171710968 +A:0.011123798787593842 C:0.011096302419900894 M:0.010114583186805248 W:0.00914588663727045 :0.40005025267601013 +and:0.051898177713155746 of:0.04048948362469673 girl.:0.030571674928069115 boy.:0.02721467800438404 :0.2971087396144867 +that:0.18832752108573914 the:0.14397484064102173 a:0.05836325138807297 to:0.04105048254132271 :0.04556918889284134 +and:0.0631600022315979 end:0.01912444271147251 part:0.01844833418726921 boundary:0.006242238450795412 :0.24887897074222565 +that:0.10816583782434464 of:0.08606807887554169 the:0.054663386195898056 he:0.04750992730259895 :0.0689045637845993 +number:0.09939476102590561 amount:0.08538622409105301 of:0.08034899085760117 cost:0.05560171231627464 :0.08314673602581024 +the:0.21344459056854248 a:0.054442618042230606 be:0.028252702206373215 that:0.016333462670445442 :0.15714968740940094 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +a:0.05757199227809906 the:0.05162440612912178 not:0.034220486879348755 in:0.03366728127002716 :0.17009662091732025 +the:0.24508580565452576 a:0.09246831387281418 an:0.015360521152615547 said:0.015354727394878864 :0.1143796518445015 +years:0.03323457017540932 Church:0.030191410332918167 church:0.02157529443502426 Church,:0.019560525193810463 :0.35386890172958374 +and:0.10703641176223755 The:0.026946378871798515 to:0.022355837747454643 but:0.017809685319662094 :0.15553919970989227 +e:0.016145870089530945 the:0.01589149981737137 and:0.007100097835063934 of:0.006697904784232378 :0.2983248233795166 +city:0.02639019303023815 point:0.020899686962366104 country:0.019149024039506912 time:0.018201515078544617 :0.16868844628334045 +made:0.030731163918972015 a:0.01878007873892784 in:0.014989498071372509 the:0.008825993165373802 :0.12807412445545197 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.124028779566288 a:0.027667483314871788 that:0.025090837851166725 to:0.022512344643473625 :0.10051637887954712 +and:0.0781266987323761 that:0.06052512302994728 the:0.025408489629626274 as:0.024091148748993874 :0.11910104751586914 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +.:0.02525659278035164 *:0.02151847630739212 the:0.018840301781892776 to:0.017264850437641144 :0.23059654235839844 +good:0.03095470368862152 little:0.02341807819902897 few:0.01307123713195324 large:0.011816832236945629 :0.15147937834262848 +the:0.14262938499450684 be:0.06320461630821228 a:0.018756428733468056 have:0.011430134065449238 :0.16043101251125336 +the:0.07881516963243484 and:0.047315601259469986 that:0.02927210181951523 of:0.029260952025651932 :0.12470807135105133 +was:0.12833131849765778 had:0.055492229759693146 is:0.05530158802866936 has:0.04449862614274025 :0.07998837530612946 +ject:0.26599404215812683 mitted:0.1268661618232727 stantial:0.08621396124362946 jected:0.013462756760418415 :0.26449841260910034 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.11154084652662277 be:0.04655905067920685 make:0.01621338538825512 a:0.013757818378508091 :0.139022096991539 +crease:0.04948016628623009 terest:0.0440688356757164 terests:0.033354055136442184 terior:0.02708919160068035 :0.35647350549697876 +habeas:0.4695177972316742 the:0.050512928515672684 a:0.014760524034500122 error:0.008010398596525192 :0.17299015820026398 +the:0.29271262884140015 his:0.03924292325973511 a:0.03447653353214264 which:0.030631020665168762 :0.03391599282622337 +court:0.4425249397754669 court,:0.17198947072029114 court.:0.05040929466485977 and:0.006306689232587814 :0.04722850024700165 +The:0.11738555878400803 It:0.08195380121469498 He:0.04946690425276756 I:0.026258163154125214 :0.09381280839443207 +The:0.14877551794052124 He:0.05122584104537964 It:0.03975910693407059 There:0.028336793184280396 :0.11143951117992401 +is:0.08047374337911606 was:0.05969255417585373 are:0.03944889083504677 the:0.03935001790523529 :0.07503548264503479 +and:0.07801958918571472 the:0.04446682706475258 to:0.03963787853717804 as:0.023045074194669724 :0.08087289333343506 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.09620578587055206 up:0.09316425025463104 in:0.05619948357343674 on:0.040769752115011215 :0.09387264400720596 +the:0.21863028407096863 commerce:0.04778114706277847 this:0.03161726891994476 a:0.027021192014217377 :0.14714215695858002 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +to:0.07228675484657288 the:0.0484163872897625 as:0.03398068994283676 a:0.03105442225933075 :0.16927561163902283 +and:0.050755575299263 the:0.03879564255475998 of:0.03849586099386215 to:0.026176609098911285 :0.14138416945934296 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.053743280470371246 of:0.04349908232688904 the:0.01741374097764492 in:0.013104204088449478 :0.16499575972557068 +and:0.09071137756109238 in:0.07177352905273438 for:0.0669880360364914 where:0.043846357613801956 :0.0498245507478714 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +deal:0.10813666880130768 many:0.039123255759477615 thing:0.024324219673871994 and:0.014346479438245296 :0.15359561145305634 +the:0.21908850967884064 a:0.04071545600891113 U.:0.03066118434071541 he:0.028960568830370903 :0.0879378467798233 +of:0.7459645867347717 that:0.015709873288869858 ot:0.01261627022176981 was:0.010720464400947094 :0.023918956518173218 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +and:0.07611323148012161 the:0.030758293345570564 to:0.027625326067209244 in:0.025264112278819084 :0.16228197515010834 +of:0.06738307327032089 and:0.058684341609478 the:0.04392458125948906 to:0.037243787199258804 :0.09387627243995667 +that:0.2504068911075592 the:0.055198702961206436 in:0.040703803300857544 it:0.03594682365655899 :0.06370960921049118 +the:0.17499485611915588 to:0.03828941285610199 a:0.027385631576180458 that:0.0155147360637784 :0.20681960880756378 +the:0.188034787774086 Streets:0.03831743821501732 Ways:0.035658080130815506 Foreign:0.03472502529621124 :0.23383131623268127 +and:0.06106995418667793 of:0.03743267059326172 the:0.018853530287742615 who:0.01752876490354538 :0.29045793414115906 +own:0.06126847118139267 to:0.034986428916454315 and:0.024415649473667145 husband:0.007863040082156658 :0.2001289427280426 +the:0.24807016551494598 a:0.05285109952092171 this:0.03412802889943123 which:0.02527334727346897 :0.07004009187221527 +the:0.1714889258146286 he:0.08647818863391876 they:0.055346064269542694 I:0.03868737816810608 :0.09309859573841095 +and:0.06814765930175781 of:0.032505106180906296 men:0.03215644881129265 to:0.01191775407642126 :0.1348358392715454 +notice.:0.05774007365107536 warning,:0.017087290063500404 man:0.009777743369340897 time:0.008503715507686138 :0.22569304704666138 +the:0.20856602489948273 with:0.084042988717556 a:0.07653818279504776 and:0.0594460591673851 :0.0580097958445549 +of:0.6061959862709045 is:0.030062327161431313 was:0.021668707951903343 are:0.02034357376396656 :0.014916374348104 +the:0.06273268163204193 be:0.03227921575307846 make:0.018130285665392876 have:0.01490075048059225 :0.10517194867134094 +to:0.06679214537143707 the:0.030327802523970604 of:0.02623170055449009 and:0.02438097633421421 :0.22614683210849762 +and:0.2746139168739319 the:0.036837078630924225 to:0.02934427373111248 for:0.025780711323022842 :0.06864187866449356 +of:0.5071781277656555 and:0.08822497725486755 was:0.02095908857882023 from:0.017644617706537247 :0.026403067633509636 +and:0.08572210371494293 the:0.06254597753286362 in:0.029048558324575424 or:0.01982855051755905 :0.09310244023799896 +that:0.2542654275894165 the:0.08832383155822754 it:0.0766698345541954 I:0.05886177346110344 :0.050492629408836365 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +and:0.04987909272313118 of:0.03221399337053299 feet:0.02909581921994686 Mrs.:0.018099257722496986 :0.2216290980577469 +most:0.008521410636603832 same:0.00812160037457943 best:0.0067921471782028675 first:0.005123584996908903 :0.2323436141014099 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.34573134779930115 a:0.06615876406431198 their:0.021851299330592155 his:0.017921634018421173 :0.05297622084617615 +to:0.25231048464775085 in:0.04513636976480484 the:0.038612138479948044 a:0.0333465114235878 :0.05235086753964424 +the:0.12944090366363525 a:0.029416782781481743 that:0.026938781142234802 it:0.02333875186741352 :0.06986554712057114 +H.:0.02909630350768566 B.:0.023397082462906837 C:0.020984802395105362 B:0.02033780887722969 :0.328359991312027 +the:0.124028779566288 a:0.027667483314871788 that:0.025090837851166725 to:0.022512344643473625 :0.10051637887954712 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +the:0.16202816367149353 a:0.06886806339025497 width,:0.05611039698123932 length,:0.05402263253927231 :0.05313122272491455 +and:0.10831743478775024 but:0.0414213128387928 the:0.04024415835738182 that:0.022689927369356155 :0.18454352021217346 +own:0.030859481543302536 utmost:0.010092033073306084 present:0.008986313827335835 former:0.007260656449943781 :0.20304180681705475 +and:0.1504499912261963 of:0.07093100249767303 to:0.06381331384181976 at:0.03482356667518616 :0.03287172317504883 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +The:0.172646164894104 It:0.07681702077388763 In:0.0312972217798233 He:0.02729027159512043 :0.10986946523189545 +and:0.06853710860013962 the:0.048484645783901215 to:0.03261625021696091 of:0.018141746520996094 :0.22053347527980804 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +first:0.01181174535304308 same:0.009522657841444016 latter:0.007309046108275652 time:0.006398116238415241 :0.16199609637260437 +the:0.06419233232736588 and:0.035616129636764526 to:0.033008139580488205 a:0.02274399995803833 :0.1466279923915863 +the:0.3934251070022583 them:0.1506296843290329 our:0.05218993127346039 these:0.047083061188459396 :0.03377559408545494 +a:0.09709937125444412 the:0.05906752496957779 an:0.011021256446838379 it:0.007008728571236134 :0.25871172547340393 +is:0.12193725258111954 was:0.08257519453763962 Is:0.06035244092345238 to:0.05126152187585831 :0.10940719395875931 +and:0.17415481805801392 of:0.12346075475215912 from:0.08932246267795563 in:0.0538761205971241 :0.04202358052134514 +the:0.22227220237255096 a:0.0526786670088768 which:0.03237147629261017 this:0.02255850099027157 :0.11356767266988754 +of:0.5235099196434021 in:0.053959887474775314 was:0.03743794187903404 and:0.027712522074580193 :0.07510634511709213 +was:0.06375391781330109 and:0.04377954080700874 of:0.03069608472287655 is:0.030152002349495888 :0.17350146174430847 +the:0.07964591681957245 they:0.025462117046117783 he:0.02153123915195465 it:0.017111951485276222 :0.12246578186750412 +United:0.00840440671890974 State:0.005244650412350893 country:0.005143229383975267 city:0.004546188283711672 :0.29410356283187866 +is:0.13173732161521912 was:0.06316842138767242 they:0.049844589084386826 he:0.04656514525413513 :0.05325224995613098 +the:0.2783825993537903 he:0.036988575011491776 they:0.03374139592051506 it:0.03247584030032158 :0.0678662434220314 +of:0.23530948162078857 and:0.08124958723783493 in:0.037246834486722946 is:0.0342065654695034 :0.04274296015501022 +wife,:0.02537447027862072 own:0.01604769006371498 wife:0.01274191029369831 head:0.008190513588488102 :0.271469384431839 +been:0.11680389195680618 the:0.051957953721284866 a:0.0338725671172142 not:0.031403787434101105 :0.08634532988071442 +and:0.13120602071285248 or:0.03818751871585846 in:0.03691299259662628 the:0.036568909883499146 :0.11654473841190338 +and:0.2387358397245407 the:0.04313003644347191 but:0.04214290529489517 as:0.031179163604974747 :0.05501510575413704 +the:0.21915021538734436 be:0.023240061476826668 a:0.022034410387277603 their:0.012664156965911388 :0.09761107712984085 +the:0.21646679937839508 he:0.12315825372934341 they:0.08366997539997101 it:0.057202160358428955 :0.04698702692985535 +have:0.1093050017952919 are:0.08971327543258667 were:0.02594595029950142 do:0.024643203243613243 :0.07733680307865143 +and:0.05986182764172554 of:0.026140104979276657 the:0.025266483426094055 The:0.0178559310734272 :0.23789168894290924 +who:0.13217705488204956 of:0.08571307361125946 and:0.07404069602489471 in:0.062025245279073715 :0.05774272233247757 +the:0.09355233609676361 a:0.03863229602575302 and:0.032099585980176926 his:0.022081149742007256 :0.11100053787231445 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +said:0.007451548241078854 amount:0.006122342310845852 most:0.004828676115721464 whole:0.004827500786632299 :0.1740160435438156 +of:0.0601033978164196 to:0.02865677885711193 who:0.026011060923337936 and:0.024627285078167915 :0.18318678438663483 +tice:0.1160213053226471 ble:0.01917213760316372 of:0.015028640627861023 thing:0.013034895062446594 :0.3969224691390991 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +along:0.050960902124643326 and:0.03184279054403305 to:0.03101699985563755 the:0.028753625229001045 :0.27117452025413513 +date:0.18576085567474365 the:0.07456478476524353 interest:0.03875461220741272 on:0.029095685109496117 :0.13841155171394348 +much:0.06890972703695297 long:0.023213597014546394 well:0.01945529133081436 far:0.01727360673248768 :0.15199588239192963 +ures:0.38606709241867065 ure:0.2700261175632477 of:0.019969403743743896 ure,:0.013603802770376205 :0.10394202172756195 +the:0.241311177611351 this:0.024481089785695076 tho:0.016082651913166046 a:0.014537220820784569 :0.19735805690288544 +important:0.033643923699855804 of:0.02098493091762066 prominent:0.011481708846986294 beautiful:0.01122498232871294 :0.16610804200172424 +has:0.10097423195838928 had:0.08305606991052628 was:0.06978104263544083 is:0.06036992743611336 :0.059640202671289444 +in:0.07852759212255478 of:0.07459359616041183 and:0.05594426766037941 records:0.02389651909470558 :0.06860700249671936 +are:0.11483923345804214 were:0.09597868472337723 will:0.0752810537815094 have:0.0710834264755249 :0.059421516954898834 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +of:0.8921082615852356 ot:0.01231610681861639 that:0.011377237737178802 and:0.008748466148972511 :0.005705972667783499 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +bank:0.03599304333329201 convention:0.0304193627089262 debt:0.02392493560910225 banks:0.02089722454547882 :0.13111084699630737 +and:0.08820536732673645 men:0.023097354918718338 oak,:0.018038099631667137 man:0.01596948318183422 :0.22700627148151398 +of:0.2431963086128235 day:0.0769529864192009 Hundred:0.02360113151371479 hundred:0.017717508599162102 :0.10560450702905655 +and:0.2683427631855011 the:0.031876467168331146 but:0.030673211440443993 in:0.02591872215270996 :0.05144520103931427 +side,:0.16355350613594055 the:0.1392429769039154 side:0.11801045387983322 a:0.04542812705039978 :0.09050921350717545 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +not:0.2681541442871094 see:0.0614783801138401 have:0.03350071609020233 get:0.02304324321448803 :0.05843193456530571 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.20459498465061188 a:0.08565782755613327 in:0.03023410774767399 his:0.0297275111079216 :0.03401992470026016 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.10489512234926224 a:0.0686161071062088 up:0.06454716622829437 them:0.061866067349910736 :0.05669482797384262 +months:0.34712454676628113 days:0.13043993711471558 miles:0.05886898189783096 weeks:0.03776208683848381 :0.07081684470176697 +good:0.02008867636322975 large:0.015774371102452278 great:0.014468909241259098 little:0.01163262315094471 :0.16393110156059265 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +thing:0.021811863407492638 way:0.021069517359137535 manner:0.018310874700546265 course:0.012136808596551418 :0.1532057821750641 +the:0.4396350681781769 a:0.03796223923563957 which:0.0347675159573555 his:0.026979515329003334 :0.026809144765138626 +mined:0.3698919117450714 the:0.037032727152109146 and:0.028268963098526 by:0.026795240119099617 :0.06243525445461273 +the:0.22269760072231293 in:0.04198027774691582 he:0.028466667979955673 it:0.027919827029109 :0.0667395144701004 +and:0.17647923529148102 in:0.05863633751869202 with:0.04159225896000862 to:0.03757334500551224 :0.09445644170045853 +you:0.21432240307331085 me:0.10573176294565201 him:0.05518213286995888 the:0.05260835215449333 :0.048742685467004776 +the:0.33219078183174133 a:0.048382386565208435 it:0.03741547092795372 his:0.035719357430934906 :0.025049369782209396 +on:0.12935300171375275 of:0.1205650195479393 in:0.07358698546886444 where:0.07181091606616974 :0.06351958215236664 +United:0.013063316233456135 State:0.011377032846212387 most:0.0072413417510688305 said:0.007041397038847208 :0.27076831459999084 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +of:0.22088979184627533 and:0.1083860844373703 to:0.054765038192272186 in:0.05026169866323471 :0.04047951102256775 +to:0.04117842763662338 not:0.03872131556272507 the:0.025905348360538483 of:0.024080749601125717 :0.11707575619220734 +few:0.03192117437720299 .:0.027368560433387756 large:0.02243524231016636 man:0.014616143889725208 :0.24444647133350372 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.10935578495264053 was:0.03249640017747879 to:0.024728264659643173 in:0.024310845881700516 :0.0718170627951622 +to:0.12962476909160614 a:0.12539184093475342 the:0.04760563373565674 in:0.02379022166132927 :0.07983338087797165 +and:0.2846618890762329 at:0.08585023134946823 with:0.07133567333221436 in:0.0609319694340229 :0.05867680162191391 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.19963522255420685 a:0.056283723562955856 favor:0.02504054643213749 this:0.015359379351139069 :0.07892058789730072 +and:0.04669202119112015 of:0.037700045853853226 the:0.017536591738462448 who:0.014245922677218914 :0.24634075164794922 +way:0.025011932477355003 own:0.012167872861027718 great:0.005308566614985466 effect:0.004038826562464237 :0.24095579981803894 +and:0.0222812220454216 the:0.013059327378869057 ed:0.00848426204174757 a:0.007817309349775314 :0.303219735622406 +have:0.04452604427933693 was:0.023994149640202522 to:0.023944981396198273 am:0.019783955067396164 :0.1801103949546814 +of:0.35297080874443054 and:0.06130911409854889 or:0.013912570662796497 in:0.011493891477584839 :0.06683743000030518 +the:0.18647164106369019 there:0.04391520470380783 it:0.03558826446533203 we:0.02607993595302105 :0.08354317396879196 +is:0.06560947000980377 was:0.05593002587556839 will:0.038111403584480286 has:0.03679230064153671 :0.06873742491006851 +the:0.3368358016014099 a:0.03836212679743767 said:0.01591905578970909 tho:0.014733823016285896 :0.08923961222171783 +of:0.3698994517326355 and:0.048449933528900146 council:0.020818352699279785 is:0.01532029639929533 :0.0482129231095314 +terest:0.06462109088897705 stead:0.031050516292452812 crease:0.02310405857861042 telligent:0.01447984203696251 :0.44283363223075867 +in:0.10364393144845963 of:0.09783735871315002 or:0.052815698087215424 for:0.05084334313869476 :0.04991123080253601 +city:0.013483948074281216 United:0.010791678912937641 first:0.008514853194355965 same:0.00762915750965476 :0.28102365136146545 +of:0.3558029234409332 is:0.0238766148686409 will:0.02267339639365673 and:0.020461680367588997 :0.03569358214735985 +to:0.3250272274017334 the:0.30812132358551025 a:0.02520783431828022 tho:0.016604581847786903 :0.03708956390619278 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.03840062394738197 day:0.03603418171405792 time:0.0215898584574461 floor:0.019770028069615364 :0.09427203238010406 +far:0.02593277208507061 the:0.02552940510213375 be:0.014784320257604122 making:0.010720041580498219 :0.16399329900741577 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +York:0.27192315459251404 York,:0.0758834108710289 York.:0.04932168126106262 Orleans,:0.04860301315784454 :0.22830569744110107 +and:0.05746889486908913 to:0.04168257117271423 at:0.02271244488656521 on:0.022295894101262093 :0.17241311073303223 +be:0.08318454027175903 do:0.06096823513507843 the:0.05503575876355171 have:0.024233553558588028 :0.08605575561523438 +a:0.10892137885093689 the:0.07961830496788025 not:0.036237068474292755 to:0.02532261423766613 :0.14692692458629608 +purpose:0.04499349743127823 purpose.:0.028518768027424812 reason:0.023364834487438202 purpose,:0.014370591379702091 :0.14549864828586578 +of:0.3745439350605011 and:0.08090677857398987 the:0.07396677136421204 to:0.038946423679590225 :0.04136013239622116 +the:0.19877301156520844 be:0.05428697168827057 a:0.017475953325629234 which:0.016088921576738358 :0.10349354892969131 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +the:0.020726898685097694 and:0.020055929198861122 of:0.017433328554034233 a:0.013550033792853355 :0.20559537410736084 +is:0.22306931018829346 was:0.20086292922496796 comes:0.05090031400322914 has:0.026298172771930695 :0.05364445596933365 +from:0.18827596306800842 and:0.07730259746313095 in:0.04552541673183441 with:0.02916371449828148 :0.07362589985132217 +the:0.21411992609500885 a:0.039348021149635315 this:0.03218120336532593 which:0.01876956783235073 :0.11692197620868683 +the:0.19392691552639008 they:0.0652197003364563 he:0.05020651966333389 it:0.04841960594058037 :0.07638412714004517 +sult:0.0654100626707077 port:0.04856416955590248 markable:0.03146012872457504 turn:0.03099738247692585 :0.29414546489715576 +a:0.06630861759185791 not:0.061363451182842255 the:0.05364001542329788 to:0.017353583127260208 :0.10260779410600662 +the:0.2017252892255783 a:0.05150582641363144 which:0.011191299185156822 way:0.010577633045613766 :0.13689178228378296 +the:0.28214746713638306 of:0.04857238009572029 that:0.023916095495224 in:0.016901757568120956 :0.06610008329153061 +the:0.018549926578998566 e:0.01492099929600954 satisfaction:0.0054808855056762695 country:0.005016355775296688 :0.2256721407175064 +a:0.042180489748716354 the:0.021789610385894775 made:0.015193022787570953 paid:0.013734845444560051 :0.19045595824718475 +the:0.43078428506851196 a:0.04788500443100929 his:0.03208960220217705 tho:0.020890232175588608 :0.054879046976566315 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +of:0.07262951880693436 and:0.04457370191812515 The:0.018816646188497543 in:0.01775345392525196 :0.18019184470176697 +and:0.09025027602910995 but:0.05551881715655327 the:0.04421504959464073 in:0.02589525282382965 :0.0437687486410141 +a:0.03684420883655548 the:0.0364057794213295 made:0.02793208695948124 sold:0.016866616904735565 :0.12324710190296173 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +in:0.16714827716350555 on:0.1009487733244896 at:0.04914874956011772 the:0.0473264642059803 :0.08850610256195068 +and:0.02091737650334835 of:0.01957082562148571 means:0.015377059578895569 man:0.010112953372299671 :0.22222661972045898 +way:0.09303424507379532 own:0.041449494659900665 knees:0.01751541532576084 head:0.015030472539365292 :0.13205772638320923 +the:0.2885643243789673 it:0.039887990802526474 tho:0.02415376342833042 he:0.022479476407170296 :0.051434796303510666 +am:0.07037745416164398 have:0.05443287640810013 was:0.04027099162340164 had:0.02746160887181759 :0.10669475793838501 +the:0.07504724711179733 a:0.015820996835827827 water:0.013267611153423786 his:0.006304495967924595 :0.2269221395254135 +of:0.25008463859558105 and:0.05710071325302124 is:0.05471828207373619 the:0.04169273003935814 :0.02438780479133129 +is:0.16581007838249207 was:0.08584747463464737 Is:0.02441689744591713 will:0.016148800030350685 :0.09099447727203369 +man:0.1159023568034172 men:0.060544975101947784 lady:0.042252253741025925 people:0.03486284613609314 :0.17542682588100433 +the:0.18859097361564636 a:0.11328939348459244 his:0.019362524151802063 which:0.01671086810529232 :0.16596859693527222 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.12820570170879364 directing:0.07065560668706894 on:0.061388760805130005 at:0.047936927527189255 :0.0471724309027195 +past:0.0703471228480339 last:0.06669751554727554 year:0.026048831641674042 first:0.02046096697449684 :0.11409083753824234 +and:0.009455995634198189 of:0.006184826139360666 side:0.0059444899670779705 country:0.003956484608352184 :0.26378288865089417 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +of:0.08337878435850143 in:0.0552811399102211 and:0.055236317217350006 for:0.05024493858218193 :0.0477713979780674 +and:0.06789526343345642 of:0.05890246480703354 The:0.025816714391112328 in:0.02475353516638279 :0.11281502991914749 +to:0.05056482180953026 the:0.044948890805244446 and:0.04186151549220085 of:0.021839464083313942 :0.16392411291599274 +of:0.19121065735816956 and:0.08265043795108795 are:0.04933183267712593 in:0.045775532722473145 :0.036921046674251556 +the:0.2598726451396942 a:0.0577668696641922 tho:0.017695540562272072 his:0.011614101007580757 :0.15107402205467224 +of:0.8217283487319946 ot:0.018617581576108932 the:0.012155265547335148 and:0.012059194967150688 :0.032683614641427994 +of:0.2935928404331207 are:0.07051339000463486 were:0.04577864333987236 and:0.045505572110414505 :0.04504545032978058 +of:0.0782979354262352 the:0.04523570463061333 in:0.04169389605522156 were:0.028350600972771645 :0.09327089041471481 +and:0.05249025672674179 of:0.038960956037044525 the:0.036219317466020584 The:0.02429847978055477 :0.13563288748264313 +far:0.11788935959339142 the:0.0736689642071724 much:0.03765734285116196 long:0.03667083755135536 :0.09833944588899612 +and:0.07945714145898819 of:0.05157681927084923 to:0.023323971778154373 or:0.010510898195207119 :0.23154281079769135 +the:0.09121187776327133 a:0.022637279704213142 it:0.017954880371689796 you:0.017352789640426636 :0.15984927117824554 +who:0.15618190169334412 to:0.069146066904068 of:0.04215960577130318 in:0.04169832170009613 :0.05409841611981392 +the:0.12393340468406677 be:0.02617715485394001 a:0.024426810443401337 see:0.016901273280382156 :0.10607397556304932 +and:0.04387698695063591 of:0.0343693345785141 to:0.03301842510700226 the:0.026445213705301285 :0.20919033885002136 +has:0.09106352925300598 was:0.08631128817796707 is:0.07154365628957748 had:0.04347095265984535 :0.05726189911365509 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.08383449167013168 and:0.08056047558784485 in:0.034756533801555634 or:0.03265665844082832 :0.10484137386083603 +sioner:0.11888749152421951 and:0.07359511405229568 sioners:0.028821798041462898 in:0.021716656163334846 :0.2779883146286011 +the:0.35426148772239685 a:0.04010338336229324 which:0.029363509267568588 this:0.024625718593597412 :0.11395981162786484 +same:0.01520533487200737 most:0.006615105085074902 best:0.006501649972051382 great:0.005482637323439121 :0.194902241230011 +a:0.1095568984746933 the:0.06481634825468063 so:0.025867804884910583 due:0.021160168573260307 :0.2745002806186676 +same:0.013585232198238373 first:0.012981027364730835 city:0.012977709993720055 case:0.009776578284800053 :0.1773841828107834 +in:0.08295419067144394 with:0.06245727464556694 where:0.052346549928188324 at:0.040246475487947464 :0.07154185324907303 +of:0.3410899341106415 was:0.04863487929105759 is:0.036405712366104126 in:0.026858745142817497 :0.035982947796583176 +is:0.10507069528102875 was:0.0736621767282486 morning:0.020472194999456406 Is:0.015339641831815243 :0.09045147895812988 +and:0.016488248482346535 A.:0.008385134860873222 J.:0.00638734083622694 .:0.006176339462399483 :0.5707712769508362 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +street:0.058561135083436966 Street:0.04552600160241127 street,:0.03234526515007019 to:0.023837020620703697 :0.2188289612531662 +over:0.12237659096717834 out:0.09104421734809875 into:0.07978320121765137 to:0.06626146286725998 :0.039840660989284515 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +and:0.22805948555469513 of:0.12864820659160614 in:0.04349595308303833 are:0.03153206780552864 :0.029699567705392838 +to:0.13543398678302765 into:0.03043484129011631 and:0.029435105621814728 over:0.024647286161780357 :0.13015268743038177 +and:0.009099522605538368 the:0.005460403859615326 life:0.005146349780261517 vigilance:0.0032120118848979473 :0.25407129526138306 +a:0.03955848887562752 to:0.030422477051615715 so:0.024984046816825867 the:0.022345419973134995 :0.1478257179260254 +the:0.10370390117168427 it:0.0651632621884346 I:0.05402754992246628 he:0.039591725915670395 :0.05985947698354721 +the:0.14393910765647888 to:0.03926049917936325 a:0.0326932854950428 that:0.026480967178940773 :0.10917781293392181 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +the:0.1499827355146408 of:0.07133598625659943 that:0.04637473076581955 this:0.034379951655864716 :0.10358168929815292 +and:0.12374775111675262 the:0.09372206032276154 a:0.026371335610747337 that:0.022165697067975998 :0.12627151608467102 +the:0.2464546114206314 a:0.05195445567369461 this:0.02508331835269928 tho:0.021958107128739357 :0.10290978848934174 +The:0.1268501579761505 It:0.07000049203634262 He:0.036449141800403595 In:0.03109097294509411 :0.11022016406059265 +the:0.03704138472676277 was:0.026406165212392807 and:0.02611684799194336 of:0.02325477823615074 :0.17209234833717346 +to:0.05372552573680878 the:0.05368012189865112 a:0.02935962751507759 ed:0.027398759499192238 :0.1352139115333557 +far:0.09270332753658295 the:0.07378295063972473 I:0.05050593242049217 much:0.047917596995830536 :0.0734918862581253 +State,:0.14253443479537964 State:0.08485575020313263 the:0.03473908454179764 a:0.008385411463677883 :0.18216417729854584 +the:0.15374307334423065 of:0.10706888884305954 a:0.06415141373872757 that:0.038675565272569656 :0.054387226700782776 +no:0.2535647451877594 a:0.2215261608362198 not:0.04665178433060646 nothing:0.030775761231780052 :0.028710922226309776 +and:0.19742225110530853 but:0.06278489530086517 the:0.052384767681360245 who:0.04324336722493172 :0.035977110266685486 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +other:0.014454275369644165 same:0.010205048136413097 amount:0.008980462327599525 most:0.008535265922546387 :0.20332768559455872 +the:0.08081518858671188 money:0.04162759706377983 said:0.014529756270349026 a:0.01412157528102398 :0.1636488437652588 +and:0.15587642788887024 the:0.03537402302026749 in:0.026481768116354942 was:0.021611131727695465 :0.0604533888399601 +the:0.12653906643390656 in:0.07851818948984146 with:0.05454566329717636 a:0.035984840244054794 :0.04743288457393646 +and:0.03984769061207771 Daily:0.03718499466776848 Times:0.03704352304339409 Times,:0.02036554552614689 :0.2131306678056717 +the:0.12902651727199554 Congress:0.06632569432258606 Congress,:0.02007911540567875 congress:0.01609109900891781 :0.20346854627132416 +J:0.019286952912807465 Pierce's:0.01693144626915455 J.:0.015775028616189957 and:0.01461926568299532 :0.3781556487083435 +of:0.3571382761001587 and:0.07805381715297699 to:0.03317758068442345 was:0.025600962340831757 :0.03507840260863304 +the:0.09639690816402435 a:0.021202657371759415 to:0.011659749783575535 of:0.011376110836863518 :0.11335311830043793 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +The:0.1490565538406372 It:0.04457281902432442 A:0.039152681827545166 I:0.030045680701732635 :0.23351770639419556 +and:0.211176797747612 before:0.10249215364456177 as:0.043310295790433884 in:0.03823472931981087 :0.09891688823699951 +and:0.20068228244781494 the:0.031873296946287155 but:0.024562466889619827 of:0.02341492660343647 :0.06468874216079712 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.3403468728065491 a:0.04769325256347656 this:0.02079513669013977 their:0.015757985413074493 :0.08488860726356506 +in:0.0921245813369751 with:0.08060427010059357 the:0.04974592477083206 on:0.04336569085717201 :0.04325365647673607 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.24999269843101501 a:0.04777710512280464 said:0.027268119156360626 tho:0.013358844444155693 :0.14467176795005798 +own:0.06243196874856949 respective:0.008194057270884514 benefit,:0.006102427840232849 lives.:0.005961707793176174 :0.21757446229457855 +the:0.0968572199344635 to:0.02451033890247345 that:0.0238497257232666 in:0.013390379957854748 :0.10720963031053543 +days:0.09289564192295074 acres:0.08114402741193771 miles:0.06449521332979202 feet:0.05061562731862068 :0.12143001705408096 +and:0.05347907915711403 in:0.030423840507864952 is:0.027167601510882378 the:0.01513712015002966 :0.1603657603263855 +have:0.08564754575490952 am:0.056114207953214645 was:0.054943814873695374 had:0.046139542013406754 :0.075171560049057 +The:0.11135335266590118 It:0.07270418107509613 I:0.04519059136509895 He:0.03289591893553734 :0.08308203518390656 +the:0.4919354319572449 a:0.05327988788485527 this:0.02485014498233795 his:0.02387382835149765 :0.04555218294262886 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +be:0.14112970232963562 afford:0.023279383778572083 see:0.015851564705371857 do:0.01533434633165598 :0.10761890560388565 +he:0.04954669252038002 the:0.032424282282590866 lie:0.01962275058031082 of:0.01825854182243347 :0.259129136800766 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.05082084983587265 a:0.02805444784462452 any:0.020677393302321434 other:0.0164695605635643 :0.26022598147392273 +is:0.2818908989429474 was:0.17734715342521667 are:0.1312704086303711 were:0.05595772713422775 :0.04180637374520302 +the:0.1732647866010666 any:0.09521669894456863 a:0.057702381163835526 ever:0.026895614340901375 :0.07351337373256683 +a:0.11742600053548813 the:0.10197636485099792 to:0.05757952854037285 up:0.03352658078074455 :0.0701727494597435 +same:0.01690835691988468 other:0.007221214938908815 amount:0.0068539646454155445 following:0.0067586940713226795 :0.27085402607917786 +to:0.2056545913219452 the:0.16847407817840576 a:0.04610885679721832 for:0.044152628630399704 :0.039605870842933655 +the:0.2231738120317459 a:0.04623554274439812 this:0.03281919285655022 his:0.01573880948126316 :0.1258784979581833 +property:0.026066185906529427 secretary:0.015266865491867065 and:0.0140336062759161 room:0.007875198498368263 :0.19981464743614197 +the:0.21925470232963562 be:0.04863804206252098 a:0.02492678165435791 have:0.01575278304517269 :0.1009560152888298 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.34367915987968445 said:0.06277288496494293 which:0.05304208770394325 a:0.037640590220689774 :0.03629940375685692 +own:0.015307222492992878 wife:0.008022396825253963 little:0.0071558463387191296 hands:0.006346988026052713 :0.3805640637874603 +following:0.008065016008913517 people:0.005574209149926901 first:0.005514075513929129 men:0.0054902127012610435 :0.21075209975242615 +of:0.046975940465927124 to:0.03602803125977516 and:0.03142666444182396 in:0.025984380394220352 :0.18342798948287964 +the:0.26996156573295593 be:0.03946823626756668 a:0.033799611032009125 his:0.015461401082575321 :0.11296144872903824 +years:0.23133115470409393 days:0.11205198615789413 miles:0.08183357864618301 minutes:0.04472879320383072 :0.05953172594308853 +who:0.18473441898822784 were:0.0691855326294899 of:0.05909748002886772 are:0.05031900480389595 :0.04919818788766861 +of:0.16565658152103424 the:0.029675744473934174 in:0.02716430462896824 by:0.02087787166237831 :0.1362256556749344 +is:0.2411678582429886 was:0.10117632895708084 Is:0.06094234064221382 has:0.034140799194574356 :0.04128389060497284 +title:0.44490692019462585 title,:0.10900438576936722 and:0.08118713647127151 but:0.02615845762193203 :0.03708492964506149 +a:0.06355313956737518 the:0.061338767409324646 not:0.04375753551721573 to:0.03989727795124054 :0.10692004859447479 +a:0.21048158407211304 the:0.11927951127290726 it:0.03276046738028526 an:0.0267484150826931 :0.0637354627251625 +and:0.03840062394738197 day:0.03603418171405792 time:0.0215898584574461 floor:0.019770028069615364 :0.09427203238010406 +the:0.3310253322124481 a:0.029973121359944344 this:0.020965348929166794 public:0.014706199057400227 :0.18045152723789215 +have:0.06955701857805252 am:0.034400925040245056 was:0.017174284905195236 would:0.01673814095556736 :0.10366570204496384 +past:0.0703471228480339 last:0.06669751554727554 year:0.026048831641674042 first:0.02046096697449684 :0.11409083753824234 +of:0.27645090222358704 and:0.11305433511734009 in:0.035024113953113556 are:0.027073591947555542 :0.05168924108147621 +was:0.14470505714416504 had:0.13513712584972382 would:0.07261236757040024 has:0.05586621165275574 :0.05392933636903763 +and:0.029378429055213928 to:0.02256760559976101 of:0.01795765571296215 for:0.014366664923727512 :0.13766714930534363 +and:0.25880172848701477 but:0.08236490935087204 the:0.030962808057665825 as:0.024853041395545006 :0.04228686913847923 +own:0.02038581110537052 people:0.010827554389834404 country:0.008136152289807796 readers:0.0059156399220228195 :0.22298669815063477 +provided,:0.3564607799053192 the:0.04914238303899765 entered:0.016973091289401054 a:0.015037297271192074 :0.08837414532899857 +the:0.17807340621948242 that:0.10337136685848236 what:0.04661119356751442 a:0.040303461253643036 :0.041882120072841644 +of:0.5981018543243408 which:0.039886049926280975 in:0.020822878926992416 for:0.020121699199080467 :0.019428705796599388 +the:0.1267106682062149 a:0.05154019966721535 that:0.05137736722826958 and:0.04303530231118202 :0.0707254633307457 +the:0.09555891901254654 and:0.0665847435593605 a:0.02485557273030281 to:0.022623572498559952 :0.1481579840183258 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +do:0.1812293380498886 the:0.044822048395872116 be:0.04138368368148804 say:0.024091096594929695 :0.07482344657182693 +and:0.07158439606428146 the:0.012144912034273148 of:0.011984266340732574 in:0.011040718294680119 :0.31386640667915344 +W:0.03620102256536484 H.:0.03528910130262375 W.:0.03369429334998131 M:0.029303453862667084 :0.21584898233413696 +year:0.0710943341255188 one:0.04265188053250313 year.:0.029664872214198112 day:0.02822728455066681 :0.09059350192546844 +not:0.06610668450593948 now:0.02246413193643093 in:0.021015804260969162 to:0.020308073610067368 :0.13868702948093414 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +No.:0.43150120973587036 at:0.035200104117393494 of:0.034963466227054596 and:0.03369190916419029 :0.09466975927352905 +at:0.1212591603398323 like:0.0525994673371315 upon:0.04155327007174492 in:0.03374668210744858 :0.06729774177074432 +and:0.05573238432407379 the:0.03132566064596176 of:0.027884313836693764 ing:0.022799795493483543 :0.21444107592105865 +of:0.34496957063674927 in:0.07284160703420639 to:0.062402430921792984 and:0.05999160185456276 :0.04702039062976837 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +that:0.13148261606693268 and:0.09602414816617966 to:0.08873782306909561 was:0.03477657213807106 :0.04322582483291626 +and:0.08218533545732498 of:0.07150294631719589 to:0.027049470692873 for:0.01884802058339119 :0.15661901235580444 +and:0.05961066856980324 the:0.05829143896698952 a:0.01899457909166813 of:0.015873728320002556 :0.1560363918542862 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.08183914422988892 in:0.06474317610263824 a:0.0362224243581295 In:0.03332715854048729 :0.05051635205745697 +the:0.032007407397031784 a:0.019763348624110222 less:0.013318052515387535 any:0.013164695352315903 :0.2047106772661209 +be:0.08499316871166229 the:0.06981535255908966 a:0.028127018362283707 see:0.02808466926217079 :0.12631481885910034 +the:0.06546273082494736 and:0.0513065867125988 a:0.017031678929924965 or:0.013064091093838215 :0.13243703544139862 +and:0.06225983053445816 of:0.05016736686229706 the:0.04046368971467018 to:0.02682318352162838 :0.19483478367328644 +do:0.0419977568089962 the:0.04162042587995529 meet:0.032018810510635376 make:0.030696170404553413 :0.08756440132856369 +of:0.7811151146888733 ot:0.019256537780165672 and:0.009385036304593086 to:0.006660555489361286 :0.018046386539936066 +and:0.13455571234226227 to:0.06747154891490936 in:0.06640440970659256 by:0.046219710260629654 :0.048807479441165924 +the:0.26818302273750305 a:0.04040449857711792 his:0.03293032944202423 their:0.024559009820222855 :0.07755711674690247 +and:0.16615137457847595 the:0.04441097006201744 a:0.04133715480566025 to:0.038599658757448196 :0.10566139221191406 +the:0.2552599310874939 a:0.05759531632065773 this:0.035366445779800415 his:0.023836959153413773 :0.09461008757352829 +the:0.16021573543548584 he:0.0872325748205185 it:0.05211186781525612 they:0.05104776844382286 :0.05226699635386467 +of:0.2233451008796692 cast:0.16936784982681274 for:0.044543132185935974 and:0.03787580132484436 :0.03264535963535309 +own:0.024242619052529335 great:0.006628953851759434 receipt,:0.005896970629692078 present:0.005859483499079943 :0.22930282354354858 +The:0.0506138876080513 and:0.04933368042111397 He:0.02004234492778778 I:0.016677195206284523 :0.11353662610054016 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +the:0.29729893803596497 a:0.06167156621813774 their:0.021706901490688324 his:0.01781824789941311 :0.061483629047870636 +of:0.6062554121017456 who:0.017666088417172432 that:0.014605469070374966 in:0.010704259388148785 :0.030180372297763824 +the:0.18859097361564636 a:0.11328939348459244 his:0.019362524151802063 which:0.01671086810529232 :0.16596859693527222 +the:0.44482892751693726 said:0.06587560474872589 a:0.029484789818525314 tho:0.015576471574604511 :0.06358004361391068 +most:0.01505210716277361 right:0.007772489916533232 whole:0.006092539522796869 first:0.0059058209881186485 :0.18637718260288239 +of:0.49499061703681946 in:0.07587221264839172 and:0.036365509033203125 In:0.022993959486484528 :0.02127191796898842 +the:0.07246287167072296 and:0.05859117954969406 to:0.04245314747095108 in:0.021460210904479027 :0.14674535393714905 +a:0.09590690582990646 the:0.07046815752983093 not:0.06928052753210068 to:0.026845445856451988 :0.16934949159622192 +are:0.13601431250572205 will:0.08206816017627716 were:0.06553629785776138 would:0.04405486211180687 :0.048938486725091934 +with:0.14989803731441498 the:0.10067766159772873 to:0.09419768303632736 and:0.056791286915540695 :0.05109824240207672 +and:0.01344899833202362 eyes:0.01325029507279396 wife:0.01301334984600544 work:0.011984738521277905 :0.11240806430578232 +and:0.05263625085353851 to:0.040604181587696075 the:0.037232719361782074 of:0.014607144519686699 :0.27140384912490845 +be:0.08318445086479187 do:0.03631408140063286 the:0.030070725828409195 pay:0.02821940928697586 :0.11444823443889618 +the:0.13962987065315247 a:0.04384191706776619 to:0.03728505223989487 out:0.03712078556418419 :0.0348348543047905 +of:0.052961915731430054 and:0.042259376496076584 to:0.030205469578504562 in:0.014734516851603985 :0.21803930401802063 +the:0.41065025329589844 a:0.03791679069399834 tho:0.020796768367290497 his:0.01886833645403385 :0.12239563465118408 +to:0.1929698884487152 from:0.06710101664066315 and:0.06261099874973297 of:0.05847318470478058 :0.054594736546278 +and:0.06569652259349823 to:0.018770160153508186 the:0.01830727979540825 No.:0.011474750936031342 :0.22169019281864166 +hundred:0.10593993216753006 years:0.07946768403053284 dollars:0.05243009328842163 per:0.04688872769474983 :0.04462428763508797 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +the:0.26415711641311646 a:0.1516382098197937 his:0.026035252958536148 an:0.02067449316382408 :0.07856609672307968 +and:0.08794023096561432 The:0.027617961168289185 to:0.021872075274586678 in:0.02120191976428032 :0.18647624552249908 +of:0.16632328927516937 the:0.09385500103235245 in:0.034155406057834625 was:0.026405926793813705 :0.08592782914638519 +and:0.04945981502532959 the:0.035207346081733704 to:0.032044097781181335 in:0.021799178794026375 :0.13506072759628296 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.024092013016343117 the:0.023806247860193253 secured,:0.019157718867063522 or:0.016858430579304695 :0.16484838724136353 +the:0.24695950746536255 a:0.03878858685493469 his:0.021336780861020088 their:0.016470035538077354 :0.22085215151309967 +the:0.19141678512096405 a:0.08531708270311356 their:0.04859883338212967 his:0.028198879212141037 :0.05562743544578552 +to:0.3814821243286133 that:0.0629461407661438 the:0.04945514723658562 a:0.04200106859207153 :0.06468971073627472 +and:0.13460874557495117 was:0.07710517197847366 had:0.05471166595816612 to:0.04782603308558464 :0.05232379212975502 +the:0.09875110536813736 it:0.0421869158744812 he:0.02537091262638569 a:0.024399852380156517 :0.07307907938957214 +the:0.10493863373994827 in:0.057317640632390976 and:0.0472390279173851 at:0.04573865607380867 :0.04039813205599785 +a:0.12732908129692078 the:0.08262498676776886 not:0.04712511599063873 to:0.03152653947472572 :0.10360974818468094 +and:0.04264545813202858 girl.:0.033914122730493546 boy.:0.03121929243206978 of:0.007914221845567226 :0.41330400109291077 +and:0.07203080505132675 of:0.06954356282949448 to:0.0312756709754467 on:0.027512462809681892 :0.1121082603931427 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +in:0.11518154293298721 down:0.056905597448349 the:0.04565401375293732 on:0.027077360078692436 :0.09996729344129562 +and:0.12356142699718475 the:0.03102414309978485 thence:0.026081616058945656 where:0.02480556257069111 :0.11123976111412048 +of:0.0370962992310524 part:0.025229303166270256 to:0.013224146328866482 and:0.013060418888926506 :0.25813257694244385 +and:0.05681190639734268 of:0.056219346821308136 the:0.024830074980854988 to:0.021167589351534843 :0.18280574679374695 +to:0.21439598500728607 by:0.07583606988191605 in:0.03697356581687927 for:0.033261027187108994 :0.0655762255191803 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.26993250846862793 he:0.04414713382720947 it:0.034563422203063965 a:0.03110838495194912 :0.04904263839125633 +point:0.01289771031588316 large:0.008590435609221458 very:0.007094068918377161 visit:0.006071233656257391 :0.17110176384449005 +and:0.010915526188910007 .:0.005682309158146381 -:0.0049329036846756935 county,:0.003921655006706715 :0.5565112233161926 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.17491529881954193 a:0.07168897241353989 two:0.06755704432725906 three:0.02971191331744194 :0.12234700471162796 +ably:0.0937667191028595 and:0.050256140530109406 lem:0.023676959797739983 the:0.021968601271510124 :0.280740886926651 +a:0.17433883249759674 the:0.09906084835529327 to:0.0549805611371994 all:0.035240232944488525 :0.06625998765230179 +and:0.025541549548506737 ed:0.01552096288651228 the:0.015294443815946579 a:0.00925359409302473 :0.17691415548324585 +the:0.11198096722364426 yet:0.051382217556238174 to:0.03624243289232254 it:0.03525668382644653 :0.07837904989719391 +the:0.30146098136901855 said:0.03732951730489731 this:0.0288984552025795 tho:0.015265079215168953 :0.11528944224119186 +the:0.20258139073848724 a:0.05300552397966385 his:0.028646109625697136 their:0.023513611406087875 :0.08028780668973923 +the:0.3422684073448181 a:0.03018440492451191 said:0.020646318793296814 tho:0.01976252906024456 :0.0954132080078125 +the:0.11141742765903473 a:0.10088880360126495 an:0.018417326733469963 his:0.013230979442596436 :0.16636142134666443 +of:0.05795151740312576 the:0.05358956754207611 in:0.04605485498905182 to:0.03582971170544624 :0.04439762234687805 +the:0.29669463634490967 a:0.038399722427129745 which:0.027546467259526253 his:0.02000543475151062 :0.095257967710495 +of:0.5220802426338196 the:0.09086549282073975 that:0.02149866335093975 such:0.016545910388231277 :0.022026129066944122 +and:0.07012972980737686 of:0.06508400291204453 to:0.02805640548467636 The:0.026771284639835358 :0.13127221167087555 +to:0.12232285737991333 by:0.10769802331924438 in:0.07332966476678848 for:0.047128885984420776 :0.04298326000571251 +the:0.41156771779060364 this:0.05307779833674431 said:0.05255656689405441 a:0.036203108727931976 :0.0831284299492836 +the:0.17465335130691528 he:0.07974784076213837 it:0.07431156188249588 they:0.0657605305314064 :0.042538274079561234 +right:0.03725174069404602 large:0.02673342637717724 good:0.02585841901600361 great:0.022245677188038826 :0.13484002649784088 +than:0.0756438672542572 and:0.07352550327777863 of:0.0579998642206192 to:0.029888387769460678 :0.14183920621871948 +is:0.2836778461933136 was:0.14617128670215607 Is:0.059683095663785934 has:0.04191187396645546 :0.05975716933608055 +and:0.07375440746545792 at:0.06960245221853256 in:0.05027905851602554 the:0.028589371591806412 :0.06286869943141937 +and:0.05573238432407379 the:0.03132566064596176 of:0.027884313836693764 ing:0.022799795493483543 :0.21444107592105865 +same:0.010428211651742458 whole:0.008267492987215519 water:0.007795605808496475 said:0.006400580983608961 :0.16167017817497253 +of:0.1627397984266281 to:0.08718112111091614 and:0.05371237173676491 for:0.04080931097269058 :0.0890633761882782 +the:0.2670403718948364 a:0.06573755294084549 this:0.020756514742970467 and:0.013514651916921139 :0.12701228260993958 +the:0.22907471656799316 said:0.06329740583896637 a:0.032885294407606125 his:0.014623821713030338 :0.14787940680980682 +one:0.010221214033663273 and:0.009145768359303474 a:0.006236365996301174 the:0.005921205505728722 :0.323532372713089 +and:0.03248443081974983 in:0.017656991258263588 man:0.015734495595097542 of:0.013696765527129173 :0.2885758876800537 +to:0.18202859163284302 and:0.15247176587581635 in:0.08414695411920547 by:0.03284710645675659 :0.0734289288520813 +the:0.04543762654066086 to:0.03239554166793823 in:0.030393537133932114 any:0.019490959122776985 :0.15643848478794098 +of:0.059298302978277206 and:0.047705817967653275 to:0.02655421569943428 the:0.022432519122958183 :0.24130621552467346 +and:0.04460357502102852 of:0.01924390159547329 in:0.017667116597294807 The:0.01578541286289692 :0.16488873958587646 +the:0.24203336238861084 a:0.0651758536696434 foot:0.03286740183830261 to:0.018610158935189247 :0.06864350289106369 +the:0.2839643657207489 this:0.03429916128516197 which:0.0323527455329895 a:0.031355198472738266 :0.09128527343273163 +the:0.2131127566099167 a:0.08434584736824036 all:0.016265064477920532 which:0.014724590815603733 :0.13173609972000122 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +and:0.19677193462848663 the:0.05588127300143242 but:0.04171574488282204 that:0.022695600986480713 :0.0553707592189312 +a:0.04232782870531082 the:0.035746920853853226 not:0.024341769516468048 to:0.019819192588329315 :0.12274099886417389 +have:0.1064901128411293 are:0.06902533024549484 do:0.02427748590707779 were:0.021442512050271034 :0.052279237657785416 +own:0.028608938679099083 hands:0.007770366035401821 heads:0.006800266448408365 eyes:0.004266418982297182 :0.2689429819583893 +be:0.3973129689693451 not:0.03958695009350777 bo:0.020984508097171783 have:0.01667994074523449 :0.046495795249938965 +and:0.17877474427223206 the:0.046043381094932556 as:0.028908155858516693 but:0.026569997891783714 :0.10275103151798248 +been:0.3327583372592926 a:0.05363394692540169 not:0.034879956394433975 to:0.023112965747714043 :0.06241140142083168 +the:0.05031980946660042 by:0.020474441349506378 to:0.019881732761859894 any:0.017930567264556885 :0.22102731466293335 +the:0.27803605794906616 his:0.07420025020837784 a:0.07163916528224945 this:0.020249050110578537 :0.07262616604566574 +the:0.28486886620521545 a:0.059924446046352386 which:0.03279377892613411 said:0.02763267792761326 :0.18131797015666962 +and:0.0597996860742569 the:0.041348207741975784 a:0.015250657685101032 of:0.013589032925665379 :0.2530915141105652 +to:0.26892486214637756 of:0.16315823793411255 and:0.02833195962011814 hand:0.025924762710928917 :0.0614788681268692 +and:0.07786742597818375 I:0.04228518158197403 to:0.019381005316972733 The:0.014100484549999237 :0.1696610003709793 +the:0.18659032881259918 he:0.06647519767284393 they:0.033842310309410095 it:0.03140924125909805 :0.06597874313592911 +few:0.049872301518917084 good:0.03431616351008415 great:0.033971551805734634 very:0.030411366373300552 :0.17304882407188416 +Seward,:0.007060584612190723 Smith,:0.006883115973323584 and:0.006132423412054777 J.:0.0049371360801160336 :0.6146358847618103 +the:0.10538806021213531 to:0.06406190246343613 through:0.06339728832244873 over:0.05946151912212372 :0.04842652007937431 +little:0.01694510132074356 great:0.016056103631854057 few:0.014685350470244884 large:0.012243442237377167 :0.17830683290958405 +in:0.1175636276602745 at:0.06569647789001465 with:0.05858037993311882 and:0.05537880212068558 :0.050546325743198395 +and:0.1311408132314682 at:0.03042782098054886 the:0.02720271795988083 in:0.01855280064046383 :0.1315646469593048 +Mrs.:0.8600369095802307 the:0.0075119915418326855 Mrs:0.0072731864638626575 Mra.:0.005103221163153648 :0.019114263355731964 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +to:0.16591067612171173 and:0.1062537357211113 of:0.07259335368871689 for:0.05148223787546158 :0.046390168368816376 +States:0.49575793743133545 States,:0.18300187587738037 States.:0.11009777337312698 Slates:0.013771237805485725 :0.10942719876766205 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.05085945874452591 of:0.04709083214402199 for:0.013928043656051159 o'clock:0.010060564614832401 :0.21533894538879395 +and:0.036332227289676666 the:0.03332042321562767 to:0.029792051762342453 in:0.01890682429075241 :0.20106914639472961 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +own:0.025663912296295166 people:0.016796793788671494 country:0.015315479598939419 State:0.011126575991511345 :0.1643151491880417 +the:0.2553647756576538 that:0.049310483038425446 of:0.044140759855508804 over:0.024371229112148285 :0.08208927512168884 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.10167159885168076 with:0.08466688543558121 the:0.08363883942365646 by:0.050572384148836136 :0.08742955327033997 +and:0.05482110753655434 The:0.02090293914079666 the:0.017374388873577118 of:0.017022380605340004 :0.17939981818199158 +the:0.3036428391933441 their:0.046107884496450424 his:0.03351479768753052 than:0.03086303547024727 :0.08772951364517212 +the:0.26189276576042175 this:0.04277288541197777 a:0.04179166629910469 all:0.033080846071243286 :0.07444379478693008 +and:0.020093467086553574 Bryan:0.008911565877497196 Smith:0.008398662321269512 Wilson:0.007611457724124193 :0.43292972445487976 +The:0.0986945703625679 It:0.04606841877102852 He:0.03919157013297081 There:0.02364605851471424 :0.14861255884170532 +whole:0.007272008340805769 matter:0.005632399115711451 name:0.005325269419699907 same:0.004548614379018545 :0.1879870891571045 +have:0.05389733985066414 shall:0.04764140024781227 are:0.038534387946128845 will:0.0363735593855381 :0.0830712765455246 +the:0.11567571014165878 for:0.07650019228458405 to:0.03854323551058769 in:0.03741675242781639 :0.0361141674220562 +and:0.014135926961898804 F.:0.005321986507624388 Smith,:0.004942706320434809 Smith:0.004494483582675457 :0.6268252730369568 +the:0.06131131947040558 and:0.03783498704433441 to:0.02964642271399498 in:0.02055053971707821 :0.1277492344379425 +and:0.08794023096561432 The:0.027617961168289185 to:0.021872075274586678 in:0.02120191976428032 :0.18647624552249908 +the:0.06891975551843643 to:0.05152445659041405 ed:0.029033703729510307 and:0.026440909132361412 :0.11139475554227829 +to:0.12691153585910797 and:0.08139467239379883 in:0.019182782620191574 at:0.013792588375508785 :0.13370390236377716 +and:0.08778242021799088 of:0.0585038848221302 The:0.02106023021042347 but:0.01752358302474022 :0.1325424313545227 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.30892691016197205 but:0.11927086859941483 he:0.0203989390283823 it:0.018923984840512276 :0.030952922999858856 +subject:0.012155482545495033 property:0.011088290251791477 said:0.008938451297581196 ground:0.008280253037810326 :0.16573114693164825 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.16040673851966858 with:0.057637300342321396 to:0.053899381309747696 by:0.04080415144562721 :0.05738004669547081 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +and:0.042985860258340836 of:0.025797024369239807 or:0.010018769651651382 in:0.00841462891548872 :0.17096148431301117 +therefore,:0.07052977383136749 and:0.06823623180389404 that:0.05277644842863083 the:0.04598725959658623 :0.07166577130556107 +property:0.021765997633337975 and:0.01599385403096676 secretary:0.010181437246501446 of:0.010107134468853474 :0.23456557095050812 +the:0.09881433844566345 a:0.04743121564388275 case:0.008224003948271275 order:0.007456841412931681 :0.16413699090480804 +is:0.1725311130285263 was:0.1310890018939972 Is:0.10349962115287781 has:0.05502652749419212 :0.0797552764415741 +the:0.15647782385349274 of:0.08743561059236526 that:0.021993670612573624 over:0.019805187359452248 :0.11468377709388733 +and:0.07498505711555481 to:0.06040792167186737 by:0.04488588869571686 in:0.029213061556220055 :0.134510338306427 +of:0.4809347987174988 and:0.0566086620092392 in:0.015367348678410053 that:0.014842165634036064 :0.031077789142727852 +.:0.01744440756738186 d:0.01676357351243496 e:0.01572350412607193 y:0.01567300595343113 :0.288582980632782 +the:0.31492850184440613 course,:0.039828669279813766 a:0.038600530475378036 this:0.028999680653214455 :0.0965147465467453 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +the:0.1106574758887291 and:0.06927437335252762 whereof,:0.06689464300870895 to:0.03596378490328789 :0.08635273575782776 +the:0.067792147397995 to:0.035450950264930725 a:0.02631955035030842 and:0.019177380949258804 :0.16215059161186218 +of:0.1286608874797821 to:0.05094870552420616 and:0.04683980718255043 is:0.03277717903256416 :0.06612858176231384 +the:0.6968497037887573 tho:0.03252369537949562 a:0.028736796230077744 his:0.026682833209633827 :0.020699895918369293 +own:0.039221979677677155 life:0.0089398343116045 friends:0.005477586295455694 party:0.0046061198227107525 :0.19100113213062286 +of:0.055918142199516296 and:0.04110538959503174 feet:0.024401716887950897 the:0.018642693758010864 :0.22225384414196014 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +not:0.056718721985816956 to:0.05092709884047508 now:0.02576258033514023 in:0.021164564415812492 :0.13482853770256042 +and:0.1461634486913681 has:0.03173736855387688 is:0.031279195100069046 to:0.029062194749712944 :0.12719257175922394 +of:0.5512439012527466 to:0.029351815581321716 and:0.02901342697441578 that:0.01951591670513153 :0.026077991351485252 +great:0.01690952107310295 very:0.016321107745170593 good:0.015436812303960323 large:0.01106084231287241 :0.18733839690685272 +The:0.11227020621299744 It:0.04988224059343338 He:0.04877960681915283 I:0.027531396597623825 :0.09761882573366165 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +are:0.09747233241796494 were:0.07985945791006088 have:0.0643911138176918 had:0.03416930511593819 :0.0772809088230133 +the:0.1997259110212326 he:0.11118486523628235 they:0.06757882237434387 it:0.040134940296411514 :0.04844977334141731 +The:0.10963895171880722 He:0.04808586835861206 It:0.043111130595207214 I:0.03809584677219391 :0.11227837204933167 +end:0.08573315292596817 part:0.08311546593904495 portion:0.0290334802120924 side:0.01739802211523056 :0.14378681778907776 +corded:0.04465701803565025 quired:0.022056706249713898 ceived:0.021249771118164062 turned:0.018766749650239944 :0.30119314789772034 +of:0.4805411994457245 and:0.04820682108402252 were:0.016236795112490654 from:0.013907344080507755 :0.046756304800510406 +and:0.025178860872983932 friends:0.011813081800937653 name:0.007668149191886187 in:0.006229653488844633 :0.15893049538135529 +few:0.047049351036548615 man:0.01865273527801037 large:0.01578555442392826 great:0.011380520649254322 :0.17525173723697662 +the:0.11988826841115952 a:0.029239147901535034 then:0.02555008977651596 in:0.023331431671977043 :0.05996749550104141 +be:0.32366928458213806 not:0.05911397561430931 have:0.038792114704847336 probably:0.01954248920083046 :0.07448094338178635 +and:0.08054555207490921 is:0.03378840163350105 to:0.03348666802048683 was:0.029098588973283768 :0.21284061670303345 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +were:0.03232158347964287 are:0.02885514497756958 have:0.024592839181423187 will:0.02252200059592724 :0.1909179389476776 +been:0.18443377315998077 not:0.04462767019867897 to:0.03673930466175079 a:0.03124600648880005 :0.07861452549695969 +a:0.09535542130470276 the:0.03381609171628952 in:0.022331656888127327 made:0.01297667808830738 :0.13881653547286987 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +tire:0.17481227219104767 trance:0.07535811513662338 gine:0.051924049854278564 gineer:0.03670498728752136 :0.3128473460674286 +cases:0.08164814859628677 of:0.07545023411512375 instances:0.05769800394773483 newspaper:0.04280906915664673 :0.07805893570184708 +the:0.053550783544778824 and:0.05305427312850952 to:0.03468836471438408 of:0.030314086005091667 :0.13690827786922455 +the:0.12712618708610535 a:0.0345475897192955 he:0.030741596594452858 they:0.024062380194664 :0.10689236968755722 +the:0.09342509508132935 he:0.03624257072806358 it:0.031489185988903046 that:0.02620919793844223 :0.1336570382118225 +man:0.013648790307343006 large:0.011038670316338539 great:0.006678682751953602 good:0.006224979180842638 :0.21265919506549835 +is:0.2578798234462738 are:0.20037785172462463 was:0.1528346836566925 were:0.04697766155004501 :0.04032919555902481 +of:0.14930525422096252 and:0.0434483140707016 was:0.011874438263475895 &:0.010627035982906818 :0.41437584161758423 +more:0.05581860616803169 of:0.017769575119018555 over:0.013774986378848553 less:0.012073946185410023 :0.19259829819202423 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.05955865979194641 track:0.024043984711170197 tracks:0.015117826871573925 side:0.014647404663264751 :0.12554802000522614 +the:0.09510862082242966 a:0.026142913848161697 to:0.02452842704951763 in:0.01722997985780239 :0.07959448546171188 +a:0.11034338921308517 the:0.07090110331773758 not:0.04961800575256348 to:0.03719562292098999 :0.08467880636453629 +of:0.4024074077606201 and:0.05281867831945419 in:0.031152652576565742 to:0.014799394644796848 :0.06546512246131897 +the:0.34241557121276855 a:0.08049492537975311 this:0.03055509366095066 such:0.028556890785694122 :0.10349080711603165 +day:0.05064491927623749 time:0.04795364663004875 of:0.04338914155960083 to:0.01571022719144821 :0.10426655411720276 +the:0.1412096470594406 a:0.03274359181523323 he:0.03026493266224861 it:0.023541491478681564 :0.09039236605167389 +by:0.09943187981843948 in:0.08864020556211472 to:0.06583478301763535 for:0.04826245456933975 :0.04275492578744888 +and:0.06938184052705765 line:0.062115177512168884 to:0.05934351310133934 of:0.056401390582323074 :0.12381850928068161 +the:0.0758591741323471 be:0.025151165202260017 make:0.020222628489136696 which:0.015224584378302097 :0.11327846348285675 +way:0.10005790740251541 own:0.05183448642492294 return:0.014362426474690437 part:0.01406284049153328 :0.19340576231479645 +the:0.11062109470367432 any:0.03590597212314606 all:0.01910279504954815 it:0.01855294220149517 :0.07047374546527863 +of:0.10016178339719772 the:0.04573199898004532 that:0.04187530651688576 and:0.03564999997615814 :0.062258802354335785 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.30401933193206787 a:0.05880478769540787 his:0.02425345405936241 this:0.023227792233228683 :0.10570330172777176 +have:0.0866004005074501 had:0.06402065604925156 was:0.041381292045116425 am:0.03510449081659317 :0.08713191747665405 +the:0.21106621623039246 a:0.03728710487484932 his:0.014742555096745491 tho:0.012154415249824524 :0.11617742478847504 +the:0.1656305342912674 a:0.030243022367358208 this:0.01531237829476595 said:0.009241491556167603 :0.22879643738269806 +who:0.1156768798828125 and:0.06211329996585846 was:0.04550807923078537 is:0.03719848021864891 :0.06897664070129395 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +of:0.09863166511058807 and:0.08630727231502533 the:0.07318498194217682 to:0.02935958281159401 :0.11622564494609833 +and:0.07704486697912216 the:0.04690495878458023 The:0.03246735408902168 of:0.030367661267518997 :0.10531803220510483 +and:0.0591670386493206 to:0.018708061426877975 of:0.01654420793056488 in:0.014913132414221764 :0.2961850166320801 +and:0.15846829116344452 John:0.006289319600909948 J:0.004755731672048569 James:0.004309702664613724 :0.4816037714481354 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +of:0.6943821907043457 in:0.030755193904042244 to:0.018120240420103073 ot:0.013991296291351318 :0.024905210360884666 +the:0.15761753916740417 a:0.03525097668170929 it:0.02378181740641594 to:0.02211672067642212 :0.10369358211755753 +made:0.03716104477643967 a:0.030058881267905235 the:0.024857543408870697 taken:0.020551640540361404 :0.14961276948451996 +the:0.06532090902328491 be:0.02393452636897564 do:0.021324489265680313 make:0.020507527515292168 :0.11331363022327423 +result:0.029124382883310318 matter:0.0166524238884449 rule,:0.011289612390100956 man:0.010609658434987068 :0.1965998411178589 +a:0.11014795303344727 no:0.06781712919473648 been:0.05758584290742874 the:0.038086727261543274 :0.07464702427387238 +the:0.25445014238357544 a:0.049468740820884705 his:0.029931528493762016 their:0.021931426599621773 :0.11209981143474579 +of:0.05569203197956085 and:0.04305778071284294 to:0.034049246460199356 I:0.01968718320131302 :0.1769745647907257 +the:0.22099843621253967 you:0.021511532366275787 a:0.02110826037824154 this:0.01425129547715187 :0.1863406002521515 +and:0.050755575299263 the:0.03879564255475998 of:0.03849586099386215 to:0.026176609098911285 :0.14138416945934296 +the:0.07449442893266678 and:0.034010764211416245 of:0.024101173505187035 in:0.021080337464809418 :0.17276526987552643 +been:0.08916298300027847 a:0.04097632318735123 not:0.03847437724471092 no:0.03772648423910141 :0.13633881509304047 +a:0.18511374294757843 an:0.0750448927283287 of:0.07060308009386063 the:0.06335588544607162 :0.09638054668903351 +other:0.18677350878715515 part:0.18179970979690552 of:0.09576588869094849 person:0.035171981900930405 :0.07020841538906097 +same:0.006024608854204416 most:0.00323799648322165 first:0.003113060025498271 place:0.0030377882067114115 :0.3781861662864685 +and:0.01729634404182434 state:0.006069740746170282 State:0.004367752932012081 land:0.0039041803684085608 :0.47151830792427063 +the:0.3533540666103363 a:0.057787831872701645 which:0.04502158984541893 tho:0.023748820647597313 :0.07603554427623749 +all:0.17805828154087067 every:0.09052260965108871 the:0.05149016156792641 a:0.04707741737365723 :0.09419287741184235 +a:0.04744382202625275 not:0.0353211872279644 in:0.023179298266768456 the:0.020984048023819923 :0.12456022202968597 +same:0.011145134456455708 most:0.010789616033434868 first:0.007867911830544472 best:0.006996136158704758 :0.15984013676643372 +of:0.30910128355026245 that:0.13391223549842834 and:0.05959273502230644 the:0.028250912204384804 :0.0256772693246603 +the:0.07967125624418259 a:0.05023574084043503 two:0.017424477264285088 one:0.016769258305430412 :0.29462888836860657 +the:0.2349666953086853 a:0.0641632005572319 tho:0.015128969214856625 their:0.013397217728197575 :0.14252164959907532 +end:0.08573315292596817 part:0.08311546593904495 portion:0.0290334802120924 side:0.01739802211523056 :0.14378681778907776 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +the:0.26676398515701294 a:0.03313422575592995 be:0.01904895529150963 tho:0.010729256086051464 :0.12926270067691803 +the:0.16477236151695251 be:0.023506835103034973 a:0.02003355510532856 make:0.014696607366204262 :0.08614688366651535 +the:0.21883927285671234 a:0.05717260390520096 be:0.029684511944651604 his:0.01807424984872341 :0.16126035153865814 +own:0.01866621896624565 way:0.0076206885278224945 first:0.0039028937462717295 power:0.0034805191680788994 :0.27067872881889343 +the:0.0707097128033638 see:0.04027945548295975 be:0.02408752031624317 do:0.022421086207032204 :0.12594787776470184 +is:0.31460487842559814 was:0.15903742611408234 will:0.043733980506658554 has:0.03368460386991501 :0.041318923234939575 +amount:0.07291113585233688 of:0.05390322208404541 name:0.02313896082341671 and:0.021873069927096367 :0.10090520977973938 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.15030446648597717 that:0.09501193463802338 it:0.060106609016656876 a:0.05417352169752121 :0.04774623364210129 +the:0.1648683249950409 a:0.06489880383014679 this:0.021188806742429733 all:0.013253630138933659 :0.28782057762145996 +be:0.6084185838699341 not:0.06610944122076035 have:0.06421824544668198 bo:0.026954874396324158 :0.021263698115944862 +and:0.10361621528863907 to:0.04937046021223068 of:0.04595204070210457 in:0.026147326454520226 :0.08214155584573746 +and:0.2527066171169281 of:0.0655590072274208 in:0.03256255388259888 the:0.02439570240676403 :0.13495181500911713 +A.:0.015628937631845474 A:0.010591458529233932 W.:0.01027030497789383 John:0.008900895714759827 :0.5152106881141663 +of:0.3277091085910797 in:0.06502863764762878 for:0.0559573732316494 that:0.03872944787144661 :0.03747116029262543 +his:0.08645223081111908 the:0.08355254679918289 up:0.07984936237335205 to:0.07020656019449234 :0.056478895246982574 +of:0.250815749168396 and:0.15142031013965607 for:0.05109328776597977 to:0.03992350772023201 :0.03729565441608429 +the:0.1400669813156128 complaint:0.05439124256372452 a:0.018546205013990402 said:0.01811007782816887 :0.1368415504693985 +and:0.03980955481529236 to:0.03782857954502106 the:0.03422955423593521 of:0.03352592885494232 :0.15611562132835388 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +and:0.032674357295036316 in:0.03153153136372566 the:0.028046343475580215 of:0.027626827359199524 :0.18022236227989197 +and:0.0702093243598938 of:0.03218724578619003 the:0.012935486622154713 who:0.011620274744927883 :0.2656111419200897 +and:0.16094057261943817 but:0.05855199322104454 that:0.05403335019946098 the:0.049114204943180084 :0.08382193744182587 +from:0.10636888444423676 trade:0.06405805051326752 of:0.058548908680677414 to:0.036402974277734756 :0.2067422866821289 +a:0.07918372005224228 the:0.07116357237100601 any:0.05897308140993118 being:0.019170474261045456 :0.17469313740730286 +of:0.5250312089920044 and:0.06503807753324509 to:0.04395395144820213 that:0.027315650135278702 :0.02577638439834118 +United:0.015556160360574722 most:0.007520648185163736 State:0.006463862955570221 said:0.00635764142498374 :0.2803380787372589 +the:0.22228087484836578 a:0.029970943927764893 this:0.0236571803689003 their:0.01632321998476982 :0.16225968301296234 +of:0.07835537195205688 and:0.03684163838624954 against:0.03637075796723366 that:0.033698152750730515 :0.06742587685585022 +a:0.18786011636257172 the:0.08716487139463425 up:0.07327485084533691 by:0.05327422916889191 :0.038329578936100006 +W:0.024392545223236084 (Var.:0.02312251552939415 min.:0.020770858973264694 J:0.0199272483587265 :0.2976708710193634 +and:0.1328251212835312 the:0.04848603159189224 but:0.04334987327456474 in:0.029857078567147255 :0.04987625405192375 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +to:0.091330386698246 of:0.06413857638835907 that:0.04589151218533516 in:0.03847656026482582 :0.05298606678843498 +thing:0.04944881051778793 was:0.03337661176919937 is:0.0286237969994545 and:0.020550891757011414 :0.21227416396141052 +at:0.221856027841568 in:0.15408270061016083 and:0.08988987654447556 of:0.058747999370098114 :0.042723797261714935 +of:0.2703014016151428 the:0.09570946544408798 and:0.048070237040519714 to:0.03699193522334099 :0.06508258730173111 +to:0.15683867037296295 and:0.0905546322464943 for:0.016189174726605415 of:0.013803225010633469 :0.2406502366065979 +the:0.07873104512691498 that:0.029065944254398346 I:0.022053152322769165 he:0.018997177481651306 :0.06589721888303757 +been:0.3015088140964508 a:0.04127349704504013 the:0.02620590105652809 to:0.02183709666132927 :0.0639123022556305 +of:0.44020622968673706 and:0.03938272222876549 in:0.026478715240955353 from:0.02085387334227562 :0.04647365212440491 +of:0.1733032613992691 and:0.11773277819156647 for:0.09179428219795227 to:0.07923061400651932 :0.07349792122840881 +and:0.0613684244453907 of:0.0426785908639431 to:0.031821396201848984 the:0.024577949196100235 :0.12508440017700195 +the:0.22344599664211273 be:0.052575018256902695 a:0.03217199072241783 tho:0.014128538779914379 :0.08465493470430374 +the:0.16515369713306427 a:0.15039150416851044 from:0.03895235061645508 his:0.035044629126787186 :0.0710143968462944 +the:0.07820989936590195 a:0.014448395930230618 that:0.007782638072967529 to:0.007501242682337761 :0.190209299325943 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.18473251163959503 he:0.08035150915384293 if:0.07468584179878235 it:0.039862096309661865 :0.04307106137275696 +the:0.1309262067079544 to:0.052158113569021225 a:0.05019088089466095 not:0.04491381719708443 :0.09480856359004974 +of:0.14534199237823486 in:0.09245417267084122 and:0.0898435190320015 by:0.03555409237742424 :0.03822936490178108 +that:0.49588435888290405 the:0.04773595184087753 to:0.03989376500248909 in:0.02130841091275215 :0.02035389095544815 +great:0.01932062767446041 good:0.01775982417166233 large:0.014850503765046597 very:0.012993303127586842 :0.23857836425304413 +of:0.07969599217176437 and:0.0229839775711298 assortment:0.011616114526987076 thing:0.01027053501456976 :0.156049907207489 +and:0.13518589735031128 by:0.0882992222905159 the:0.07311760634183884 of:0.024897046387195587 :0.0829414501786232 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.2127908319234848 hundred:0.04642021656036377 or:0.03249439224600792 and:0.025764083489775658 :0.07700714468955994 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.04195709899067879 of:0.021919459104537964 in:0.012945783324539661 at:0.010880342684686184 :0.2056121677160263 +o'clock:0.1844586580991745 times:0.061326052993535995 or:0.0608704648911953 and:0.04638143628835678 :0.14908812940120697 +was:0.15037265419960022 had:0.10017483681440353 has:0.05390239506959915 would:0.0323525108397007 :0.05908096209168434 +by:0.2355603128671646 in:0.1499868482351303 to:0.050312589854002 for:0.042287178337574005 :0.037433043122291565 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +with:0.3912981152534485 in:0.08575757592916489 the:0.05859805643558502 and:0.04369768127799034 :0.027347669005393982 +the:0.24275775253772736 a:0.08798550069332123 his:0.01784205250442028 some:0.014615755528211594 :0.1580934375524521 +of:0.008649655617773533 and:0.008562963455915451 people:0.007809328380972147 day:0.006268455181270838 :0.16109652817249298 +the:0.3117712438106537 a:0.022745860740542412 him:0.02240191213786602 said:0.020229851827025414 :0.09422384202480316 +S:0.019838456064462662 .:0.012661847285926342 A:0.010920566506683826 Survey:0.010101992636919022 :0.3390265703201294 +and:0.305926114320755 but:0.10848085582256317 for:0.06038607284426689 the:0.032903701066970825 :0.032799262553453445 +and:0.02730410359799862 trial:0.011081050150096416 building:0.007780003827065229 law:0.005935055669397116 :0.1860584020614624 +of:0.1965617835521698 and:0.055606819689273834 in:0.04723211005330086 is:0.028891965746879578 :0.06529057770967484 +lar:0.936075747013092 of:0.0021352600306272507 and:0.001529111061245203 The:0.001012903288938105 :0.026981420814990997 +and:0.05491120368242264 of:0.028211265802383423 to:0.015618563629686832 ta,:0.013459810987114906 :0.20072677731513977 +as:0.2054237723350525 before:0.052024997770786285 a:0.0299164317548275 what:0.025598593056201935 :0.06542965769767761 +to:0.0645676776766777 and:0.06147840991616249 was:0.03843741863965988 the:0.03329837694764137 :0.2325112521648407 +in:0.16390207409858704 and:0.09654854983091354 of:0.0700426697731018 is:0.033482760190963745 :0.0314086377620697 +and:0.18770745396614075 to:0.13967444002628326 in:0.024451274424791336 of:0.021347729489207268 :0.08185646682977676 +the:0.13374383747577667 it:0.060241565108299255 he:0.03817823901772499 they:0.03620908036828041 :0.038485635071992874 +to:0.20004409551620483 for:0.1376733034849167 and:0.0873643308877945 the:0.04063849523663521 :0.06138910725712776 +been:0.26763594150543213 not:0.04519519954919815 a:0.031590741127729416 already:0.017316656187176704 :0.06535762548446655 +be:0.0957501009106636 the:0.02806112729012966 have:0.027289608493447304 do:0.02612895891070366 :0.08209289610385895 +the:0.07985355705022812 to:0.04605907201766968 a:0.02419998124241829 in:0.0236060731112957 :0.12672588229179382 +The:0.07861205190420151 I:0.034905996173620224 It:0.030676845461130142 A:0.018257804214954376 :0.16165785491466522 +the:0.1310061812400818 by:0.06666290760040283 a:0.05352282151579857 to:0.03864138945937157 :0.09488318860530853 +Col.:0.02100343629717827 J.:0.019336165860295296 H.:0.016221385449171066 F.:0.010942143388092518 :0.33885160088539124 +the:0.3257538080215454 a:0.05028027296066284 and:0.032823409885168076 this:0.01801520399749279 :0.06616425514221191 +whole:0.012685691937804222 same:0.011181664653122425 country:0.007415345869958401 people:0.007012520916759968 :0.20106108486652374 +and:0.02101712115108967 party:0.009625192731618881 business:0.008301515132188797 of:0.007424329407513142 :0.11021687090396881 +the:0.17277511954307556 a:0.024763740599155426 tho:0.011129537597298622 this:0.010823854245245457 :0.10672774910926819 +the:0.12351754307746887 and:0.03262590989470482 a:0.030069500207901 which:0.02190760336816311 :0.0760185718536377 +than:0.5188384056091309 and:0.048949696123600006 to:0.021918846294283867 in:0.01965204067528248 :0.04701586440205574 +the:0.24035106599330902 a:0.0799899771809578 his:0.014874361455440521 their:0.014529033564031124 :0.08357881009578705 +and:0.08312314003705978 of:0.043606195598840714 The:0.021064212545752525 in:0.019227193668484688 :0.16221125423908234 +the:0.32012879848480225 by:0.045722100883722305 a:0.029963044449687004 tho:0.01770511455833912 :0.11585737764835358 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +be:0.09490284323692322 the:0.05384855717420578 do:0.050275616347789764 eat.:0.026188332587480545 :0.10856705158948898 +the:0.018703967332839966 e:0.013869624584913254 and:0.013300801627337933 of:0.012974795885384083 :0.2735826373100281 +.:0.20897282660007477 and:0.01144460216164589 of:0.010310397483408451 Nichols,:0.00520320562645793 :0.5545009970664978 +is:0.10638667643070221 was:0.058703381568193436 the:0.04770724102854729 they:0.04377366602420807 :0.07071080058813095 +of:0.24730326235294342 to:0.2407194972038269 that:0.12037619203329086 for:0.05002552270889282 :0.03899703174829483 +few:0.1254875212907791 short:0.043436598032712936 long:0.04080112278461456 brief:0.028498928993940353 :0.13270314037799835 +hour:0.023976383730769157 old:0.02027064934372902 opportunity:0.017040597274899483 area:0.012227826751768589 :0.14201386272907257 +of:0.4425956904888153 that:0.0749812200665474 in:0.06488911062479019 and:0.03185001015663147 :0.025651616975665092 +time:0.3119473159313202 distance:0.13066013157367706 time.:0.05149916186928749 time,:0.04811108857393265 :0.08481808751821518 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +the:0.48092493414878845 a:0.07138162106275558 his:0.024074003100395203 their:0.01999465562403202 :0.03315967321395874 +boy.:0.0591290183365345 and:0.05229129642248154 girl.:0.04460505023598671 of:0.03140348196029663 :0.23596487939357758 +the:0.2559419572353363 a:0.06952491402626038 their:0.02933061309158802 his:0.018228495493531227 :0.07297657430171967 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.051112569868564606 white:0.02811884693801403 life:0.007200319319963455 county:0.006136235315352678 :0.17063386738300323 +the:0.5395243763923645 a:0.03718891367316246 this:0.020589645951986313 tho:0.019863832741975784 :0.07185190916061401 +1,:0.047705505043268204 30,:0.038936614990234375 14,:0.023931758478283882 20,:0.01850486733019352 :0.12783461809158325 +the:0.1880953013896942 you:0.08831796050071716 this:0.05026860907673836 he:0.04812534153461456 :0.05525967478752136 +that:0.1311390995979309 the:0.06555460393428802 nothing:0.03938352316617966 it:0.027218053117394447 :0.04812103509902954 +and:0.06122807413339615 of:0.01573505811393261 water:0.01205223985016346 in:0.011611324734985828 :0.14928437769412994 +the:0.05858125537633896 a:0.019884023815393448 all:0.00916429702192545 that:0.007984415628015995 :0.2170536071062088 +the:0.0436556376516819 a:0.018519841134548187 and:0.013007945381104946 to:0.011344151571393013 :0.28293418884277344 +and:0.15273374319076538 of:0.05460195615887642 the:0.027450285851955414 but:0.023544151335954666 :0.2009262889623642 +has:0.07497451454401016 in:0.06004016101360321 is:0.06000060960650444 to:0.05335276946425438 :0.05139269307255745 +the:0.09583567082881927 that:0.05646466836333275 to:0.017498720437288284 in:0.016282014548778534 :0.10194437950849533 +the:0.06601005792617798 will:0.051858898252248764 is:0.05156869441270828 was:0.04972916841506958 :0.08212070912122726 +and:0.029953021556138992 the:0.020155981183052063 of:0.017821360379457474 in:0.015618763864040375 :0.228985995054245 +the:0.04723557084798813 a:0.01586579903960228 to:0.00915583223104477 and:0.00785103626549244 :0.3517649173736572 +of:0.028402790427207947 and:0.012716162018477917 to:0.011799915693700314 day:0.007981606759130955 :0.13449184596538544 +the:0.1812872588634491 be:0.038822073489427567 a:0.02179921418428421 pay:0.018789131194353104 :0.1300233155488968 +a:0.08776889741420746 the:0.026956740766763687 only:0.026553966104984283 to:0.024901101365685463 :0.1202261820435524 +of:0.6415250897407532 and:0.05004594102501869 that:0.027550186961889267 which:0.018804077059030533 :0.027204610407352448 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +morning:0.08192119002342224 and:0.05333047732710838 night:0.042428962886333466 the:0.0408126600086689 :0.07040461897850037 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +who:0.257622629404068 of:0.04011803865432739 things:0.01750319078564644 whom:0.016443949192762375 :0.15306316316127777 +tle:0.35896575450897217 tle,:0.12200319021940231 tery:0.10262080281972885 tles:0.041292909532785416 :0.15900543332099915 +and:0.2757721543312073 but:0.06121508777141571 if:0.028904130682349205 the:0.026431666687130928 :0.04640401899814606 +the:0.11648817360401154 a:0.018749676644802094 that:0.01660350151360035 other:0.015327433124184608 :0.14516635239124298 +one:0.026714487001299858 day:0.022962572053074837 time:0.02114211395382881 thing:0.020805075764656067 :0.12834644317626953 +the:0.039637934416532516 be:0.03342285007238388 make:0.025255950167775154 give:0.02266191504895687 :0.07513781636953354 +The:0.10814391076564789 I:0.048396553844213486 It:0.04826287180185318 and:0.029247000813484192 :0.07353806495666504 +and:0.0794910416007042 to:0.050647687166929245 by:0.03904310613870621 in:0.023251105099916458 :0.1463373601436615 +the:0.25889891386032104 he:0.08609883487224579 a:0.05633717030286789 they:0.05049406737089157 :0.04532545059919357 +the:0.11603263765573502 a:0.023090438917279243 that:0.02047642692923546 to:0.020187702029943466 :0.15178295969963074 +that:0.057416900992393494 much:0.05079047754406929 many:0.039288245141506195 as:0.018888844177126884 :0.16437284648418427 +of:0.05323704332113266 and:0.05006013438105583 the:0.029605388641357422 to:0.01699196733534336 :0.1498294323682785 +and:0.09515439718961716 of:0.05121898278594017 in:0.03385016322135925 for:0.03273463249206543 :0.11661222577095032 +in:0.14283010363578796 from:0.10046904534101486 to:0.08062293380498886 into:0.07229375094175339 :0.036145180463790894 +of:0.37292420864105225 to:0.050372250378131866 and:0.04219769313931465 in:0.03492136672139168 :0.039097171276807785 +and:0.06362732499837875 than:0.032162558287382126 to:0.029607830569148064 a:0.024566585198044777 :0.1886155903339386 +mand:0.07468955963850021 mands:0.07268016040325165 partment:0.047594115138053894 velopment:0.02298666723072529 :0.44202136993408203 +corded:0.049314048141241074 ceived:0.027389822527766228 mained:0.025800583884119987 turned:0.01928764022886753 :0.24921071529388428 +to:0.06874318420886993 in:0.0628044530749321 into:0.06037754565477371 on:0.05553605780005455 :0.07923750579357147 +the:0.06718047708272934 and:0.04307110607624054 to:0.03317411616444588 that:0.025603055953979492 :0.11949463188648224 +who:0.15618190169334412 to:0.069146066904068 of:0.04215960577130318 in:0.04169832170009613 :0.05409841611981392 +and:0.12727247178554535 of:0.10974806547164917 in:0.029681231826543808 is:0.027497868984937668 :0.07837019115686417 +to:0.059329401701688766 the:0.056468233466148376 and:0.03942258283495903 that:0.021475620567798615 :0.17155003547668457 +the:0.1712062805891037 they:0.028619026765227318 and:0.02768784575164318 it:0.02712544985115528 :0.05902208015322685 +the:0.22335214912891388 a:0.046869486570358276 any:0.027651574462652206 such:0.016533443704247475 :0.12283103168010712 +and:0.05666666850447655 the:0.04672420769929886 of:0.019660864025354385 to:0.019538093358278275 :0.1843702793121338 +the:0.24032661318778992 a:0.08686034381389618 it:0.04412144050002098 in:0.03334299847483635 :0.03200972080230713 +the:0.08218599110841751 being:0.06351269781589508 a:0.035502202808856964 one:0.012305885553359985 :0.22824804484844208 +The:0.10503197461366653 It:0.03650671988725662 He:0.029974330216646194 In:0.02661757543683052 :0.12570549547672272 +is:0.07966634631156921 of:0.07476969063282013 and:0.043154336512088776 was:0.038312558084726334 :0.03436155244708061 +ers:0.45533785223960876 ing:0.15407879650592804 and:0.059828244149684906 ed:0.02060481160879135 :0.0586555078625679 +of:0.14668330550193787 that:0.10079805552959442 was:0.05490611121058464 is:0.042812153697013855 :0.04036230966448784 +was:0.07690268009901047 has:0.07413389533758163 had:0.0729578509926796 is:0.04435831680893898 :0.059247925877571106 +the:0.3202056884765625 a:0.03921612352132797 his:0.021061250939965248 tho:0.01712280884385109 :0.08342789858579636 +the:0.1604475975036621 a:0.060132890939712524 contact:0.04426277428865433 this:0.016853483393788338 :0.08376412093639374 +and:0.18004381656646729 for:0.0986492857336998 in:0.060791049152612686 to:0.05782230570912361 :0.06385686248540878 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.08921385556459427 to:0.019264763221144676 that:0.018022337928414345 a:0.015082227066159248 :0.1169070452451706 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +Roosevelt:0.09814313054084778 Roosevelt,:0.06349166482686996 Roosevelt.:0.05869583413004875 and:0.02216094732284546 :0.4433952569961548 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +the:0.22655563056468964 a:0.06714722514152527 this:0.02328800968825817 law:0.016884231939911842 :0.11940028518438339 +the:0.14675721526145935 and:0.058146409690380096 for:0.03073233924806118 a:0.023229466751217842 :0.06775088608264923 +work:0.005190352443605661 provisions:0.004918337799608707 place:0.004211470950394869 whole:0.004144652280956507 :0.3096216917037964 +not:0.03982021287083626 a:0.03189089894294739 the:0.02790912240743637 to:0.016905389726161957 :0.11995220929384232 +first:0.010701941326260567 great:0.005403602030128241 same:0.005233634728938341 latter:0.005183379631489515 :0.22526709735393524 +The:0.07359971851110458 and:0.05344868078827858 was:0.029601553454995155 the:0.022357074543833733 :0.18698304891586304 +and:0.03151349723339081 to:0.02100764401257038 of:0.01900080218911171 in:0.009830857627093792 :0.18986709415912628 +the:0.36362138390541077 a:0.06557276844978333 this:0.02673817053437233 their:0.02016480080783367 :0.07661586254835129 +subject:0.012155482545495033 property:0.011088290251791477 said:0.008938451297581196 ground:0.008280253037810326 :0.16573114693164825 +of:0.6062554121017456 who:0.017666088417172432 that:0.014605469070374966 in:0.010704259388148785 :0.030180372297763824 +and:0.06181712821125984 of:0.028551995754241943 the:0.024418797343969345 The:0.012518285773694515 :0.208424910902977 +that:0.05203050374984741 in:0.036712076514959335 the:0.03670232370495796 and:0.029123805463314056 :0.11431781202554703 +well:0.052991654723882675 active:0.03116428293287754 in:0.026820721104741096 active.:0.022327527403831482 :0.20325186848640442 +of:0.5264950394630432 for:0.04464583098888397 and:0.030538970604538918 to:0.027328239753842354 :0.03682902082800865 +to:0.34080156683921814 for:0.15410089492797852 and:0.04096048325300217 that:0.033825140446424484 :0.04793592914938927 +and:0.04912218824028969 .:0.021499112248420715 of:0.019068121910095215 the:0.012747427448630333 :0.24393269419670105 +of:0.3040018379688263 to:0.10211759060621262 between:0.04517432302236557 and:0.03800491616129875 :0.04220360890030861 +the:0.060774799436330795 a:0.05035014450550079 in:0.021375039592385292 other:0.014800726436078548 :0.13228297233581543 +a:0.14758086204528809 the:0.1320042908191681 it:0.0439971387386322 up:0.02904113195836544 :0.06397406756877899 +one:0.10849575698375702 person:0.029262922704219818 man:0.02762511931359768 other:0.024929028004407883 :0.13406901061534882 +and:0.05725240707397461 of:0.056938767433166504 was:0.014535084366798401 the:0.013875190168619156 :0.1655249148607254 +in:0.15326589345932007 at:0.03438357636332512 the:0.029434451833367348 to:0.028116567060351372 :0.06988240033388138 +been:0.21189318597316742 a:0.057977527379989624 the:0.04250900074839592 to:0.02712184563279152 :0.06830049306154251 +and:0.23666512966156006 the:0.06306377053260803 on:0.0278440210968256 at:0.025814222171902657 :0.08328308910131454 +the:0.17981448769569397 that:0.13396652042865753 a:0.045724354684352875 of:0.030398700386285782 :0.04830564558506012 +thence:0.35231155157089233 the:0.04560204595327377 and:0.039407625794410706 a:0.031137362122535706 :0.07874444872140884 +the:0.31473246216773987 a:0.0561804436147213 which:0.02940213307738304 conviction:0.026576118543744087 :0.04059365764260292 +and:0.042588815093040466 was:0.0418924018740654 of:0.03348160162568092 is:0.024259153753519058 :0.15120083093643188 +to:0.2468331903219223 a:0.07543225586414337 the:0.07162971049547195 that:0.037912290543317795 :0.09942877292633057 +and:0.0868942067027092 to:0.07954796403646469 in:0.029140345752239227 the:0.02615291066467762 :0.13408365845680237 +to:0.30834534764289856 that:0.060089632868766785 in:0.052904143929481506 and:0.04312751442193985 :0.08165828138589859 +the:0.15145207941532135 it:0.05914774164557457 I:0.04941834881901741 he:0.033638354390859604 :0.06722959876060486 +The:0.06374473869800568 In:0.03295942395925522 It:0.03197760134935379 A:0.027344513684511185 :0.184535950422287 +to:0.18422283232212067 a:0.09484615176916122 the:0.07286890596151352 that:0.051689259707927704 :0.0870499238371849 +and:0.24355819821357727 of:0.030818745493888855 to:0.02388867549598217 in:0.020750906318426132 :0.12072011083364487 +not:0.3986301124095917 be:0.08161883056163788 have:0.03604863956570625 do:0.012000973336398602 :0.07220105826854706 +to:0.0816444382071495 and:0.03462785854935646 in:0.024499300867319107 of:0.016440892592072487 :0.14156118035316467 +the:0.40788909792900085 a:0.03423650562763214 his:0.02788318693637848 tho:0.022738849744200706 :0.06062033399939537 +and:0.07261090725660324 that:0.05454913526773453 as:0.032034896314144135 to:0.030908189713954926 :0.15128612518310547 +a:0.057905081659555435 one:0.055232442915439606 two:0.03632858023047447 three:0.031064368784427643 :0.10280976444482803 +and:0.09683296084403992 for:0.03538179025053978 the:0.027604522183537483 to:0.024494614452123642 :0.14386971294879913 +and:0.1902935653924942 but:0.066697858273983 which:0.04105473682284355 in:0.030053120106458664 :0.0895431712269783 +and:0.12360614538192749 to:0.08869286626577377 but:0.05527088791131973 who:0.041563887149095535 :0.037495847791433334 +the:0.3409186601638794 his:0.038318827748298645 a:0.031700700521469116 her:0.031059732660651207 :0.07483211904764175 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +was:0.13559509813785553 is:0.0706205740571022 of:0.041126493364572525 and:0.03149640932679176 :0.06129252165555954 +of:0.12054402381181717 and:0.04496336728334427 to:0.01769721694290638 The:0.012213888578116894 :0.2349577397108078 +days:0.034889232367277145 cases:0.020784415304660797 days,:0.014639617875218391 two:0.011251619085669518 :0.15591660141944885 +of:0.05538956820964813 or:0.03916608914732933 and:0.0255698524415493 to:0.022330524399876595 :0.16144603490829468 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +the:0.306375116109848 a:0.11268153786659241 tho:0.016849135980010033 his:0.014744546264410019 :0.10175305604934692 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +is:0.06921999156475067 was:0.05408036708831787 will:0.02768266387283802 ls:0.026796871796250343 :0.11937124282121658 +of:0.06132608652114868 and:0.044832587242126465 Mrs.:0.01917598396539688 to:0.017327185720205307 :0.19399860501289368 +in:0.10498403012752533 to:0.05385654792189598 on:0.04768214374780655 of:0.0469992496073246 :0.04058292508125305 +in:0.15841646492481232 and:0.10631628334522247 at:0.0755949392914772 of:0.06783903390169144 :0.05562187731266022 +the:0.039783116430044174 be:0.038060251623392105 make:0.029971163719892502 see:0.02627669647336006 :0.0863480269908905 +as:0.06621930003166199 of:0.05144466087222099 thereof:0.04058404639363289 to:0.03667078912258148 :0.11835194379091263 +to:0.2426845282316208 of:0.1650240421295166 and:0.05633731186389923 for:0.052851926535367966 :0.07234560698270798 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +.:0.05693788826465607 and:0.04299350082874298 street:0.019562555477023125 to:0.015651701018214226 :0.3457607924938202 +the:0.35583409667015076 this:0.04881956800818443 a:0.025124792009592056 tho:0.01575935259461403 :0.1633787453174591 +of:0.24387739598751068 in:0.07034576684236526 to:0.0626479908823967 was:0.025691738352179527 :0.03796641528606415 +a:0.03085644356906414 and:0.02669013850390911 of:0.01891634427011013 the:0.012922759167850018 :0.1748916208744049 +of:0.12547776103019714 and:0.06957338750362396 the:0.028779057785868645 to:0.02564961649477482 :0.1585242748260498 +of:0.19767171144485474 or:0.0679464191198349 and:0.04551948234438896 in:0.03113967552781105 :0.0848773941397667 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +ported:0.018546923995018005 quires:0.018507415428757668 quired:0.01824185438454151 the:0.014148629270493984 :0.2986534833908081 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +the:0.21390807628631592 a:0.09789928793907166 us:0.028907030820846558 it:0.025820208713412285 :0.07699927687644958 +or:0.0804273933172226 of:0.042843300849199295 men:0.024492809548974037 negotiable:0.023169033229351044 :0.22844165563583374 +the:0.23583382368087769 said:0.16780675947666168 a:0.08602286130189896 tho:0.01369192823767662 :0.12747004628181458 +at:0.02077634632587433 and:0.018559399992227554 of:0.011746415868401527 1:0.0097676245495677 :0.32130196690559387 +to:0.58568274974823 than:0.07173573970794678 for:0.03611830994486809 of:0.03569960966706276 :0.026002071797847748 +the:0.3129679262638092 a:0.04619752615690231 his:0.021616503596305847 which:0.01978536881506443 :0.08209913223981857 +few:0.017035771161317825 large:0.015124599449336529 good:0.012437012977898121 great:0.009886007755994797 :0.16977287828922272 +not:0.04465044289827347 in:0.039313264191150665 to:0.03276815637946129 at:0.023390140384435654 :0.13825508952140808 +to:0.03282158449292183 have:0.030645113438367844 was:0.02116439677774906 lot:0.020400911569595337 :0.2770426869392395 +of:0.08081664144992828 and:0.06963202357292175 to:0.06561308354139328 the:0.030962860211730003 :0.1289723962545395 +companies:0.06526728719472885 companies,:0.052426982671022415 and:0.051599934697151184 of:0.0371481254696846 :0.12846964597702026 +of:0.12894326448440552 in:0.115997813642025 to:0.05811446160078049 and:0.03973781317472458 :0.030448883771896362 +the:0.042265307158231735 to:0.007626253180205822 a:0.007379661314189434 recorded:0.0071470532566308975 :0.15950742363929749 +the:0.12512050569057465 a:0.052702341228723526 and:0.016931045800447464 of:0.011362745426595211 :0.1423281580209732 +is:0.2836778461933136 was:0.14617128670215607 Is:0.059683095663785934 has:0.04191187396645546 :0.05975716933608055 +been:0.19757729768753052 to:0.020316271111369133 made:0.015633633360266685 done:0.011769909411668777 :0.08014757186174393 +few:0.01885724812746048 man:0.016753187403082848 great:0.007583058904856443 number:0.007312024012207985 :0.14989817142486572 +and:0.10202962905168533 to:0.08197987824678421 for:0.020019154995679855 with:0.015712007880210876 :0.1851356327533722 +of:0.4637798070907593 is:0.05176475644111633 in:0.049870867282152176 to:0.038140375167131424 :0.02539726346731186 +city:0.013649695552885532 United:0.013593826442956924 same:0.007447988726198673 State:0.006762491539120674 :0.2530302107334137 +and:0.07726854830980301 the:0.03374505415558815 for:0.01925797574222088 but:0.018428286537528038 :0.13122545182704926 +that:0.18757472932338715 by:0.15975059568881989 to:0.15163438022136688 the:0.08125889301300049 :0.049543239176273346 +the:0.08660941570997238 a:0.028735678642988205 guardians:0.01420323271304369 their:0.013860645703971386 :0.15212227404117584 +of:0.39988356828689575 and:0.05429394170641899 in:0.02939530462026596 is:0.023905577138066292 :0.03414783626794815 +to:0.17244479060173035 in:0.06034943088889122 the:0.056955307722091675 on:0.055950429290533066 :0.03906293585896492 +the:0.41780200600624084 a:0.08390338718891144 tho:0.02164226397871971 his:0.02067921869456768 :0.06509808450937271 +that:0.3163820505142212 the:0.11647573858499527 a:0.09512119740247726 his:0.038562625646591187 :0.05337882041931152 +the:0.17108343541622162 a:0.02548304945230484 to:0.020796753466129303 that:0.01903512515127659 :0.04535416141152382 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +have:0.11863420903682709 not:0.069926418364048 be:0.06473910063505173 say:0.0174380112439394 :0.07846533507108688 +and:0.04731253907084465 of:0.025779077783226967 to:0.020360566675662994 the:0.018467742949724197 :0.17119024693965912 +that:0.2507028877735138 the:0.11518784612417221 what:0.10922320187091827 how:0.07460466027259827 :0.044080812484025955 +and:0.08225014060735703 to:0.0560368187725544 of:0.02030743844807148 in:0.012776875868439674 :0.20263446867465973 +the:0.06929998844861984 to:0.04372328147292137 a:0.02443116158246994 and:0.024308573454618454 :0.178349569439888 +joke,:0.004952610470354557 house:0.004550039768218994 man:0.004465101286768913 and:0.002881739754229784 :0.29569512605667114 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.12670035660266876 of:0.06592167913913727 in:0.017216881737113 from:0.015730466693639755 :0.2868945598602295 +man:0.06106198579072952 men:0.0534212552011013 lady:0.03990783914923668 and:0.03373049572110176 :0.19222648441791534 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +and:0.2979333996772766 the:0.07341562211513519 to:0.031048383563756943 a:0.027968887239694595 :0.07760708034038544 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +of:0.5225830674171448 that:0.032192159444093704 in:0.01889006607234478 and:0.017190320417284966 :0.04838723689317703 +the:0.2045731097459793 a:0.04723981022834778 this:0.031287167221307755 tho:0.021378561854362488 :0.1520950198173523 +and:0.13403426110744476 to:0.05976584926247597 in:0.0455622561275959 which:0.03236570209264755 :0.05716760829091072 +and:0.09312114864587784 of:0.04164295271039009 the:0.035565245896577835 to:0.026110155507922173 :0.13581782579421997 +and:0.17306137084960938 but:0.05708281323313713 the:0.05203241854906082 which:0.024105582386255264 :0.05475185811519623 +and:0.14920617640018463 to:0.09648068249225616 for:0.04385997727513313 the:0.033939652144908905 :0.06306365877389908 +of:0.1490786224603653 that:0.12519490718841553 and:0.05811500549316406 in:0.04439873993396759 :0.029086250811815262 +the:0.04185549169778824 and:0.037177346646785736 in:0.020526573061943054 a:0.01922678016126156 :0.29205626249313354 +of:0.4847325384616852 and:0.06968701630830765 or:0.06579314917325974 in:0.016170380637049675 :0.015469334088265896 +the:0.2342498004436493 a:0.12186992913484573 to:0.05242080241441727 soon:0.028155183419585228 :0.05255996063351631 +the:0.5531829595565796 a:0.04315495118498802 tho:0.03888382017612457 this:0.01464868988841772 :0.0757884830236435 +a:0.10498467832803726 mortgage:0.029025856405496597 terms:0.028187422081828117 occasions:0.026217712089419365 :0.13023486733436584 +no:0.0920792818069458 a:0.033368803560733795 many:0.03168802335858345 not:0.029524797573685646 :0.1221274733543396 +the:0.15949615836143494 be:0.027684735134243965 a:0.02493228204548359 tho:0.01152080949395895 :0.12338247150182724 +the:0.03594914451241493 and:0.0299330223351717 is:0.02819882147014141 of:0.025838105008006096 :0.20897719264030457 +and:0.05529968440532684 the:0.026193881407380104 of:0.02520340494811535 The:0.01472837757319212 :0.15513651072978973 +is:0.2836778461933136 was:0.14617128670215607 Is:0.059683095663785934 has:0.04191187396645546 :0.05975716933608055 +and:0.04278779774904251 to:0.022540155798196793 of:0.020405665040016174 in:0.019909093156456947 :0.19676947593688965 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.15846829116344452 John:0.006289319600909948 J:0.004755731672048569 James:0.004309702664613724 :0.4816037714481354 +been:0.12438057363033295 a:0.05198028311133385 not:0.05197414383292198 no:0.02477365732192993 :0.08511720597743988 +The:0.17262332141399384 It:0.0649777203798294 A:0.036406587809324265 There:0.029812173917889595 :0.1008283719420433 +with:0.18663115799427032 the:0.14569948613643646 in:0.05354686453938484 by:0.048000697046518326 :0.03871011734008789 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.05811989679932594 of:0.04310140758752823 the:0.019948836416006088 who:0.018884556367993355 :0.25747254490852356 +.:0.2555483877658844 I:0.010597179643809795 W:0.009357674047350883 A:0.008433524519205093 :0.2654482126235962 +by:0.24450621008872986 in:0.1519152671098709 at:0.06677237898111343 a:0.04489217326045036 :0.03569314256310463 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +a:0.10072558373212814 the:0.09207046031951904 well:0.050391122698783875 to:0.04377443343400955 :0.04503104090690613 +father:0.02859940193593502 wife:0.027935124933719635 first:0.015280814841389656 own:0.01501794159412384 :0.11041312664747238 +of:0.34908974170684814 and:0.07536175847053528 was:0.035687752068042755 in:0.029182186350226402 :0.05230626091361046 +the:0.10986664891242981 he:0.07050937414169312 not:0.05369570851325989 they:0.04882632941007614 :0.08641374856233597 +time:0.18269465863704681 time.:0.054176680743694305 point:0.03925980255007744 time,:0.03705970197916031 :0.08207032084465027 +that:0.08336827158927917 he:0.04498733952641487 mortgage:0.032493170350790024 the:0.030378839001059532 :0.13302095234394073 +act:0.036708369851112366 order:0.02822931669652462 old:0.01599733531475067 article:0.013768239878118038 :0.0888298824429512 +the:0.23807962238788605 a:0.06528465449810028 his:0.017473114654421806 tho:0.013278818689286709 :0.13582134246826172 +the:0.21558593213558197 a:0.07565950602293015 their:0.024971524253487587 his:0.019791778177022934 :0.0653567984700203 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.06497414410114288 to:0.022280072793364525 or:0.009723389521241188 in:0.008236843161284924 :0.4972858130931854 +of:0.18573758006095886 market:0.1372373253107071 was:0.07872389256954193 is:0.06627625972032547 :0.04510341212153435 +of:0.1156688705086708 to:0.09843557327985764 for:0.07531251758337021 on:0.07226171344518661 :0.06962509453296661 +in:0.6206346154212952 In:0.03856227174401283 on:0.023405063897371292 a:0.022153237834572792 :0.023102261126041412 +of:0.17017045617103577 that:0.13567237555980682 to:0.076132632791996 and:0.062071431428194046 :0.04637083411216736 +the:0.26520487666130066 said:0.04672815650701523 a:0.02851730026304722 tho:0.0161273255944252 :0.07826340943574905 +and:0.06332414597272873 at:0.05409597232937813 in:0.04819561913609505 the:0.03871476277709007 :0.1176970824599266 +and:0.08479227125644684 The:0.03236805275082588 the:0.02685909904539585 of:0.017994176596403122 :0.2394992858171463 +the:0.056881390511989594 a:0.029874233528971672 other:0.015189279802143574 any:0.010637134313583374 :0.23819883167743683 +of:0.8022453784942627 ot:0.03640329837799072 ol:0.01034025102853775 and:0.007527522277086973 :0.010856512002646923 +The:0.08061770349740982 and:0.05198435112833977 It:0.025995338335633278 ing:0.021262412890791893 :0.19707950949668884 +the:0.2598726451396942 a:0.0577668696641922 tho:0.017695540562272072 his:0.011614101007580757 :0.15107402205467224 +few:0.08258730918169022 large:0.021153362467885017 little:0.020910704508423805 great:0.017602350562810898 :0.1621074676513672 +tached:0.0650678500533104 tempt:0.043699558824300766 tention:0.03641323372721672 torney:0.035169366747140884 :0.41590267419815063 +to:0.5686923265457153 by:0.23908261954784393 in:0.02394474484026432 and:0.020353451371192932 :0.015256698243319988 +in:0.11103842407464981 men:0.07331950962543488 the:0.0550827719271183 to:0.042414192110300064 :0.09097415208816528 +be:0.3413804769515991 have:0.030812734737992287 make:0.020317647606134415 the:0.01960078999400139 :0.055260393768548965 +and:0.08841506391763687 of:0.022390011698007584 to:0.019702032208442688 the:0.018124939873814583 :0.23805148899555206 +and:0.04598008096218109 the:0.024708079174160957 to:0.01788046769797802 of:0.016652878373861313 :0.24514935910701752 +The:0.07617567479610443 It:0.04100168123841286 I:0.04047567769885063 We:0.024065058678388596 :0.06502623856067657 +in:0.07931201159954071 with:0.06061851233243942 and:0.05900067463517189 that:0.03976662829518318 :0.14333227276802063 +and:0.2959701418876648 but:0.11214906722307205 which:0.04266301915049553 as:0.026079492643475533 :0.023656917735934258 +to:0.16060306131839752 in:0.10377590358257294 the:0.04296641796827316 for:0.03594276309013367 :0.04376927390694618 +the:0.15515205264091492 a:0.059291139245033264 tho:0.012872918508946896 their:0.010264130309224129 :0.20559461414813995 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +of:0.31919899582862854 and:0.05851069465279579 for:0.05575026199221611 in:0.05413814261555672 :0.05032768100500107 +and:0.21635623276233673 the:0.043423742055892944 as:0.02976972796022892 but:0.027518954128026962 :0.05010446533560753 +and:0.06100985407829285 in:0.036257389932870865 of:0.03207174688577652 at:0.018111146986484528 :0.20192459225654602 +to:0.20100155472755432 in:0.08924097567796707 for:0.0759425163269043 of:0.07295878976583481 :0.05763009563088417 +the:0.16690658032894135 a:0.1095736101269722 an:0.020851755514740944 which:0.01443900354206562 :0.13390861451625824 +the:0.2808280885219574 he:0.0945342406630516 they:0.08628877997398376 it:0.0642433762550354 :0.05537416785955429 +important:0.033643923699855804 of:0.02098493091762066 prominent:0.011481708846986294 beautiful:0.01122498232871294 :0.16610804200172424 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +to:0.16075091063976288 in:0.07858580350875854 and:0.05308013781905174 as:0.04604778066277504 :0.07303331047296524 +care:0.022105859592556953 difficulty:0.01935972273349762 interest:0.013608690351247787 force:0.012260408140718937 :0.2688240110874176 +same:0.01978096179664135 whole:0.008157982490956783 most:0.008047834038734436 right:0.007266723085194826 :0.17671413719654083 +the:0.2640995681285858 in:0.06789816915988922 him:0.05449710041284561 them:0.03421405702829361 :0.03287941962480545 +the:0.10353250801563263 and:0.09134278446435928 but:0.06012798473238945 that:0.033262211829423904 :0.08049432933330536 +be:0.03768898546695709 make:0.02840307541191578 have:0.022109026089310646 do:0.019933175295591354 :0.07913337647914886 +the:0.21388810873031616 he:0.06850975751876831 it:0.060415901243686676 they:0.049812912940979004 :0.060346588492393494 +name:0.01922137662768364 face:0.017665190622210503 first:0.012812179513275623 wife:0.012367925606667995 :0.08555460721254349 +containing:0.23100410401821136 and:0.08491174876689911 contain-:0.04237692430615425 the:0.02559257671236992 :0.09042992442846298 +few:0.042575348168611526 two:0.0417640320956707 of:0.024718686938285828 year:0.021629415452480316 :0.131012424826622 +months:0.08182588219642639 feet:0.08042894303798676 years:0.06845325976610184 miles:0.0556383915245533 :0.11687976866960526 +to:0.06879820674657822 and:0.05997345224022865 the:0.03651734068989754 in:0.028755104169249535 :0.12908455729484558 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +than:0.34496569633483887 and:0.06307216733694077 in:0.05130365118384361 to:0.020358994603157043 :0.05181490257382393 +upon:0.428072988986969 on:0.28965845704078674 in:0.04457862675189972 up:0.017037784680724144 :0.017014985904097557 +R.:0.018079401925206184 M.:0.014408995397388935 and:0.014148099347949028 A.:0.014139547012746334 :0.48976683616638184 +same:0.009723627008497715 people:0.005495520308613777 most:0.005032414570450783 first:0.004908873699605465 :0.19379685819149017 +number:0.07777847349643707 amount:0.04838838055729866 part:0.027107100933790207 portion:0.02523159608244896 :0.13888540863990784 +and:0.09147496521472931 is:0.023585690185427666 was:0.02255110628902912 at:0.020239004865288734 :0.10472211986780167 +the:0.5595704317092896 said:0.031592920422554016 this:0.019683053717017174 tho:0.01516401581466198 :0.0806271955370903 +and:0.0730515569448471 party:0.050116702914237976 principles:0.012123404070734978 in:0.011100430972874165 :0.2601282000541687 +pended:0.12568652629852295 pected:0.08345471322536469 pressed:0.08177748322486877 plained:0.05844222009181976 :0.20329168438911438 +the:0.2058650106191635 he:0.1091388538479805 it:0.030257245525717735 a:0.023823294788599014 :0.04783012717962265 +own:0.031807057559490204 life:0.015611312352120876 friends:0.014436210505664349 life.:0.007515784353017807 :0.1963181346654892 +the:0.5415815711021423 them:0.02960769645869732 those:0.024962609633803368 other:0.023349134251475334 :0.04040960967540741 +be:0.1441548615694046 pay:0.04036558419466019 do:0.038295332342386246 go:0.02173890545964241 :0.07437311857938766 +on:0.25831127166748047 the:0.031122799962759018 in:0.027546461671590805 of:0.026798920705914497 :0.07988682389259338 +the:0.14858810603618622 a:0.10395006835460663 his:0.09055927395820618 her:0.0277622789144516 :0.048894014209508896 +be:0.3474450707435608 the:0.13399375975131989 have:0.020114446058869362 bo:0.01558816060423851 :0.0695776417851448 +The:0.16342858970165253 I:0.050046052783727646 It:0.049826934933662415 He:0.03426840528845787 :0.11365503072738647 +the:0.22654218971729279 a:0.05439070612192154 this:0.035427894443273544 order:0.016770638525485992 :0.0896468311548233 +feet:0.06573772430419922 deg.:0.04268487170338631 and:0.04185699671506882 in:0.02808074653148651 :0.2669135332107544 +the:0.08882448077201843 a:0.03068843111395836 in:0.012403730303049088 then:0.01127245556563139 :0.17159822583198547 +and:0.17512542009353638 or:0.05769645795226097 to:0.044642671942710876 in:0.038446445018053055 :0.14602716267108917 +of:0.08678973466157913 and:0.038104377686977386 for:0.031498875468969345 in:0.031374115496873856 :0.06177711486816406 +and:0.22315198183059692 the:0.05956424027681351 but:0.05943191051483154 that:0.027423979714512825 :0.05787422135472298 +of:0.17796950042247772 was:0.1161566823720932 is:0.08323404937982559 by:0.027198245748877525 :0.07667664438486099 +and:0.1336619108915329 the:0.04817614331841469 but:0.04780454933643341 as:0.03443732485175133 :0.06595423817634583 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +the:0.4029366970062256 lots:0.06423482298851013 said:0.033837463706731796 a:0.030169915407896042 :0.10125153511762619 +of:0.35468876361846924 to:0.2108469009399414 that:0.059669364243745804 in:0.02547343820333481 :0.01764903962612152 +that:0.11404739320278168 the:0.0754619613289833 it:0.036645252257585526 is:0.026564953848719597 :0.09231629222631454 +and:0.22263209521770477 but:0.05637882277369499 or:0.02821763977408409 of:0.025866568088531494 :0.06180867180228233 +a:0.1310090571641922 the:0.11878827959299088 to:0.041752785444259644 in:0.03294533118605614 :0.06936627626419067 +have:0.08934368193149567 was:0.04801931604743004 am:0.03954323008656502 had:0.03924155980348587 :0.06762167066335678 +the:0.1213487908244133 a:0.034120824187994 that:0.024676047265529633 then:0.016922440379858017 :0.09560933709144592 +and:0.0947461724281311 of:0.08531100302934647 than:0.04198572784662247 in:0.015406831167638302 :0.18299581110477448 +the:0.09202885627746582 them:0.0515843890607357 in:0.050412170588970184 a:0.04422878101468086 :0.06987228989601135 +a:0.2150731384754181 no:0.06327827274799347 the:0.057682570070028305 an:0.018288368359208107 :0.11040540039539337 +the:0.03142448514699936 a:0.01633932627737522 other:0.006264802534133196 of:0.0059661720879375935 :0.2465982288122177 +and:0.12000294029712677 who:0.10091274976730347 but:0.03753605857491493 in:0.02101493440568447 :0.0636972039937973 +and:0.22393536567687988 that:0.05382700636982918 in:0.04530797526240349 the:0.03848684951663017 :0.04534010961651802 +and:0.19092004001140594 but:0.05466911941766739 when:0.027344727888703346 to:0.02201361209154129 :0.07765890657901764 +the:0.5411149859428406 these:0.03907497599720955 them:0.03836212679743767 his:0.028240131214261055 :0.04238632321357727 +few:0.013317594304680824 good:0.013308495283126831 man:0.013257642276585102 little:0.012976075522601604 :0.14602084457874298 +and:0.08647312223911285 in:0.026664238423109055 at:0.026420705020427704 as:0.0244897473603487 :0.1768290102481842 +was:0.16470302641391754 had:0.11532728374004364 is:0.05320901796221733 has:0.05008356273174286 :0.058159250766038895 +own:0.02610025927424431 heart:0.023356027901172638 name:0.019339749589562416 father:0.014663822948932648 :0.14329275488853455 +the:0.3680800795555115 a:0.03274579718708992 his:0.023284776136279106 their:0.016291815787553787 :0.09904368966817856 +spective:0.3906676769256592 turn:0.01833951100707054 sources:0.012970847077667713 port:0.011664725840091705 :0.26995787024497986 +the:0.17693082988262177 a:0.10593201965093613 his:0.03205321729183197 her:0.01924820989370346 :0.13342060148715973 +own:0.025681069120764732 arrival:0.0206914022564888 first:0.01730755716562271 arrival,:0.009144806303083897 :0.2524871826171875 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +and:0.029378429055213928 to:0.02256760559976101 of:0.01795765571296215 for:0.014366664923727512 :0.13766714930534363 +the:0.37779155373573303 this:0.02794516086578369 a:0.024970976635813713 his:0.019741032272577286 :0.11287745088338852 +3,:0.04499375447630882 1,:0.041093822568655014 4,:0.030826864764094353 31,:0.030002411454916 :0.1724114865064621 +been:0.1620398908853531 a:0.0316789373755455 not:0.028184376657009125 the:0.0249327439814806 :0.09288831055164337 +part:0.05985468253493309 number:0.03822752460837364 amount:0.029122712090611458 degree:0.027164451777935028 :0.11656775325536728 +of:0.2902209460735321 to:0.058824509382247925 and:0.04717506468296051 in:0.03299762308597565 :0.04484829306602478 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +of:0.6207778453826904 and:0.0715133398771286 or:0.019805049523711205 which:0.014882683753967285 :0.014574810862541199 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.12977656722068787 and:0.0796549841761589 to:0.037775907665491104 by:0.021595682948827744 :0.10547176748514175 +and:0.011859706602990627 things:0.011534270830452442 cities:0.010084024630486965 places:0.009943789802491665 :0.2493247240781784 +point:0.04157324507832527 stake:0.019657595083117485 large:0.017763804644346237 great:0.014630108140408993 :0.1461859792470932 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.2537745237350464 a:0.019478589296340942 which:0.018970366567373276 tho:0.01891094259917736 :0.10383883118629456 +the:0.08748691529035568 be:0.05994477868080139 have:0.02587113529443741 make:0.02420054003596306 :0.15901483595371246 +and:0.06424974650144577 of:0.06371279805898666 in:0.03570816293358803 to:0.031552381813526154 :0.067852683365345 +be:0.5991342663764954 not:0.05033057928085327 have:0.027323151007294655 bo:0.0188836008310318 :0.05373392254114151 +that:0.24926044046878815 to:0.1758844256401062 the:0.06981109827756882 for:0.020894043147563934 :0.024150343611836433 +the:0.2523597180843353 a:0.06502220034599304 this:0.02217097207903862 tho:0.017383933067321777 :0.10326867550611496 +to:0.607230544090271 at:0.027015164494514465 in:0.025652525946497917 by:0.023317784070968628 :0.06055338680744171 +of:0.5951387286186218 and:0.03990604355931282 ot:0.015903349965810776 from:0.014728047885000706 :0.03630002588033676 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +Block:0.2345283180475235 the:0.06950066983699799 block:0.022231539711356163 a:0.011762397363781929 :0.25289997458457947 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +the:0.03490433469414711 to:0.030834581702947617 and:0.027459897100925446 of:0.022100787609815598 :0.20628975331783295 +same:0.016652794554829597 last:0.013024604879319668 first:0.009197530336678028 right:0.00826359260827303 :0.1392623782157898 +was:0.10723567754030228 had:0.0526709258556366 is:0.04466535896062851 has:0.039555683732032776 :0.08767987042665482 +the:0.2910175323486328 a:0.047278475016355515 as:0.03673957288265228 it:0.033708516508340836 :0.0913262739777565 +as:0.06621930003166199 of:0.05144466087222099 thereof:0.04058404639363289 to:0.03667078912258148 :0.11835194379091263 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.08988262712955475 a:0.02320912666618824 his:0.007083050440996885 tho:0.005988624412566423 :0.28508204221725464 +not:0.036398064345121384 a:0.035693392157554626 the:0.02408698759973049 to:0.019204849377274513 :0.10563051700592041 +Forks:0.0394340343773365 Lodge:0.036776233464479446 Forks,:0.0344998873770237 Trunk:0.03446642681956291 :0.38827621936798096 +impartial:0.07998161017894745 the:0.03952226787805557 more:0.01009350921958685 of:0.010017558932304382 :0.17748092114925385 +.:0.0776888057589531 the:0.02498803474009037 of:0.01778915524482727 a:0.009760630317032337 :0.37586715817451477 +the:0.3875623941421509 a:0.060103628784418106 this:0.034899599850177765 their:0.024606773629784584 :0.05771807208657265 +the:0.2536894977092743 a:0.0366755835711956 which:0.020386716350913048 tho:0.02024812623858452 :0.1691989004611969 +is:0.11332624405622482 was:0.1124475970864296 to:0.06859197467565536 that:0.061665959656238556 :0.06769746541976929 +sale:0.021126924082636833 large:0.02051337994635105 vote:0.019326945766806602 majority:0.015249083749949932 :0.1742253452539444 +of:0.13089139759540558 and:0.12458481639623642 a:0.03177729249000549 to:0.031668804585933685 :0.04452720656991005 +the:0.25324445962905884 he:0.03436931222677231 they:0.026129931211471558 a:0.022521210834383965 :0.08729423582553864 +.:0.058149971067905426 M:0.0062064421363174915 and:0.0052050636149942875 J:0.005026349797844887 :0.5279592275619507 +the:0.31215178966522217 them:0.03851895034313202 his:0.028098048642277718 their:0.026786042377352715 :0.026043185964226723 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +who:0.09522074460983276 and:0.08227553218603134 of:0.07275991886854172 to:0.05401279404759407 :0.06085440143942833 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.18689443171024323 a:0.08365737646818161 an:0.011568108573555946 all:0.011441386304795742 :0.16328035295009613 +the:0.08336056768894196 a:0.07003176957368851 out:0.031869471073150635 rid:0.024398786947131157 :0.12215057760477066 +of:0.1352790892124176 and:0.04832310229539871 to:0.017215460538864136 the:0.011583392508327961 :0.19328036904335022 +the:0.10604308545589447 he:0.09828004240989685 they:0.07383881509304047 not:0.052830927073955536 :0.05039064213633537 +a:0.0969633013010025 the:0.0648980587720871 to:0.04573076590895653 up:0.037522196769714355 :0.1293124258518219 +the:0.04792732372879982 a:0.023401908576488495 said:0.014851811341941357 got:0.01404611300677061 :0.13516245782375336 +the:0.20645684003829956 a:0.029393399134278297 be:0.02840851992368698 his:0.010412107221782207 :0.14603976905345917 +the:0.41892924904823303 a:0.036926932632923126 his:0.031193427741527557 this:0.020830024033784866 :0.061757642775774 +to:0.17507196962833405 of:0.13377420604228973 in:0.07270226627588272 and:0.03418784588575363 :0.031626954674720764 +.:0.14051468670368195 and:0.02447245456278324 ,:0.011053823865950108 of:0.010419144295156002 :0.3568403720855713 +the:0.09896650165319443 be:0.06351020932197571 make:0.025105269625782967 a:0.02148858644068241 :0.1083553284406662 +of:0.5062561631202698 between:0.02860300987958908 and:0.02527967281639576 to:0.02132408134639263 :0.048729728907346725 +to:0.4843659996986389 and:0.08242989331483841 for:0.055491432547569275 in:0.029779870063066483 :0.04076525196433067 +mouth:0.011321264319121838 end:0.010178869590163231 top:0.009290688671171665 city:0.008032749406993389 :0.21781577169895172 +been:0.2651047706604004 the:0.02580641396343708 not:0.025459913536906242 a:0.022140808403491974 :0.10855196416378021 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +of:0.8275084495544434 ot:0.015210009180009365 to:0.014111299067735672 on:0.010222150944173336 :0.010981399565935135 +the:0.27328237891197205 tho:0.020626811310648918 which:0.020083947107195854 a:0.019093582406640053 :0.11003734916448593 +made:0.03716104477643967 a:0.030058881267905235 the:0.024857543408870697 taken:0.020551640540361404 :0.14961276948451996 +The:0.2105056643486023 It:0.044431403279304504 This:0.03274499997496605 He:0.03262677788734436 :0.08928261697292328 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +to:0.525248110294342 from:0.04270297661423683 for:0.032642241567373276 is:0.030323920771479607 :0.025995567440986633 +the:0.32076355814933777 into:0.15067391097545624 a:0.047670260071754456 upon:0.042173296213150024 :0.055719394236803055 +and:0.059463515877723694 are:0.02456372044980526 to:0.021299319341778755 the:0.02093273587524891 :0.1690751165151596 +and:0.014426683075726032 of:0.012097835540771484 styles:0.010225437581539154 advices:0.008063838817179203 :0.17069503664970398 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +the:0.12603488564491272 a:0.0312681719660759 to:0.02812293730676174 by:0.025643786415457726 :0.0851752758026123 +cent:0.10820896923542023 acre:0.06394410878419876 cent,:0.06376111507415771 acre,:0.04983426257967949 :0.23775719106197357 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +and:0.042588815093040466 was:0.0418924018740654 of:0.03348160162568092 is:0.024259153753519058 :0.15120083093643188 +the:0.013147207908332348 and:0.010290509089827538 life:0.008059242740273476 a:0.004776605870574713 :0.1744435727596283 +the:0.2504538297653198 a:0.03363247215747833 his:0.029577266424894333 their:0.014432345516979694 :0.15650874376296997 +of:0.23755571246147156 to:0.05919545516371727 and:0.052287954837083817 for:0.027016162872314453 :0.04438342899084091 +and:0.044370684772729874 the:0.02198377251625061 to:0.017146311700344086 of:0.015378010459244251 :0.1679946929216385 +time:0.045619722455739975 same:0.012096764519810677 rate:0.010001316666603088 end:0.009990287013351917 :0.30260491371154785 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +the:0.07597623020410538 it:0.04198245331645012 he:0.03581018000841141 they:0.02898653969168663 :0.09446622431278229 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +the:0.2349666953086853 a:0.0641632005572319 tho:0.015128969214856625 their:0.013397217728197575 :0.14252164959907532 +a:0.06815875321626663 the:0.04489733651280403 not:0.027803532779216766 in:0.01649516448378563 :0.15705691277980804 +and:0.02615457773208618 a:0.01734563149511814 the:0.017259031534194946 to:0.011149449273943901 :0.25684890151023865 +case:0.009632309898734093 manner:0.006478434428572655 power:0.006303689908236265 city:0.005994527600705624 :0.21734580397605896 +much:0.18326371908187866 long:0.0351204052567482 many:0.029532451182603836 often:0.022461071610450745 :0.11273980885744095 +a:0.12659746408462524 by:0.07578671723604202 the:0.061599478125572205 in:0.03553573042154312 :0.07086542993783951 +result:0.029124382883310318 matter:0.0166524238884449 rule,:0.011289612390100956 man:0.010609658434987068 :0.1965998411178589 +the:0.05082084983587265 a:0.02805444784462452 any:0.020677393302321434 other:0.0164695605635643 :0.26022598147392273 +the:0.12820805609226227 if:0.0488838329911232 that:0.04702850058674812 it:0.033673517405986786 :0.050950951874256134 +the:0.08406994491815567 a:0.06720051169395447 not:0.05691565200686455 it:0.046812716871500015 :0.08855196833610535 +and:0.043448954820632935 of:0.010622997768223286 in:0.007885402999818325 or:0.007374704349786043 :0.1756688356399536 +of:0.07384814321994781 and:0.04255152493715286 to:0.03720620274543762 or:0.025047587230801582 :0.19870468974113464 +of:0.33530354499816895 and:0.07050453871488571 from:0.0403488390147686 in:0.03458559885621071 :0.0641017034649849 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +a:0.05407969281077385 the:0.041131094098091125 in:0.03513817489147186 not:0.033309370279312134 :0.10234405845403671 +the:0.2598893344402313 he:0.05161602050065994 they:0.03634093329310417 it:0.03324788808822632 :0.06533291935920715 +to:0.501156210899353 that:0.034210965037345886 in:0.03362738713622093 the:0.0325433686375618 :0.03553909808397293 +and:0.04073229432106018 of:0.028310304507613182 thence:0.026496127247810364 in:0.021100251004099846 :0.2748121917247772 +only:0.01069407444447279 first:0.009210871532559395 most:0.007786932867020369 people:0.0075849853456020355 :0.13196223974227905 +and:0.12509797513484955 but:0.027435192838311195 if:0.024931810796260834 to:0.024151813238859177 :0.0685543417930603 +the:0.18707554042339325 and:0.08951709419488907 in:0.0577140673995018 that:0.021704597398638725 :0.08854787051677704 +of:0.1800137609243393 and:0.05305594205856323 to:0.04182504490017891 by:0.03166266903281212 :0.18093939125537872 +is:0.22817352414131165 was:0.1653379201889038 are:0.13043834269046783 were:0.06973710656166077 :0.04669184610247612 +conditions:0.05575034022331238 to:0.03691733255982399 conditions.:0.03094957023859024 or:0.019022922962903976 :0.09320113807916641 +to:0.16040374338626862 of:0.07316453754901886 on:0.06715527921915054 and:0.04758576676249504 :0.04150497913360596 +as:0.06609096378087997 and:0.04621485248208046 in:0.03539840504527092 by:0.02954217977821827 :0.14947609603405 +a:0.3681084215641022 the:0.15499211847782135 an:0.0338294580578804 be:0.01593307964503765 :0.12317803502082825 +a:0.07095262408256531 the:0.05897318944334984 not:0.03768074885010719 to:0.028135348111391068 :0.11849245429039001 +the:0.2158328741788864 a:0.028246520087122917 said:0.021089432761073112 his:0.020463712513446808 :0.170677050948143 +and:0.29210662841796875 but:0.06996706873178482 or:0.024058600887656212 the:0.02299208752810955 :0.05443373695015907 +of:0.3905763626098633 and:0.18524526059627533 the:0.03471303731203079 or:0.03173544630408287 :0.048417828977108 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +The:0.15878736972808838 It:0.05297603830695152 In:0.03610096499323845 He:0.032047875225543976 :0.10188106447458267 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.5564460754394531 and:0.0845564678311348 that:0.03163008764386177 to:0.02405601739883423 :0.018071521073579788 +the:0.178269624710083 tho:0.019667671993374825 a:0.017680734395980835 this:0.011782542802393436 :0.15309280157089233 +M:0.015368162654340267 A:0.009835016913712025 C:0.007578872609883547 J:0.007385029923170805 :0.450472354888916 +the:0.1946094036102295 he:0.09935566782951355 they:0.09648605436086655 it:0.04524523764848709 :0.06557926535606384 +degrees:0.07598225027322769 of:0.06792916357517242 feet:0.051201626658439636 and:0.0339609831571579 :0.24317878484725952 +sonal:0.252407431602478 manent:0.1459656059741974 fect:0.11695385724306107 son:0.06051193177700043 :0.16420979797840118 +the:0.0956205353140831 to:0.08351807296276093 in:0.0515642985701561 was:0.038369450718164444 :0.06272000074386597 +same:0.018780803307890892 amount:0.011432717554271221 most:0.006720778066664934 right:0.006119662430137396 :0.2372770458459854 +been:0.28580909967422485 to:0.10418234020471573 a:0.023614240810275078 done:0.017251793295145035 :0.062484774738550186 +and:0.24069835245609283 the:0.06523590534925461 shall:0.04604930803179741 or:0.03512672334909439 :0.03464079275727272 +a:0.08306348323822021 not:0.05686815828084946 the:0.05011804774403572 now:0.03706672787666321 :0.09811960160732269 +and:0.03744792565703392 the:0.024014851078391075 of:0.021849647164344788 was:0.020227273926138878 :0.21043634414672852 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +to:0.14302530884742737 that:0.03268622234463692 the:0.0281232837587595 a:0.018580511212348938 :0.10100715607404709 +name:0.041562050580978394 own:0.017911627888679504 face:0.014955274760723114 death:0.013400116004049778 :0.18593592941761017 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +tend:0.3172311782836914 tempt:0.20603707432746887 tack:0.0998094454407692 tract:0.028176531195640564 :0.13265906274318695 +old:0.036339450627565384 excellent:0.012295558117330074 officer:0.009496479295194149 active:0.009249224327504635 :0.24060970544815063 +a:0.11667012423276901 not:0.07240572571754456 the:0.0684872716665268 said:0.019106311723589897 :0.06670841574668884 +a:0.04412255436182022 not:0.04138559103012085 to:0.0404258631169796 the:0.03963450714945793 :0.116737961769104 +The:0.12636172771453857 He:0.037079472094774246 It:0.03454160317778587 A:0.033088795840740204 :0.22060048580169678 +majority:0.014770939946174622 and:0.012726444751024246 number:0.009029269218444824 mass:0.008334863930940628 :0.1789333075284958 +of:0.050044380128383636 to:0.04030733183026314 and:0.036978673189878464 the:0.035602182149887085 :0.13053147494792938 +the:0.10366063565015793 a:0.02079555206000805 that:0.01644655503332615 in:0.009962929412722588 :0.15614870190620422 +and:0.0414792038500309 number:0.011392512358725071 distribution:0.010174404829740524 part:0.010083517991006374 :0.19291138648986816 +he:0.14882735908031464 the:0.14190705120563507 not:0.08954107761383057 they:0.05246131122112274 :0.0558876097202301 +of:0.49745967984199524 and:0.06043515354394913 is:0.032973404973745346 has:0.03209291025996208 :0.030775021761655807 +trance:0.055902883410453796 tire:0.0498083271086216 deavor:0.03659854829311371 gine:0.029573077335953712 :0.5324632525444031 +of:0.22899079322814941 people:0.027198411524295807 a:0.02320372313261032 persons:0.021007655188441277 :0.13549980521202087 +to:0.10988729447126389 and:0.06868331134319305 of:0.03930192440748215 in:0.03597502410411835 :0.06193048879504204 +was:0.07855955511331558 of:0.07805760949850082 is:0.06689059734344482 and:0.03924432024359703 :0.03766044229269028 +be:0.32532772421836853 not:0.08878237009048462 have:0.0719512403011322 seem:0.063057541847229 :0.04115431010723114 +of:0.023340987041592598 .:0.022657742723822594 and:0.015774855390191078 is:0.011708156205713749 :0.2365841269493103 +first:0.01656775362789631 said:0.014147539623081684 people:0.013477622531354427 time:0.011680027469992638 :0.1652756780385971 +er:0.2098267823457718 ers:0.15336209535598755 erful:0.14961664378643036 er,:0.05810292437672615 :0.0807218998670578 +ago:0.2037452608346939 and:0.1701771467924118 ago,:0.06066058948636055 ago.:0.05332057178020477 :0.05314922332763672 +The:0.10298849642276764 It:0.035240743309259415 He:0.03507378324866295 In:0.020675770938396454 :0.09831518679857254 +that:0.14170897006988525 and:0.06539203226566315 of:0.057551875710487366 in:0.03983564302325249 :0.047975655645132065 +to:0.10800467431545258 is:0.05993710830807686 the:0.059896912425756454 it:0.05204663798213005 :0.051514796912670135 +of:0.059370528906583786 and:0.04485625401139259 the:0.012942523695528507 to:0.008133377879858017 :0.20841509103775024 +the:0.17444834113121033 a:0.12599462270736694 this:0.0407438687980175 many:0.03744005784392357 :0.10777060687541962 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +large:0.020043574273586273 few:0.017496144399046898 public:0.015227668918669224 good:0.012599397450685501 :0.1686689406633377 +the:0.24038994312286377 a:0.03040165826678276 said:0.02243158593773842 which:0.017422053962945938 :0.11621839553117752 +to:0.022328466176986694 and:0.019589625298976898 for:0.009737793356180191 of:0.00945521891117096 :0.14964397251605988 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +of:0.15886308252811432 other:0.09756823629140854 a:0.03149254620075226 others:0.027323946356773376 :0.1186741441488266 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +the:0.18859097361564636 a:0.11328939348459244 his:0.019362524151802063 which:0.01671086810529232 :0.16596859693527222 +great:0.02843404747545719 good:0.021941043436527252 very:0.0215480737388134 member:0.021500952541828156 :0.1742185652256012 +o'clock:0.39410993456840515 a.:0.08216831833124161 o'clock,:0.05582278594374657 o’clock:0.0481921061873436 :0.05573182553052902 +the:0.3029925227165222 this:0.029632488265633583 a:0.022422239184379578 tho:0.012680531479418278 :0.14712072908878326 +own:0.04159625992178917 respective:0.012350501492619514 homes:0.009101959876716137 homes.:0.005930405110120773 :0.19451792538166046 +the:0.03183441236615181 and:0.03066563978791237 to:0.016587194055318832 I:0.01152626983821392 :0.19871480762958527 +and:0.03840062394738197 day:0.03603418171405792 time:0.0215898584574461 floor:0.019770028069615364 :0.09427203238010406 +Northern:0.21274632215499878 Lakes:0.026862584054470062 Falls:0.026487717404961586 Western:0.022583050653338432 :0.33230122923851013 +and:0.1589541882276535 the:0.04906018078327179 or:0.027657173573970795 a:0.025866994634270668 :0.04484846070408821 +the:0.0566573329269886 and:0.035564713180065155 be:0.03207826241850853 to:0.02390211448073387 :0.13512638211250305 +and:0.07091385871171951 of:0.05337075889110565 the:0.021781470626592636 The:0.018681952729821205 :0.236352801322937 +to:0.10079414397478104 in:0.03800578415393829 and:0.03581010177731514 6:0.024776538833975792 :0.1528611034154892 +the:0.3744875192642212 a:0.08815687149763107 any:0.03316350281238556 his:0.021119628101587296 :0.062338560819625854 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +therefore,:0.1131039410829544 however,:0.1100020483136177 that:0.08445420861244202 the:0.03973138704895973 :0.05460461974143982 +and:0.04093339666724205 of:0.036822300404310226 Mrs.:0.013941916637122631 the:0.013454572297632694 :0.23129989206790924 +and:0.04649451747536659 of:0.03223863244056702 to:0.019619446247816086 the:0.018215760588645935 :0.23715658485889435 +States:0.49575793743133545 States,:0.18300187587738037 States.:0.11009777337312698 Slates:0.013771237805485725 :0.10942719876766205 +of:0.08251368999481201 and:0.06976448744535446 the:0.04556990787386894 to:0.03371737524867058 :0.08710886538028717 +ith:0.2580360174179077 hich:0.11849465221166611 ill:0.09937774389982224 hen:0.024464916437864304 :0.14710882306098938 +the:0.3362332284450531 he:0.04444356635212898 I:0.029033029451966286 it:0.025367196649312973 :0.060298074036836624 +and:0.07059977948665619 to:0.027258217334747314 City:0.02270648255944252 city:0.019869409501552582 :0.11963633447885513 +public:0.007303828839212656 people:0.006556760985404253 law:0.006402767729014158 said:0.00564845884218812 :0.1276036947965622 +times.:0.038354501128196716 times,:0.03472450375556946 civilization.:0.018541142344474792 times:0.012956017628312111 :0.3186798691749573 +a:0.12299822270870209 an:0.02947983331978321 as:0.01138515118509531 other:0.00572113785892725 :0.2485169768333435 +be:0.2820313274860382 have:0.10024404525756836 not:0.03569125384092331 bo:0.022478444501757622 :0.08418679237365723 +that:0.06155575066804886 he:0.05714838579297066 the:0.04534207656979561 to:0.021730035543441772 :0.18025393784046173 +be:0.30219095945358276 have:0.028512097895145416 the:0.026516469195485115 bo:0.020274542272090912 :0.0679178386926651 +the:0.14012831449508667 of:0.059354182332754135 other:0.032172854989767075 that:0.02494998089969158 :0.11892270296812057 +few:0.020381201058626175 large:0.016199719160795212 very:0.012369788251817226 great:0.01155119575560093 :0.20161910355091095 +the:0.19720540940761566 a:0.018958987668156624 his:0.017710356041789055 that:0.01695643737912178 :0.0813322439789772 +the:0.09312058985233307 in:0.07195448130369186 on:0.06362869590520859 a:0.06221611797809601 :0.052397921681404114 +and:0.2029740810394287 or:0.06905697286128998 to:0.061733100563287735 for:0.05642959475517273 :0.04353354871273041 +and:0.012011472135782242 to:0.008440542966127396 in:0.00824461318552494 duty:0.006838919594883919 :0.21307744085788727 +the:0.16729851067066193 a:0.08962240070104599 his:0.01829545758664608 him:0.014613009989261627 :0.12488909065723419 +privileges:0.1126372292637825 the:0.04452655091881752 liberties:0.016312824562191963 privileges,:0.009601701982319355 :0.153058260679245 +to:0.2670978903770447 the:0.055869363248348236 for:0.027736343443393707 a:0.022370250895619392 :0.07347065955400467 +the:0.1379801630973816 all:0.020492058247327805 a:0.02033849246799946 that:0.011153611354529858 :0.11785812675952911 +a:0.15385378897190094 the:0.09327349066734314 his:0.043732162564992905 up:0.03663339838385582 :0.05330590531229973 +the:0.1482578068971634 least:0.03449543938040733 this:0.030725955963134766 work:0.025470159947872162 :0.22671665251255035 +the:0.39906686544418335 a:0.03946223482489586 his:0.02720780484378338 tho:0.022773953154683113 :0.05585714429616928 +avenue:0.1591338813304901 and:0.056818313896656036 street:0.02543552778661251 City:0.021471234038472176 :0.17261946201324463 +that:0.13148261606693268 and:0.09602414816617966 to:0.08873782306909561 was:0.03477657213807106 :0.04322582483291626 +has:0.10097423195838928 had:0.08305606991052628 was:0.06978104263544083 is:0.06036992743611336 :0.059640202671289444 +government:0.007376745343208313 day:0.00690411077812314 country:0.0054141138680279255 of:0.005354787223041058 :0.20041941106319427 +The:0.11870427429676056 It:0.04639192670583725 He:0.038688965141773224 There:0.026311881840229034 :0.12747164070606232 +the:0.4173106253147125 a:0.051815617829561234 tho:0.022686056792736053 which:0.018396267667412758 :0.08811182528734207 +the:0.11998210102319717 a:0.029766613617539406 that:0.024942312389612198 all:0.016340751200914383 :0.11120043694972992 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +provided,:0.3564607799053192 the:0.04914238303899765 entered:0.016973091289401054 a:0.015037297271192074 :0.08837414532899857 +and:0.0656270757317543 of:0.04419343173503876 the:0.024253953248262405 a:0.015243681147694588 :0.20909850299358368 +is:0.08013222366571426 was:0.05041198059916496 are:0.04689675569534302 will:0.039901621639728546 :0.07565248757600784 +and:0.023438099771738052 the:0.017061421647667885 a:0.00823741964995861 The:0.006938620936125517 :0.47921615839004517 +of:0.47304418683052063 and:0.059323277324438095 the:0.039527446031570435 a:0.03400703892111778 :0.022330334410071373 +and:0.1080622524023056 in:0.05747769773006439 at:0.028052078559994698 on:0.019483154639601707 :0.092582106590271 +own:0.04411210119724274 respective:0.010962705127894878 own.:0.004438356030732393 lives.:0.003734826808795333 :0.23696359992027283 +been:0.22281159460544586 a:0.05023995414376259 not:0.02663886733353138 the:0.02092059515416622 :0.09591406583786011 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +to:0.10800467431545258 is:0.05993710830807686 the:0.059896912425756454 it:0.05204663798213005 :0.051514796912670135 +cents:0.1960422396659851 years:0.132429838180542 years,:0.0568901002407074 per:0.05656091496348381 :0.10318844765424728 +erty:0.18565724790096283 the:0.030065670609474182 erty,:0.027203300967812538 and:0.022327018901705742 :0.26576152443885803 +of:0.7999842166900635 and:0.037682853639125824 to:0.01384568028151989 from:0.008690505288541317 :0.02708732895553112 +John:0.02081260085105896 J:0.019693806767463684 J.:0.01588471792638302 James:0.014686618000268936 :0.33834153413772583 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +the:0.2438756674528122 a:0.040738463401794434 this:0.029007816687226295 all:0.01641189493238926 :0.0816936194896698 +the:0.09875110536813736 it:0.0421869158744812 he:0.02537091262638569 a:0.024399852380156517 :0.07307907938957214 +or:0.06507419794797897 of:0.04330514743924141 and:0.04218298941850662 years:0.03685332089662552 :0.21626009047031403 +have:0.1093050017952919 are:0.08971327543258667 were:0.02594595029950142 do:0.024643203243613243 :0.07733680307865143 +the:0.2536894977092743 a:0.0366755835711956 which:0.020386716350913048 tho:0.02024812623858452 :0.1691989004611969 +of:0.09206722676753998 and:0.07038228213787079 the:0.01462463941425085 to:0.01237370353192091 :0.2289695292711258 +and:0.06319703161716461 the:0.03185571730136871 The:0.010854334570467472 which:0.009513558819890022 :0.38021206855773926 +is:0.27503272891044617 are:0.17347729206085205 was:0.1410634070634842 were:0.062090735882520676 :0.04280408099293709 +persons:0.010036986321210861 places:0.00898122787475586 countries:0.007289004046469927 parts:0.006533976644277573 :0.19479356706142426 +and:0.14157402515411377 the:0.07045277208089828 of:0.06277108937501907 that:0.036898594349622726 :0.03014870174229145 +a:0.09054484963417053 not:0.05907275155186653 the:0.05140354856848717 to:0.020944934338331223 :0.08050735294818878 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +own:0.037258122116327286 people:0.01159228291362524 country:0.010639498941600323 readers:0.009476779028773308 :0.18781457841396332 +oak:0.05395790934562683 and:0.020669201388955116 oak,:0.011368218809366226 silk:0.01087931264191866 :0.47378629446029663 +point:0.08650990575551987 time:0.0400233268737793 distance:0.03240429610013962 cost:0.027112331241369247 :0.13993725180625916 +the:0.06686389446258545 a:0.0374659039080143 his:0.034355998039245605 any:0.02175028808414936 :0.15862658619880676 +and:0.04830070957541466 is:0.03630594536662102 was:0.030655426904559135 in:0.02876156195998192 :0.08123096823692322 +the:0.1321992129087448 and:0.02253645472228527 a:0.021181389689445496 or:0.009823285974562168 :0.18852262198925018 +the:0.23699699342250824 a:0.03166237100958824 he:0.02719046175479889 they:0.026227708905935287 :0.03736855089664459 +hour:0.046136368066072464 order:0.012715509161353111 indefinite:0.011005714535713196 old:0.010583107359707355 :0.1946355551481247 +in:0.08472184836864471 and:0.03697679191827774 being:0.02984575927257538 on:0.027735676616430283 :0.12041476368904114 +was:0.08337639272212982 had:0.04350872337818146 is:0.03765808790922165 has:0.03345349431037903 :0.12556792795658112 +I:0.026852773502469063 went:0.024269580841064453 the:0.01985303871333599 took:0.013302717357873917 :0.07539590448141098 +the:0.2349666953086853 a:0.0641632005572319 tho:0.015128969214856625 their:0.013397217728197575 :0.14252164959907532 +the:0.06515862047672272 a:0.06095800921320915 not:0.018984006717801094 to:0.012646683491766453 :0.2050638049840927 +of:0.03839657083153725 and:0.03677920997142792 to:0.025547783821821213 in:0.022522680461406708 :0.2573114037513733 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +Army:0.10290595889091492 Trunk:0.08915949612855911 Jury:0.06363333761692047 Lodge:0.055872268974781036 :0.2292952984571457 +the:0.1997259110212326 he:0.11118486523628235 they:0.06757882237434387 it:0.040134940296411514 :0.04844977334141731 +not:0.043628815561532974 made:0.03427586331963539 to:0.03217310830950737 the:0.02744198776781559 :0.14682210981845856 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.14880332350730896 a:0.08267126977443695 up:0.037992242723703384 any:0.036958228796720505 :0.04140280559659004 +to:0.08020439743995667 he:0.027042128145694733 that:0.025482086464762688 the:0.014386558905243874 :0.23093615472316742 +the:0.047487523406744 to:0.04689270257949829 and:0.040126603096723557 in:0.022536421194672585 :0.16093631088733673 +box:0.16240710020065308 box,:0.07945924997329712 box.:0.07231798022985458 and:0.055287595838308334 :0.04393348842859268 +tober:0.6266045570373535 and:0.0042553069069981575 position:0.002477481961250305 way:0.002204527147114277 :0.18796075880527496 +the:0.102605439722538 to:0.05712402984499931 a:0.03147581219673157 it:0.0212800782173872 :0.14089810848236084 +line:0.38030609488487244 of:0.18113048374652863 or:0.07755717635154724 and:0.06659228354692459 :0.02258698269724846 +old:0.03818559646606445 hour:0.013086777180433273 average:0.010713991709053516 additional:0.008982726372778416 :0.251589834690094 +and:0.08999594300985336 to:0.03587965667247772 of:0.022132230922579765 or:0.016851991415023804 :0.15874354541301727 +The:0.07747838646173477 and:0.05155704915523529 A:0.017000136896967888 It:0.014383126050233841 :0.18091817200183868 +the:0.2349666953086853 a:0.0641632005572319 tho:0.015128969214856625 their:0.013397217728197575 :0.14252164959907532 +water:0.01077169831842184 the:0.008772846311330795 water,:0.007825774140655994 hands:0.007097316440194845 :0.36681339144706726 +care:0.05156642571091652 and:0.02853637933731079 care,:0.008320240303874016 to:0.008045651949942112 :0.30255287885665894 +been:0.29057466983795166 yet:0.030762234702706337 a:0.023921797052025795 only:0.02157551608979702 :0.0699056088924408 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.2364146113395691 a:0.03220938518643379 this:0.01632222905755043 our:0.011676500551402569 :0.168586865067482 +half:0.0038784053176641464 third:0.00363395968452096 said:0.0024712313897907734 of:0.002295375568792224 :0.40106329321861267 +and:0.07364501804113388 of:0.04618614912033081 boy.:0.03896580636501312 girl.:0.03698979690670967 :0.21190981566905975 +the:0.20148515701293945 be:0.05328234285116196 a:0.021113036200404167 tho:0.013300303369760513 :0.12186800688505173 +of:0.39750048518180847 to:0.2232053279876709 of.:0.14874398708343506 of,:0.11579721421003342 :0.01799423061311245 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +is:0.22817352414131165 was:0.1653379201889038 are:0.13043834269046783 were:0.06973710656166077 :0.04669184610247612 +not:0.029000211507081985 to:0.019449923187494278 the:0.01820775680243969 in:0.01749548874795437 :0.1414611041545868 +the:0.0404963418841362 and:0.03183767944574356 to:0.02172422595322132 of:0.01611439511179924 :0.1760554164648056 +the:0.11625025421380997 of:0.07260570675134659 and:0.06182211637496948 in:0.026896236464381218 :0.06837823241949081 +are:0.13394327461719513 were:0.09582455456256866 will:0.06313316524028778 had:0.05844498425722122 :0.06216377392411232 +and:0.022900415584445 J:0.011259307153522968 J.:0.006236081011593342 Lincoln:0.005347464233636856 :0.534305989742279 +to:0.16671977937221527 the:0.11308471858501434 in:0.05507408455014229 and:0.053572483360767365 :0.05251313000917435 +ditions:0.09088073670864105 struction:0.08913667500019073 stitution:0.03162882849574089 clusion:0.029473774135112762 :0.33811435103416443 +north:0.09639673680067062 south:0.08512929826974869 with:0.05764589458703995 N.:0.04080481454730034 :0.1361347734928131 +and:0.12200500071048737 between:0.05137310549616814 where:0.04213313013315201 which:0.028430724516510963 :0.07426966726779938 +the:0.3377761244773865 a:0.052346158772706985 his:0.019529445096850395 tho:0.017138920724391937 :0.11066050082445145 +of:0.365590900182724 incurred:0.11635493487119675 in:0.03260745853185654 or:0.029560964554548264 :0.03919146582484245 +Grant:0.014324703253805637 of:0.01371167041361332 Jackson:0.01267953496426344 Lee:0.01239310298115015 :0.4818457067012787 +the:0.20784525573253632 they:0.09171392768621445 he:0.06636065244674683 it:0.0437471866607666 :0.05213642492890358 +and:0.037601955235004425 of:0.020984619855880737 in:0.017766164615750313 to:0.012748423963785172 :0.12514576315879822 +and:0.19773244857788086 the:0.058312274515628815 in:0.046437185257673264 at:0.019358016550540924 :0.09513437002897263 +Dr.:0.10325918346643448 Mr.:0.08562356233596802 J:0.034847699105739594 John:0.023795099928975105 :0.16307146847248077 +rounded:0.1317446082830429 vey:0.07797243446111679 rounding:0.07051312923431396 face:0.05684130638837814 :0.35645821690559387 +.:0.6690472364425659 was:0.01064792089164257 had:0.009006784297525883 .,:0.006976273842155933 :0.12221938371658325 +been:0.2787547707557678 a:0.03612198308110237 not:0.02828623540699482 to:0.02509305067360401 :0.07327552139759064 +the:0.04107267037034035 in:0.017446639016270638 a:0.012838172726333141 to:0.01212979108095169 :0.26200345158576965 +and:0.0486438162624836 the:0.044703103601932526 of:0.035441622138023376 to:0.020846502855420113 :0.1867225617170334 +time:0.11685148626565933 time,:0.046325892210006714 time.:0.035666607320308685 way:0.02920752391219139 :0.1401442587375641 +United:0.015556160360574722 most:0.007520648185163736 State:0.006463862955570221 said:0.00635764142498374 :0.2803380787372589 +specifications:0.257868230342865 the:0.05614796653389931 a:0.017320802435278893 to:0.008744563907384872 :0.11697760224342346 +and:0.05159067362546921 of:0.03289031609892845 to:0.02577962912619114 the:0.024532657116651535 :0.21531100571155548 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +most:0.03580076992511749 only:0.030902201309800148 best:0.017336342483758926 fact:0.012169910594820976 :0.17536617815494537 +is:0.16334570944309235 was:0.06847412884235382 Is:0.0226063784211874 year:0.019394608214497566 :0.04797805845737457 +the:0.09294124692678452 to:0.039845820516347885 in:0.018059922382235527 a:0.017316877841949463 :0.07275556772947311 +head:0.021896149963140488 way:0.017157956957817078 own:0.016769902780652046 name:0.01292633730918169 :0.16984806954860687 +and:0.03403365612030029 Miss:0.025310611352324486 was:0.024677908048033714 of:0.017515286803245544 :0.33529865741729736 +miles:0.15764406323432922 feet:0.15660399198532104 years:0.06199829652905464 per:0.04493723064661026 :0.06841756403446198 +and:0.12285177409648895 of:0.01407262496650219 at:0.013090449385344982 in:0.008192325010895729 :0.12683959305286407 +than:0.11327612400054932 and:0.09442765265703201 in:0.07744843512773514 to:0.044103581458330154 :0.049187641590833664 +of:0.1667713075876236 and:0.08120356500148773 in:0.03575247526168823 that:0.02467755787074566 :0.03381729871034622 +to:0.03573641553521156 was:0.0246360395103693 and:0.024531172588467598 of:0.016286758705973625 :0.2797587215900421 +of:0.5699657201766968 and:0.03715839236974716 in:0.020171668380498886 for:0.01960504800081253 :0.015692798420786858 +to:0.6832353472709656 and:0.05027378350496292 for:0.016371728852391243 in:0.012559028342366219 :0.03351965919137001 +not:0.2681541442871094 see:0.0614783801138401 have:0.03350071609020233 get:0.02304324321448803 :0.05843193456530571 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +is:0.045383013784885406 was:0.04086214676499367 and:0.03809184953570366 the:0.03471962362527847 :0.10942047834396362 +is:0.3336568772792816 was:0.19524842500686646 Is:0.057883474975824356 has:0.044667355716228485 :0.039315152913331985 +the:0.03612915799021721 in:0.0117481155321002 and:0.009942249394953251 all:0.009930786676704884 :0.20707780122756958 +of:0.04051817208528519 and:0.03718051686882973 to:0.018426859751343727 the:0.01836816780269146 :0.2756634056568146 +duly:0.24797897040843964 made:0.031843557953834534 the:0.026888281106948853 thereafter:0.026876192539930344 :0.07600399851799011 +right:0.026027409359812737 same:0.01738891750574112 best:0.016106681898236275 most:0.014148964546620846 :0.12504778802394867 +of:0.060689929872751236 time:0.03618071973323822 one:0.023409739136695862 years:0.010847281664609909 :0.14957201480865479 +the:0.23616786301136017 a:0.10335782915353775 his:0.021473009139299393 an:0.01800698973238468 :0.11650536209344864 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +a:0.03339012712240219 the:0.030565788969397545 not:0.029914837330579758 made:0.018108559772372246 :0.17727340757846832 +a:0.07918372005224228 the:0.07116357237100601 any:0.05897308140993118 being:0.019170474261045456 :0.17469313740730286 +The:0.10797242820262909 and:0.052725136280059814 It:0.05085952579975128 I:0.029381314292550087 :0.16412167251110077 +of:0.13290606439113617 in:0.0478518083691597 the:0.03984580934047699 to:0.017216959968209267 :0.14263468980789185 +of:0.6639582514762878 rate:0.018082786351442337 was:0.01781592331826687 and:0.01280665397644043 :0.026295725256204605 +north:0.09639673680067062 south:0.08512929826974869 with:0.05764589458703995 N.:0.04080481454730034 :0.1361347734928131 +the:0.23611761629581451 a:0.047195225954055786 his:0.019846685230731964 this:0.014401834458112717 :0.06835415959358215 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +and:0.11520911753177643 the:0.03259628266096115 to:0.024626703932881355 in:0.02038980834186077 :0.08940882235765457 +the:0.05907972902059555 a:0.01306865457445383 in:0.012521444819867611 to:0.011205669492483139 :0.24549245834350586 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +act:0.02259310707449913 increase:0.012301736511290073 opportunity:0.011464063078165054 order:0.010460893623530865 :0.19070713222026825 +with:0.10844366997480392 of:0.09432434290647507 to:0.07102864235639572 and:0.047122545540332794 :0.06026729941368103 +and:0.11147753894329071 in:0.08535467833280563 of:0.05787191167473793 to:0.03279529884457588 :0.06035788729786873 +the:0.09034130722284317 any:0.058013904839754105 a:0.055342476814985275 regard:0.016405535861849785 :0.1525460034608841 +own:0.04411210119724274 respective:0.010962705127894878 own.:0.004438356030732393 lives.:0.003734826808795333 :0.23696359992027283 +the:0.036971304565668106 in:0.027868734672665596 a:0.027619434520602226 made:0.024356631562113762 :0.14841412007808685 +was:0.17271439731121063 is:0.09086092561483383 has:0.08549617975950241 had:0.05398693308234215 :0.03865210711956024 +of:0.5193054676055908 due:0.04111647978425026 required:0.023401184007525444 claimed:0.02216358110308647 :0.031738873571157455 +March:0.09881296753883362 the:0.09204165637493134 January:0.0668921247124672 April:0.06366236507892609 :0.13003146648406982 +The:0.16796106100082397 It:0.07178017497062683 He:0.04882284998893738 This:0.02674553170800209 :0.10790065675973892 +Army:0.10290595889091492 Trunk:0.08915949612855911 Jury:0.06363333761692047 Lodge:0.055872268974781036 :0.2292952984571457 +of:0.5487521886825562 to:0.023739876225590706 ot:0.019591469317674637 in:0.017371444031596184 :0.03809785842895508 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +pared:0.07304426282644272 sented:0.044610053300857544 sent:0.04142820090055466 ferred:0.03878571093082428 :0.3447897434234619 +own:0.025663912296295166 people:0.016796793788671494 country:0.015315479598939419 State:0.011126575991511345 :0.1643151491880417 +of:0.17939241230487823 and:0.045266296714544296 to:0.044290632009506226 by:0.03486907109618187 :0.0617661289870739 +was:0.1793249547481537 had:0.09236538410186768 is:0.06050390750169754 has:0.04507968947291374 :0.06716364622116089 +the:0.02232217974960804 more:0.016378968954086304 a:0.014701173640787601 in:0.01384619902819395 :0.18663637340068817 +N.:0.23542341589927673 S.:0.13822345435619354 south:0.10975992679595947 north:0.08862728625535965 :0.06896091997623444 +been:0.48010241985321045 not:0.0322289802134037 a:0.02627638168632984 to:0.011268622241914272 :0.03877609595656395 +time:0.062497083097696304 as:0.03424028307199478 to:0.02136545069515705 time,:0.017479538917541504 :0.08758080005645752 +of:0.18590138852596283 a:0.1493459790945053 the:0.10287774354219437 to:0.0484449677169323 :0.04018152132630348 +erence:0.21899323165416718 to:0.042601436376571655 and:0.024093229323625565 will:0.00911986269056797 :0.30447009205818176 +half:0.05227982625365257 few:0.027100946754217148 large:0.02216946892440319 great:0.012649431824684143 :0.1533392369747162 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +of:0.26561036705970764 to:0.10275328159332275 and:0.0692029669880867 in:0.04160016030073166 :0.055708322674036026 +was:0.10246739536523819 had:0.0737297460436821 has:0.05779939144849777 is:0.04832174628973007 :0.0563252717256546 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.03988270089030266 a:0.016694767400622368 in:0.013443546369671822 and:0.011257796548306942 :0.2673419415950775 +and:0.06559067964553833 in:0.048703983426094055 to:0.01396365649998188 than:0.01257703173905611 :0.26883572340011597 +and:0.1923888921737671 but:0.050548918545246124 the:0.03253976255655289 a:0.022304335609078407 :0.056819938123226166 +is:0.20767943561077118 was:0.15553118288516998 are:0.1011306643486023 were:0.04517177492380142 :0.043459706008434296 +of:0.24609653651714325 and:0.05738474056124687 to:0.04538041353225708 or:0.033863890916109085 :0.03670404851436615 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.0536498948931694 and:0.05137673020362854 to:0.030427508056163788 was:0.0185546912252903 :0.15451067686080933 +of:0.08321976661682129 and:0.06266855448484421 in:0.03365103155374527 were:0.026490388438105583 :0.078843854367733 +the:0.0932762622833252 to:0.028221560642123222 any:0.02484828606247902 a:0.021096864715218544 :0.10653503984212875 +and:0.1099194809794426 to:0.039876580238342285 the:0.036158572882413864 a:0.02373073436319828 :0.15913201868534088 +own:0.03746919706463814 people:0.012673772871494293 friends:0.009641178883612156 little:0.005894641857594252 :0.15899167954921722 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +able:0.02269488014280796 a:0.020636707544326782 the:0.015967849642038345 made:0.014841278083622456 :0.1582535058259964 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +quarter:0.3763864040374756 corner:0.25146037340164185 of:0.04390757158398628 and:0.028739895671606064 :0.05473797023296356 +and:0.11880466341972351 the:0.02413639985024929 to:0.011415231041610241 or:0.011058192700147629 :0.2353011667728424 +THE:0.06843233108520508 SALE:0.02581770531833172 A:0.01966950111091137 I:0.007352606859058142 :0.6930910348892212 +into:0.33709442615509033 in:0.0732014924287796 by:0.0374726876616478 and:0.03687162697315216 :0.03399529680609703 +the:0.06644316017627716 be:0.05580747500061989 have:0.03323321044445038 make:0.025096574798226357 :0.09872370213270187 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +a:0.2638911008834839 as:0.06749096512794495 the:0.05775151401758194 an:0.03641331568360329 :0.08807449787855148 +the:0.24508939683437347 a:0.0775698721408844 their:0.018684638664126396 his:0.017128322273492813 :0.10709802061319351 +far:0.0417986735701561 been:0.01718478836119175 the:0.012996152974665165 made:0.011025389656424522 :0.11305678635835648 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +a:0.07004442065954208 no:0.0664166584610939 been:0.06209052726626396 not:0.032648757100105286 :0.07627592235803604 +and:0.036936115473508835 to:0.0305612962692976 of:0.01902022957801819 the:0.018803952261805534 :0.1927611380815506 +The:0.14348971843719482 It:0.07159500569105148 He:0.04781895503401756 I:0.02851732075214386 :0.12496224790811539 +the:0.20654474198818207 a:0.14962972700595856 all:0.026383882388472557 his:0.02198585867881775 :0.08537514507770538 +was:0.07476777583360672 has:0.06938061118125916 is:0.05663397163152695 had:0.04953134432435036 :0.11428313702344894 +and:0.06683829426765442 to:0.01776150055229664 street,:0.014168720692396164 the:0.010816630907356739 :0.21566243469715118 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.24879880249500275 a:0.034998100250959396 this:0.015992077067494392 their:0.013579808175563812 :0.17372193932533264 +to:0.15432675182819366 in:0.045839812606573105 and:0.04151206836104393 a:0.024085482582449913 :0.1018555536866188 +been:0.2472567856311798 a:0.030861444771289825 the:0.03056768886744976 not:0.024431899189949036 :0.04479753226041794 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +who:0.3448491394519806 of:0.1114346832036972 in:0.01796697825193405 that:0.010636451654136181 :0.039853788912296295 +to:0.18272440135478973 that:0.121839240193367 for:0.05415083095431328 and:0.046796202659606934 :0.03949448838829994 +one:0.10011933743953705 doubt,:0.032212160527706146 doubt:0.027099864557385445 longer:0.02520802617073059 :0.10109323263168335 +the:0.34912458062171936 a:0.05701608210802078 their:0.02742880769073963 with:0.026902493089437485 :0.04685070738196373 +The:0.14124058187007904 A:0.03582519292831421 It:0.033321332186460495 In:0.023766936734318733 :0.17581391334533691 +in:0.0866721048951149 on:0.05735824257135391 and:0.055787019431591034 for:0.037090979516506195 :0.03409365937113762 +of:0.10933710634708405 in:0.08001115173101425 that:0.03213845565915108 and:0.028749046847224236 :0.038404613733291626 +and:0.047397367656230927 per:0.02453654818236828 to:0.016742505133152008 years:0.014681999571621418 :0.2925272583961487 +at:0.02077634632587433 and:0.018559399992227554 of:0.011746415868401527 1:0.0097676245495677 :0.32130196690559387 +and:0.15975892543792725 which:0.03821869567036629 of:0.03720153495669365 to:0.03643428161740303 :0.028978878632187843 +of:0.09153971076011658 and:0.07469231635332108 The:0.028067370876669884 to:0.026265786960721016 :0.11857756972312927 +the:0.08212806284427643 and:0.06363392621278763 in:0.03205496072769165 we:0.027467144653201103 :0.06916698068380356 +same:0.014721849001944065 most:0.009629630483686924 people:0.00627086590975523 amount:0.006260637193918228 :0.17042623460292816 +and:0.11143960803747177 of:0.08559716492891312 in:0.050600722432136536 at:0.04724947363138199 :0.12008265405893326 +the:0.25293025374412537 a:0.04824825003743172 this:0.021996617317199707 their:0.014501738362014294 :0.10457038879394531 +the:0.023813271895051003 and:0.016257736831903458 to:0.015681404620409012 was:0.015513719990849495 :0.2383119761943817 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +not:0.06199492886662483 the:0.024260051548480988 to:0.014725422486662865 in:0.012555648572742939 :0.16162113845348358 +be:0.5433422923088074 have:0.06903551518917084 bo:0.03990550711750984 not:0.03350302577018738 :0.03018595650792122 +of:0.21294590830802917 the:0.1564732939004898 it:0.0430813767015934 he:0.031860481947660446 :0.0629131868481636 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +was:0.14470505714416504 had:0.13513712584972382 would:0.07261236757040024 has:0.05586621165275574 :0.05392933636903763 +the:0.04521763324737549 a:0.036711011081933975 to:0.03555024042725563 and:0.029026774689555168 :0.13250340521335602 +J.:0.04504986107349396 J:0.04053635150194168 Mr.:0.035663675516843796 Dr.:0.03233462944626808 :0.15912088751792908 +to:0.3905488848686218 in:0.02723461203277111 the:0.02707534469664097 and:0.02384124882519245 :0.1030084490776062 +to:0.5435792803764343 that:0.05104481801390648 by:0.04069746285676956 the:0.019168458878993988 :0.03639260679483414 +own:0.02038581110537052 people:0.010827554389834404 country:0.008136152289807796 readers:0.0059156399220228195 :0.22298669815063477 +of:0.09019574522972107 and:0.02418879233300686 interests:0.022438054904341698 way:0.01298720296472311 :0.11953777074813843 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +the:0.14995615184307098 a:0.07749926298856735 to:0.054370809346437454 it:0.03207983449101448 :0.03971869498491287 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.22081106901168823 a:0.055634453892707825 which:0.035338327288627625 his:0.012586847878992558 :0.14915035665035248 +be:0.2097666710615158 not:0.04720428213477135 have:0.02686362899839878 bo:0.01757846027612686 :0.12030749768018723 +and:0.04374485835433006 of:0.03984419256448746 to:0.036196425557136536 or:0.028516091406345367 :0.17317067086696625 +and:0.2507212460041046 Bay,:0.042780328541994095 Bay:0.020979441702365875 &:0.011839303188025951 :0.19514964520931244 +the:0.34393730759620667 this:0.02754245698451996 a:0.022881925106048584 tho:0.021048910915851593 :0.14167903363704681 +a:0.03721143677830696 able:0.02707509696483612 in:0.021022256463766098 the:0.01893334463238716 :0.16589820384979248 +time:0.010239401832222939 thing:0.00935043953359127 place:0.008597180247306824 way:0.005143080372363329 :0.2038107067346573 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +the:0.23799699544906616 a:0.04221582040190697 tho:0.014849789440631866 this:0.014704192988574505 :0.22046831250190735 +the:0.1852550208568573 a:0.0550847165286541 their:0.013147407211363316 tho:0.012227583676576614 :0.11306089162826538 +the:0.023110104724764824 a:0.020502155646681786 imprisoned:0.016529709100723267 made:0.01347018126398325 :0.16368740797042847 +the:0.4409536123275757 a:0.06543313711881638 his:0.016768287867307663 this:0.016539577394723892 :0.09234251827001572 +of:0.1352790892124176 and:0.04832310229539871 to:0.017215460538864136 the:0.011583392508327961 :0.19328036904335022 +and:0.10361621528863907 to:0.04937046021223068 of:0.04595204070210457 in:0.026147326454520226 :0.08214155584573746 +question:0.02728196792304516 thing:0.015436172485351562 source:0.009974591434001923 principle:0.009900338016450405 :0.1851116120815277 +.:0.008741257712244987 the:0.005612846929579973 a:0.005221921484917402 and:0.004949681926518679 :0.282863587141037 +I:0.036384593695402145 the:0.03182901442050934 we:0.026529362425208092 he:0.02480946108698845 :0.08120228350162506 +the:0.15503431856632233 he:0.10728408396244049 they:0.052190519869327545 it:0.040604397654533386 :0.07576902955770493 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.05236412212252617 and:0.04766223579645157 to:0.03842397779226303 a:0.019020365551114082 :0.15736964344978333 +the:0.20447731018066406 they:0.08366313576698303 a:0.05407709255814552 it:0.05353457108139992 :0.06152893602848053 +W:0.05489726364612579 W.,:0.0480043888092041 E:0.04543282836675644 W.:0.028260696679353714 :0.14874796569347382 +is:0.05963229387998581 the:0.052825912833213806 was:0.051538411527872086 has:0.03969717025756836 :0.06776806712150574 +Dakota,:0.22342343628406525 Dakota:0.15022186934947968 Carolina:0.1352522075176239 Carolina,:0.08454985916614532 :0.08654829859733582 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.04698224738240242 feet:0.02981400489807129 years:0.022654913365840912 hundred:0.020148998126387596 :0.1603737771511078 +and:0.05223695933818817 to:0.04804440960288048 the:0.028003843501210213 in:0.025699850171804428 :0.16115719079971313 +upon:0.30541887879371643 on:0.16125716269016266 in:0.0390487015247345 of:0.034732360392808914 :0.025197088718414307 +and:0.06852027028799057 to:0.023799551650881767 the:0.021127672865986824 of:0.020138628780841827 :0.22647178173065186 +to:0.4077984392642975 for:0.11052163690328598 of:0.05156666785478592 in:0.024247119203209877 :0.06128127500414848 +city:0.02639019303023815 point:0.020899686962366104 country:0.019149024039506912 time:0.018201515078544617 :0.16868844628334045 +of:0.055714838206768036 the:0.04950815811753273 and:0.03540731593966484 to:0.018773553892970085 :0.22326886653900146 +with:0.10176599025726318 the:0.06980293989181519 so:0.03908796235918999 so,:0.037140198051929474 :0.04784158617258072 +the:0.24182955920696259 a:0.029707130044698715 tho:0.014154735952615738 his:0.01200051698833704 :0.15317565202713013 +the:0.10554099828004837 a:0.07008812576532364 he:0.04145690053701401 I:0.03941939398646355 :0.06746907532215118 +and:0.07682079076766968 to:0.016641560941934586 in:0.014840585179626942 the:0.013525692746043205 :0.2660514712333679 +way:0.06621608883142471 direction:0.027413159608840942 respect:0.025218889117240906 case:0.024599069729447365 :0.12016347050666809 +be:0.2097666710615158 not:0.04720428213477135 have:0.02686362899839878 bo:0.01757846027612686 :0.12030749768018723 +the:0.31085512042045593 a:0.0754580870270729 Mr.:0.01642608642578125 which:0.014188526198267937 :0.10859531164169312 +of:0.08515195548534393 at:0.07756568491458893 and:0.04839745908975601 for:0.04712563008069992 :0.0761977881193161 +the:0.30674898624420166 this:0.05256923660635948 a:0.03405827656388283 first:0.023325568065047264 :0.1306549310684204 +ment:0.6873170137405396 ments:0.12268160283565521 ment,:0.03162730112671852 ment.:0.02488703839480877 :0.029201528057456017 +to:0.030997760593891144 and:0.021755065768957138 the:0.015204619616270065 in:0.01412892434746027 :0.20206192135810852 +The:0.11888522654771805 It:0.05337497219443321 I:0.04898901656270027 He:0.03989338502287865 :0.04913226142525673 +and:0.1178981363773346 of:0.0699135884642601 .:0.042725030332803726 Building,:0.017111798748373985 :0.18737611174583435 +of:0.7246288061141968 or:0.02533409744501114 which:0.017172573134303093 ot:0.014015110209584236 :0.02771296165883541 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.08884857594966888 in:0.04647321254014969 the:0.027319343760609627 to:0.02329232729971409 :0.19737161695957184 +and:0.02897457592189312 of:0.015547082759439945 or:0.011027082800865173 in:0.007922065444290638 :0.19675344228744507 +and:0.2280048429965973 the:0.02856646291911602 which:0.026228437200188637 or:0.026006899774074554 :0.03805844485759735 +is:0.06474898755550385 to:0.059821609407663345 was:0.04740727320313454 Is:0.02692100591957569 :0.14902175962924957 +the:0.23086316883563995 a:0.07215967029333115 his:0.026767604053020477 their:0.02495448850095272 :0.08502831310033798 +and:0.06181712821125984 of:0.028551995754241943 the:0.024418797343969345 The:0.012518285773694515 :0.208424910902977 +the:0.23722639679908752 a:0.10355484485626221 which:0.03283139690756798 his:0.014758187346160412 :0.14504516124725342 +water:0.00966782495379448 people:0.009183176793158054 same:0.008639867417514324 men:0.008285872638225555 :0.17893388867378235 +that:0.05423293635249138 the:0.04020222648978233 not:0.031451333314180374 and:0.02352852374315262 :0.2158445119857788 +the:0.15646837651729584 a:0.10876430571079254 his:0.028878040611743927 her:0.01872115209698677 :0.145483136177063 +the:0.10174903273582458 be:0.03510384261608124 make:0.018111949786543846 a:0.016382910311222076 :0.12168027460575104 +on:0.06653136759996414 of:0.0665125846862793 and:0.047770559787750244 for:0.04489431157708168 :0.0654430091381073 +hereby:0.07056573033332825 not:0.04936572164297104 to:0.02873859368264675 a:0.024161722511053085 :0.12671758234500885 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +are:0.10633642226457596 were:0.09684891253709793 have:0.09338732063770294 can:0.049730490893125534 :0.06701049208641052 +a:0.05407969281077385 the:0.041131094098091125 in:0.03513817489147186 not:0.033309370279312134 :0.10234405845403671 +and:0.1785057783126831 the:0.037477876991033554 but:0.02630346454679966 of:0.024711869657039642 :0.073839470744133 +of:0.06864321231842041 and:0.05902273580431938 the:0.03159312158823013 to:0.028668172657489777 :0.1685028225183487 +to:0.14627541601657867 by:0.06216687336564064 from:0.05792854353785515 in:0.056670039892196655 :0.04622495919466019 +lot:0.02140873670578003 mortgage:0.021078843623399734 Court,:0.018072711303830147 county:0.01616648957133293 :0.15376237034797668 +the:0.05939033254981041 year.:0.0538724809885025 year:0.036896806210279465 year,:0.033197466284036636 :0.09939499944448471 +and:0.034152112901210785 to:0.02268051542341709 the:0.019686255604028702 of:0.01725943759083748 :0.26792827248573303 +the:0.25633764266967773 that:0.05025812238454819 a:0.03424065560102463 he:0.0330752357840538 :0.03398897126317024 +the:0.166005939245224 a:0.054007772356271744 virtue:0.020432060584425926 which:0.018667511641979218 :0.13907970488071442 +corner:0.15456902980804443 quarter:0.13445985317230225 of:0.051176343113183975 by:0.02443428337574005 :0.14358805119991302 +the:0.1419462263584137 defaulting:0.02986433357000351 a:0.02769085019826889 living:0.019745804369449615 :0.16059251129627228 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +than:0.08509264141321182 and:0.07594901323318481 to:0.03119552880525589 in:0.028119169175624847 :0.1350720375776291 +of:0.06158238649368286 and:0.049065932631492615 the:0.042022161185741425 is:0.028995180502533913 :0.20580868422985077 +south:0.15417708456516266 north:0.145372673869133 running:0.10045260936021805 west:0.08679022639989853 :0.0671602115035057 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +and:0.21294061839580536 but:0.03501703590154648 where:0.03258438780903816 the:0.031989697366952896 :0.05420547351241112 +are:0.13459327816963196 were:0.08423428982496262 have:0.07195324450731277 will:0.041764695197343826 :0.07502695918083191 +the:0.12384282052516937 it:0.037201132625341415 they:0.03539381921291351 he:0.03465157002210617 :0.12549391388893127 +he:0.18641076982021332 they:0.09727929532527924 the:0.08998606353998184 I:0.06536547094583511 :0.06179683655500412 +amount:0.003921326249837875 war:0.0038745177444070578 line:0.003795539727434516 possible:0.0037762559950351715 :0.2499433010816574 +the:0.04288424924015999 and:0.034513987600803375 of:0.016339464113116264 a:0.014636915177106857 :0.24478451907634735 +of:0.07549647241830826 and:0.05651981756091118 to:0.05057084560394287 has:0.04207547754049301 :0.08283178508281708 +the:0.023546937853097916 to:0.012641637586057186 a:0.010228541679680347 hour:0.009404485113918781 :0.3772537112236023 +the:0.11709294468164444 a:0.08657388389110565 it:0.04341194033622742 they:0.039361339062452316 :0.047643329948186874 +and:0.21915337443351746 as:0.03688337281346321 or:0.03202000632882118 to:0.029843920841813087 :0.05285239219665527 +of:0.18640746176242828 is:0.07697680592536926 in:0.07189047336578369 was:0.0634598508477211 :0.05669856444001198 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.13622558116912842 man:0.01520406361669302 and:0.01282263733446598 who:0.012610034085810184 :0.08248689770698547 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +own:0.030399978160858154 way:0.01246154960244894 hands:0.007413835730403662 work:0.005489379167556763 :0.1964433491230011 +and:0.049344852566719055 of:0.03631150349974632 in:0.025504175573587418 to:0.021751681342720985 :0.11860650032758713 +for:0.04933566972613335 to:0.04315539076924324 whatever:0.03711884468793869 in:0.03535681962966919 :0.042668625712394714 +be:0.35160601139068604 not:0.053249288350343704 have:0.03706016764044762 bo:0.014682197012007236 :0.04160856083035469 +The:0.10461893677711487 It:0.042821332812309265 A:0.02922147512435913 I:0.02538319118320942 :0.18109159171581268 +the:0.3290594518184662 a:0.04823249205946922 this:0.03896896168589592 which:0.024174006655812263 :0.07717030495405197 +the:0.08540245145559311 be:0.043571051210165024 make:0.03180413320660591 have:0.014950944110751152 :0.11717366427183151 +to:0.10873184353113174 in:0.06673578172922134 as:0.047089867293834686 with:0.03970698267221451 :0.13389724493026733 +the:0.16889581084251404 of:0.07074254006147385 over:0.027420930564403534 that:0.0217900313436985 :0.13283461332321167 +ization:0.21224428713321686 ized:0.18954209983348846 or:0.09179014712572098 and:0.022476578131318092 :0.20143352448940277 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +once:0.20757953822612762 the:0.13644534349441528 least:0.08453406393527985 a:0.02436160109937191 :0.13802899420261383 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +and:0.13295292854309082 was:0.0474981889128685 is:0.041782960295677185 or:0.03695569559931755 :0.06486984342336655 +The:0.12483926117420197 It:0.04371801018714905 A:0.035317372530698776 There:0.023772288113832474 :0.11864378303289413 +the:0.23876793682575226 a:0.12789583206176758 an:0.019332708790898323 any:0.016181284561753273 :0.14136478304862976 +get:0.0367002934217453 be:0.03471041098237038 have:0.029153291136026382 see:0.022916987538337708 :0.1124206930398941 +morning:0.03823497146368027 year:0.023965220898389816 to:0.022135954350233078 week:0.01814844086766243 :0.09710192680358887 +from:0.11310181766748428 as:0.07616843283176422 in:0.028473805636167526 and:0.026560228317975998 :0.08767212927341461 +been:0.3457251191139221 the:0.037238962948322296 a:0.03044712543487549 not:0.02422216162085533 :0.08244936168193817 +and:0.14786769449710846 the:0.04996848106384277 which:0.03592118248343468 a:0.021146034821867943 :0.06879156827926636 +same:0.011869248002767563 law:0.007255278527736664 most:0.005332383327186108 name:0.0053267572075128555 :0.10823287814855576 +country:0.023979390040040016 city,:0.018591221421957016 city:0.018282363191246986 act,:0.015703648328781128 :0.14142222702503204 +the:0.31655389070510864 a:0.038369499146938324 tho:0.020946936681866646 time:0.02077222615480423 :0.08974912762641907 +of:0.05209075286984444 and:0.035214390605688095 the:0.028612293303012848 to:0.020906060934066772 :0.22778229415416718 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +half:0.05227982625365257 few:0.027100946754217148 large:0.02216946892440319 great:0.012649431824684143 :0.1533392369747162 +the:0.13417832553386688 be:0.07737720757722855 a:0.02070559374988079 make:0.015239438973367214 :0.1288902312517166 +the:0.07616680860519409 a:0.03193797543644905 in:0.012452485971152782 his:0.010515349917113781 :0.13899901509284973 +the:0.3223249614238739 a:0.020896727219223976 this:0.015447624959051609 their:0.013906077481806278 :0.13774263858795166 +thence:0.46720531582832336 thenco:0.034160640090703964 and:0.030553709715604782 North:0.014136516489088535 :0.13057509064674377 +made:0.03180757164955139 a:0.022379431873559952 taken:0.01652827113866806 the:0.01501802820712328 :0.20456822216510773 +good:0.03282032161951065 right:0.02484055608510971 large:0.01957204006612301 great:0.017245709896087646 :0.12981703877449036 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +of:0.11146315187215805 before:0.06444941461086273 and:0.043482571840286255 in:0.039991725236177444 :0.036396197974681854 +and:0.056712135672569275 City:0.03162528946995735 to:0.024325914680957794 for:0.019582271575927734 :0.1870667189359665 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.3944772183895111 a:0.06945635378360748 tho:0.018807832151651382 his:0.01739921234548092 :0.07371897250413895 +and:0.11734108626842499 of:0.05527130886912346 in:0.04209849238395691 was:0.034528858959674835 :0.06299976259469986 +the:0.3467727303504944 a:0.051162898540496826 their:0.033311497420072556 his:0.031128210946917534 :0.06226491183042526 +and:0.3432680666446686 on:0.03573864325881004 with:0.03511504456400871 from:0.024934325367212296 :0.07111227512359619 +of:0.07668928056955338 and:0.06485568732023239 the:0.019327083602547646 in:0.015768377110362053 :0.2046874612569809 +and:0.07206873595714569 the:0.05276896432042122 to:0.03755977004766464 The:0.025722356513142586 :0.10805358737707138 +the:0.025916920974850655 a:0.016086503863334656 of:0.012521874159574509 and:0.0070378645323216915 :0.47711557149887085 +of:0.1357141137123108 and:0.05426620692014694 to:0.02930748462677002 in:0.0268320981413126 :0.09854306280612946 +and:0.15846829116344452 John:0.006289319600909948 J:0.004755731672048569 James:0.004309702664613724 :0.4816037714481354 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +country:0.016832508146762848 whole:0.014066764153540134 country.:0.008502583019435406 same:0.007648801896721125 :0.21189598739147186 +made:0.02277490310370922 a:0.0209600068628788 so:0.01491808146238327 the:0.014239332638680935 :0.12031875550746918 +than:0.11209266632795334 to:0.08917408436536789 and:0.07903403788805008 in:0.03925808146595955 :0.06102852150797844 +and:0.08294303715229034 who:0.08223484456539154 the:0.018813027068972588 was:0.01661873236298561 :0.20775951445102692 +No.:0.391044944524765 of:0.25042232871055603 Attorney:0.022294623777270317 and:0.013489978387951851 :0.05717376619577408 +and:0.1723741739988327 the:0.028839096426963806 which:0.016710128635168076 to:0.012860453687608242 :0.14080238342285156 +the:0.2536894977092743 a:0.0366755835711956 which:0.020386716350913048 tho:0.02024812623858452 :0.1691989004611969 +and:0.04987909272313118 of:0.03221399337053299 feet:0.02909581921994686 Mrs.:0.018099257722496986 :0.2216290980577469 +the:0.1785244196653366 he:0.046304646879434586 it:0.03554587811231613 they:0.03167947381734848 :0.06478307396173477 +of:0.22481797635555267 and:0.1267072707414627 on:0.04150697588920593 were:0.0338757187128067 :0.045314982533454895 +from:0.10700719058513641 to:0.10130564868450165 and:0.06165439262986183 in:0.03883625939488411 :0.04058685153722763 +of:0.7601442933082581 and:0.02648443728685379 ot:0.012620178982615471 in:0.010555802844464779 :0.016839293763041496 +the:0.08705684542655945 a:0.013569870963692665 other:0.012028936296701431 that:0.011208497919142246 :0.18951202929019928 +is:0.27503272891044617 are:0.17347729206085205 was:0.1410634070634842 were:0.062090735882520676 :0.04280408099293709 +the:0.033449191600084305 and:0.019015338271856308 a:0.013477614149451256 was:0.00648270919919014 :0.3300030827522278 +of:0.19301876425743103 are:0.07404088228940964 and:0.059380803257226944 in:0.05353482812643051 :0.05732540413737297 +of:0.0719274953007698 in:0.034960467368364334 and:0.02506929263472557 at:0.017961490899324417 :0.11689069122076035 +of:0.13368888199329376 and:0.1064707562327385 is:0.048959407955408096 in:0.03262839838862419 :0.07060607522726059 +and:0.0606486052274704 of:0.031165404245257378 The:0.02305559813976288 the:0.023014912381768227 :0.20042316615581512 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +only:0.09430675953626633 to:0.06438829749822617 a:0.0322122685611248 the:0.02675524912774563 :0.1635047197341919 +that:0.08159588277339935 a:0.07830788940191269 the:0.0770731270313263 in:0.06569770723581314 :0.07927896827459335 +to:0.019042622298002243 .:0.018711989745497704 cent:0.018282301723957062 was:0.012126781046390533 :0.24945639073848724 +the:0.3229546844959259 a:0.04815605655312538 this:0.02086705155670643 their:0.02024679072201252 :0.08428337424993515 +said:0.011146734468638897 same:0.00724667077884078 other:0.007192614488303661 whole:0.0068927970714867115 :0.1933130919933319 +to:0.4409700632095337 for:0.14407381415367126 by:0.11083144694566727 and:0.04853859916329384 :0.0369153767824173 +who:0.16674098372459412 of:0.05392352491617203 and:0.042697109282016754 to:0.03833814337849617 :0.057004448026418686 +the:0.2500258684158325 this:0.05801961198449135 a:0.03342282399535179 order:0.031711600720882416 :0.08230327069759369 +one:0.037067122757434845 kind:0.026409568265080452 other:0.0175789725035429 man:0.017308348789811134 :0.15390457212924957 +the:0.042888008058071136 d:0.02159731648862362 and:0.014741691760718822 a:0.010146502405405045 :0.2895045578479767 +large:0.020608194172382355 certain:0.010873955674469471 small:0.010644002817571163 basis:0.01046494860202074 :0.1785387247800827 +period:0.029848380014300346 hundred:0.02471536584198475 year:0.023032397031784058 large:0.02097748965024948 :0.15220914781093597 +from:0.3404197692871094 to:0.21081683039665222 the:0.019394811242818832 in:0.018755996599793434 :0.06451821327209473 +and:0.07605550438165665 the:0.0328461192548275 at:0.02907806634902954 of:0.02305101975798607 :0.2385179102420807 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +day:0.07377391308546066 morning:0.034504421055316925 year:0.022067567333579063 few:0.017893925309181213 :0.11167716979980469 +District.:0.1089516431093216 to:0.017939241603016853 and:0.017451267689466476 The:0.01563088223338127 :0.2037932127714157 +of:0.397865355014801 than:0.11625508219003677 and:0.058751121163368225 to:0.0355936698615551 :0.03194023668766022 +a:0.05867277830839157 in:0.0511523000895977 to:0.047602083534002304 the:0.04655034467577934 :0.08023037016391754 +Dakota,:0.07670842111110687 Carolina:0.05857209861278534 Carolina,:0.04928400740027428 of:0.0335070975124836 :0.1581876277923584 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +a:0.04376887530088425 the:0.037661876529455185 sure:0.02698581852018833 not:0.024455148726701736 :0.3461976945400238 +not:0.5205020904541016 the:0.02655167505145073 in:0.01266205869615078 so:0.011910131201148033 :0.05039540305733681 +to:0.22889664769172668 in:0.04316778481006622 on:0.03317543864250183 at:0.03201943635940552 :0.04369235411286354 +country:0.023979390040040016 city,:0.018591221421957016 city:0.018282363191246986 act,:0.015703648328781128 :0.14142222702503204 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.12000703066587448 was:0.030397627502679825 is:0.026802878826856613 and:0.019365746527910233 :0.16274411976337433 +to:0.026262812316417694 and:0.01920223794877529 had:0.018323158845305443 have:0.014481871388852596 :0.1740160882472992 +and:0.12221504747867584 in:0.043730925768613815 with:0.041743941605091095 the:0.0377027653157711 :0.07549557834863663 +of:0.7736131548881531 that:0.0780152752995491 ot:0.010252355597913265 which:0.008079493418335915 :0.008298640139400959 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +the:0.27315741777420044 a:0.04854360967874527 by:0.04697059467434883 his:0.02272859402000904 :0.1340618133544922 +for:0.17863337695598602 to:0.13185079395771027 the:0.03378363326191902 by:0.03021039068698883 :0.0675278753042221 +the:0.49250492453575134 a:0.037032246589660645 this:0.027777133509516716 their:0.024206480011343956 :0.07136528939008713 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +that:0.14332617819309235 and:0.12367478758096695 to:0.05467340722680092 is:0.039017800241708755 :0.04796908050775528 +New:0.05426495149731636 the:0.02769509144127369 Morris,:0.01918359100818634 Alexandria,:0.018515700474381447 :0.2699425518512726 +point:0.08650990575551987 time:0.0400233268737793 distance:0.03240429610013962 cost:0.027112331241369247 :0.13993725180625916 +and:0.03492320328950882 to:0.031484685838222504 the:0.027834177017211914 in:0.019730111584067345 :0.1614447385072708 +the:0.14670604467391968 be:0.029059356078505516 a:0.0181376114487648 their:0.012078527361154556 :0.08624207228422165 +to:0.05511679872870445 not:0.0502847284078598 a:0.04054625704884529 the:0.038352567702531815 :0.13146625459194183 +of:0.3698994517326355 and:0.048449933528900146 council:0.020818352699279785 is:0.01532029639929533 :0.0482129231095314 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.035878073424100876 in:0.03476797044277191 a:0.03426799178123474 made:0.014226207509636879 :0.10390371084213257 +and:0.18460924923419952 the:0.07227972894906998 when:0.044791094958782196 but:0.026222290471196175 :0.03283297270536423 +and:0.17441987991333008 the:0.03779660165309906 was:0.036593686789274216 but:0.026367485523223877 :0.048788558691740036 +is:0.20393991470336914 was:0.09463091939687729 will:0.03776639699935913 would:0.033526234328746796 :0.08905144780874252 +The:0.014296451583504677 and:0.011677212081849575 A:0.011025313287973404 M:0.008653845638036728 :0.3610183298587799 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.42510268092155457 a:0.09561502188444138 tho:0.02010479010641575 his:0.016980228945612907 :0.07271841913461685 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +a:0.06815875321626663 the:0.04489733651280403 not:0.027803532779216766 in:0.01649516448378563 :0.15705691277980804 +been:0.12346328049898148 a:0.11247039586305618 the:0.03298487886786461 no:0.0214020237326622 :0.12156770378351212 +is:0.07706993073225021 was:0.05930974334478378 has:0.04638071730732918 the:0.03858053311705589 :0.07417172938585281 +of:0.26881667971611023 and:0.07926541566848755 to:0.04030268266797066 for:0.0364755354821682 :0.13940630853176117 +the:0.041856549680233 to:0.020706480368971825 of:0.01682451367378235 and:0.015704868361353874 :0.31194981932640076 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.09091006219387054 for:0.08289182186126709 and:0.06878354400396347 to:0.06557587534189224 :0.0717664510011673 +the:0.5027720332145691 tho:0.02561504952609539 a:0.022664370015263557 his:0.022405900061130524 :0.05730617046356201 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.2174573838710785 a:0.0370975099503994 be:0.020667070522904396 his:0.017370594665408134 :0.13339167833328247 +a:0.2514094412326813 the:0.15850549936294556 an:0.049614496529102325 and:0.04231613501906395 :0.03503375127911568 +and:0.16605594754219055 the:0.03768230229616165 but:0.028341524302959442 a:0.013360357843339443 :0.14964495599269867 +of:0.06745351105928421 and:0.05961320176720619 the:0.028333548456430435 to:0.022436605766415596 :0.16666445136070251 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.16821835935115814 to:0.08469249308109283 and:0.023640485480427742 the:0.021423738449811935 :0.13044145703315735 +the:0.3090273439884186 a:0.06650157272815704 this:0.020743226632475853 which:0.015583978965878487 :0.11765922605991364 +the:0.04719267413020134 and:0.04521466791629791 to:0.036174170672893524 in:0.02028714306652546 :0.1672191321849823 +a:0.12668001651763916 an:0.03066096641123295 resale:0.018560707569122314 sale:0.01565805822610855 :0.15547022223472595 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +and:0.1159098893404007 of:0.11039946973323822 in:0.05080540478229523 are:0.04544699937105179 :0.04157297685742378 +of:0.26311108469963074 and:0.04528018832206726 is:0.0379343181848526 to:0.02874111942946911 :0.028509298339486122 +amount:0.02575835958123207 part:0.018676722422242165 quantity:0.01658644899725914 sum:0.014234821312129498 :0.1778171956539154 +The:0.15714319050312042 It:0.06258729100227356 A:0.027319710701704025 In:0.026044398546218872 :0.11668772995471954 +to:0.05224097892642021 by:0.04812098294496536 in:0.034634288400411606 and:0.032255224883556366 :0.08900760859251022 +along:0.44200360774993896 on:0.05277986079454422 and:0.033618006855249405 parallel:0.032769571989774704 :0.14278601109981537 +after:0.3047560155391693 the:0.11848393827676773 I:0.029670553281903267 he:0.022474197670817375 :0.04918907955288887 +own:0.04183154180645943 hands:0.009919912554323673 hand:0.007857050746679306 way:0.007746001705527306 :0.18003223836421967 +of:0.325227826833725 and:0.03779178112745285 or:0.02292908914387226 shall:0.021038273349404335 :0.1636299043893814 +and:0.11164744943380356 in:0.04741086810827255 to:0.045401643961668015 of:0.03586364537477493 :0.10516800731420517 +most:0.010688862763345242 same:0.010554389096796513 said:0.008122287690639496 best:0.007079474162310362 :0.1670253574848175 +church:0.14957991242408752 Episcopal:0.1224079579114914 church,:0.048039987683296204 Church:0.04660356044769287 :0.21734502911567688 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +own:0.04887836053967476 respective:0.011901591904461384 friends:0.006266470532864332 hands:0.004259617067873478 :0.2530166804790497 +been:0.3723395764827728 to:0.06266617774963379 not:0.037442319095134735 the:0.01852230355143547 :0.08390802890062332 +menced:0.35872766375541687 posed:0.01825500652194023 -:0.014826439321041107 pany:0.01261851005256176 :0.20356231927871704 +the:0.3134581744670868 a:0.05936779826879501 which:0.03329341858625412 this:0.02148541435599327 :0.04337901249527931 +in:0.17019891738891602 of:0.0696326270699501 on:0.05004120245575905 at:0.048639290034770966 :0.054733119904994965 +of:0.1666295975446701 and:0.08523090928792953 in:0.054746054112911224 were:0.033795155584812164 :0.05821702629327774 +of:0.22422270476818085 are:0.06427799165248871 in:0.05525591969490051 and:0.026190899312496185 :0.033333707600831985 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.1973753720521927 a:0.04482699930667877 said:0.015007748268544674 tho:0.01147741824388504 :0.20467355847358704 +and:0.04755797237157822 of:0.0305898729711771 was:0.017187902703881264 is:0.012768646702170372 :0.1486651599407196 +of:0.3186396062374115 in:0.045424655079841614 that:0.029952479526400566 to:0.029799165204167366 :0.05192947015166283 +from:0.06797469407320023 to:0.062020644545555115 down:0.05902863293886185 up:0.058207713067531586 :0.1072024405002594 +the:0.12766899168491364 he:0.06354692578315735 is:0.04405640810728073 was:0.042985592037439346 :0.06211240589618683 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +the:0.06574010103940964 are:0.04222094267606735 was:0.037326131016016006 is:0.036815665662288666 :0.08091728389263153 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.16913911700248718 they:0.03508087992668152 I:0.0339244045317173 he:0.032784413546323776 :0.12647123634815216 +of:0.18794380128383636 and:0.09963156282901764 to:0.0684681311249733 was:0.03625863790512085 :0.04735559597611427 +be:0.15818502008914948 have:0.09899410605430603 not:0.0708276703953743 bo:0.015397370792925358 :0.10911761224269867 +was:0.08270995318889618 and:0.05145364999771118 of:0.04973437264561653 for:0.029166176915168762 :0.06469006091356277 +the:0.4253714680671692 a:0.08109166473150253 this:0.021547691896557808 his:0.017523787915706635 :0.05499916896224022 +as:0.1298372745513916 the:0.07060850411653519 by:0.05616137012839317 to:0.036177609115839005 :0.19130975008010864 +the:0.3377761244773865 a:0.052346158772706985 his:0.019529445096850395 tho:0.017138920724391937 :0.11066050082445145 +things:0.06955555081367493 people:0.042071301490068436 men:0.036613620817661285 and:0.03240633010864258 :0.11841517686843872 +to:0.15795733034610748 the:0.13749709725379944 a:0.13532985746860504 from:0.020929422229528427 :0.09693346172571182 +the:0.06923862546682358 a:0.021653911098837852 that:0.012947959825396538 other:0.011401025578379631 :0.14202356338500977 +be:0.4040418267250061 not:0.06252103298902512 have:0.024703219532966614 bo:0.017813483253121376 :0.06273336708545685 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +first:0.01656775362789631 said:0.014147539623081684 people:0.013477622531354427 time:0.011680027469992638 :0.1652756780385971 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +the:0.0682770237326622 a:0.02563200518488884 Mrs.:0.010864763520658016 to:0.007569476030766964 :0.16919608414173126 +is:0.31460487842559814 was:0.15903742611408234 will:0.043733980506658554 has:0.03368460386991501 :0.041318923234939575 +in:0.0595245435833931 and:0.058423273265361786 for:0.049336306750774384 on:0.038752440363168716 :0.05208771675825119 +time:0.01794636994600296 and:0.016364846378564835 interest:0.0125781474635005 amount:0.008763552643358707 :0.17713291943073273 +and:0.03909872844815254 of:0.021348515525460243 was:0.020750589668750763 the:0.01875464618206024 :0.23420527577400208 +and:0.06809037923812866 of:0.02346523106098175 The:0.022157734259963036 the:0.019991476088762283 :0.1659383922815323 +the:0.1463458240032196 that:0.09053458273410797 in:0.024020560085773468 over:0.023053908720612526 :0.08689466863870621 +and:0.21514928340911865 the:0.04002346098423004 which:0.02786467783153057 but:0.026329442858695984 :0.07614162564277649 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +Co.:0.11117381602525711 Co.,:0.06347070634365082 Co,:0.016614655032753944 the:0.012533328495919704 :0.340705007314682 +by:0.2383737564086914 and:0.13151229918003082 as:0.08405689150094986 the:0.0405731275677681 :0.04644891992211342 +and:0.08119336515665054 the:0.040140971541404724 where:0.03353407606482506 that:0.029700422659516335 :0.06604471802711487 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +penses:0.07403150200843811 pense:0.060425713658332825 ception:0.04194441810250282 tent:0.0400414913892746 :0.33020034432411194 +the:0.021832138299942017 and:0.01758388988673687 of:0.017212942242622375 in:0.00873628631234169 :0.26471543312072754 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +same:0.01625295914709568 following:0.010705001652240753 people:0.009785427711904049 other:0.009482542984187603 :0.19395779073238373 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.3218553960323334 is:0.05601878464221954 was:0.029927045106887817 in:0.028722019866108894 :0.02643953077495098 +and:0.07913445681333542 of:0.04011298343539238 in:0.038260482251644135 is:0.032921019941568375 :0.13113044202327728 +money:0.0131837734952569 own:0.013094350695610046 friends:0.008142393082380295 right,:0.0076105170883238316 :0.24902182817459106 +pleasure:0.023462453857064247 and:0.01989324949681759 many:0.015062164515256882 interest:0.012043919414281845 :0.17545939981937408 +and:0.07929953187704086 of:0.027219101786613464 the:0.023734163492918015 a:0.019343558698892593 :0.24223892390727997 +of:0.14994776248931885 and:0.08011295646429062 in:0.053817056119441986 was:0.028338398784399033 :0.10900212079286575 +to:0.12013152986764908 is:0.06762459874153137 in:0.04363422840833664 the:0.03398190066218376 :0.0749078020453453 +not:0.05807284265756607 the:0.05160105600953102 with:0.03793902322649956 and:0.0330711305141449 :0.12048755586147308 +company:0.06291458010673523 and:0.028783494606614113 companies:0.021077852696180344 station:0.019777994602918625 :0.08654215931892395 +and:0.04989491403102875 the:0.04212493449449539 of:0.030364109203219414 for:0.016360055655241013 :0.18694812059402466 +to:0.2980829179286957 that:0.17354930937290192 he:0.04661370441317558 of:0.024866724386811256 :0.06155462563037872 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.0688212439417839 a:0.048786863684654236 not:0.041449014097452164 to:0.022875409573316574 :0.1389942616224289 +for:0.10364915430545807 in:0.096487857401371 and:0.06130516156554222 to:0.0598725751042366 :0.03932732343673706 +The:0.030339756980538368 I:0.029564836993813515 It:0.018648488447070122 the:0.018498795107007027 :0.3097345530986786 +of:0.8278588056564331 and:0.016699042171239853 to:0.011571792885661125 ot:0.01108816359192133 :0.01005858089774847 +and:0.0564911849796772 to:0.03206722438335419 of:0.028653038665652275 the:0.027484869584441185 :0.2239256501197815 +the:0.2045731097459793 a:0.04723981022834778 this:0.031287167221307755 tho:0.021378561854362488 :0.1520950198173523 +claims:0.23106935620307922 claims,:0.08893577009439468 claim,:0.057143326848745346 and:0.04527760669589043 :0.06237301975488663 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.06506253778934479 to:0.046244483441114426 in:0.04611905291676521 so:0.03728807345032692 :0.042720481753349304 +highest:0.011226936243474483 said:0.006726591382175684 United:0.005510776303708553 same:0.005410721059888601 :0.24120573699474335 +Carolina:0.1414441615343094 Carolina,:0.06164916977286339 Carolina.:0.030676178634166718 Dakota,:0.026268796995282173 :0.25132957100868225 +that:0.2136756330728531 to:0.12548954784870148 the:0.03764338418841362 mortgage:0.03364691138267517 :0.08030179142951965 +was:0.08235815912485123 had:0.059226833283901215 would:0.048760611563920975 has:0.04118792340159416 :0.07341168075799942 +A.:0.04596830904483795 and:0.03239588439464569 .:0.014414232224225998 who:0.014260594733059406 :0.35869112610816956 +and:0.13678862154483795 but:0.062452659010887146 that:0.04605982452630997 in:0.03058674931526184 :0.06284264475107193 +of:0.07555372267961502 and:0.05938921868801117 man:0.01601598411798477 at:0.00838975515216589 :0.14619481563568115 +the:0.1147046759724617 a:0.10819997638463974 his:0.06630321592092514 her:0.04132859781384468 :0.0580766499042511 +out:0.1174241304397583 the:0.10386016964912415 and:0.07866236567497253 up:0.05834838002920151 :0.0503450408577919 +the:0.06038644537329674 be:0.06004339084029198 make:0.024401511996984482 have:0.02303987368941307 :0.10513167083263397 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.22199386358261108 a:0.07107869535684586 this:0.024314556270837784 their:0.015133297070860863 :0.06180587783455849 +of:0.22028706967830658 and:0.10025830566883087 to:0.023566169664263725 was:0.02151280641555786 :0.08613213151693344 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +the:0.19494597613811493 he:0.06562450528144836 it:0.03211187943816185 a:0.02225775271654129 :0.0887773334980011 +the:0.062295328825712204 any:0.050293225795030594 other:0.030226396396756172 a:0.028324484825134277 :0.12083694338798523 +the:0.04859110713005066 and:0.032481398433446884 of:0.020815730094909668 The:0.016803180798888206 :0.22131091356277466 +own:0.023832693696022034 way:0.008530876599252224 mind:0.0073491535149514675 old:0.006595430430024862 :0.2792610228061676 +been:0.12996841967105865 a:0.05242052674293518 not:0.029057122766971588 the:0.026974858716130257 :0.118819460272789 +the:0.03612017259001732 and:0.03213770315051079 ing:0.023681629449129105 of:0.021403629332780838 :0.1832645833492279 +the:0.1828007996082306 all:0.08102793991565704 least:0.07312437146902084 any:0.057870279997587204 :0.06538543850183487 +been:0.22202476859092712 a:0.05077390745282173 not:0.03429579362273216 the:0.034233808517456055 :0.0856022909283638 +that:0.23304063081741333 of:0.1487891972064972 to:0.11024101823568344 and:0.03378487005829811 :0.06383086740970612 +the:0.08275095373392105 and:0.07289344817399979 who:0.05615910887718201 a:0.03236263990402222 :0.06302481889724731 +the:0.08969900012016296 a:0.04238773137331009 his:0.011301223188638687 other:0.010281871072947979 :0.1443135142326355 +the:0.17114415764808655 their:0.0646548792719841 a:0.06221901252865791 on:0.03924650326371193 :0.06493239104747772 +of:0.10680624097585678 and:0.07376378029584885 the:0.018548808991909027 The:0.013991540297865868 :0.12966032326221466 +that:0.30469852685928345 the:0.06755964457988739 and:0.05336212366819382 to:0.0174628384411335 :0.025234822183847427 +of:0.30921563506126404 was:0.06122554466128349 for:0.058107271790504456 on:0.04106270894408226 :0.03094928339123726 +of:0.03577905520796776 and:0.027434147894382477 was:0.022812681272625923 is:0.022648463025689125 :0.17393925786018372 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +been:0.2846088409423828 a:0.036420438438653946 not:0.02580627053976059 made:0.014834516681730747 :0.08873612433671951 +The:0.08355285972356796 It:0.06358970701694489 I:0.039971187710762024 He:0.029567275196313858 :0.11732371151447296 +the:0.08081518858671188 money:0.04162759706377983 said:0.014529756270349026 a:0.01412157528102398 :0.1636488437652588 +and:0.042588815093040466 was:0.0418924018740654 of:0.03348160162568092 is:0.024259153753519058 :0.15120083093643188 +and:0.03287482261657715 the:0.03011692874133587 of:0.022908790037035942 to:0.009481463581323624 :0.25588613748550415 +of:0.03481607884168625 and:0.024348635226488113 the:0.01677227020263672 was:0.00934872031211853 :0.2432946264743805 +and:0.05046967417001724 to:0.03437929227948189 of:0.03138398006558418 the:0.027420150116086006 :0.12465541064739227 +by:0.18670453131198883 in:0.05593188479542732 the:0.04291003197431564 and:0.042586397379636765 :0.14802859723567963 +ing:0.047702573239803314 The:0.025265036150813103 In:0.02176320180296898 I:0.018168633803725243 :0.37759295105934143 +and:0.013544249348342419 edge:0.007804624270647764 men:0.00638316897675395 right:0.00622155237942934 :0.3062571585178375 +range:0.5243828296661377 and:0.05077873170375824 south:0.031353577971458435 west:0.02889060601592064 :0.11981227248907089 +the:0.1714889258146286 he:0.08647818863391876 they:0.055346064269542694 I:0.03868737816810608 :0.09309859573841095 +the:0.03704138472676277 was:0.026406165212392807 and:0.02611684799194336 of:0.02325477823615074 :0.17209234833717346 +a:0.057905081659555435 one:0.055232442915439606 two:0.03632858023047447 three:0.031064368784427643 :0.10280976444482803 +the:0.043874189257621765 it:0.042426858097314835 I:0.03232685104012489 in:0.0318022184073925 :0.08236779272556305 +The:0.03389254957437515 It:0.024027571082115173 I:0.019685281440615654 Are:0.013845187611877918 :0.2551461160182953 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.5350338816642761 said:0.047882139682769775 his:0.024663541465997696 this:0.024474268779158592 :0.05426103249192238 +and:0.06539034098386765 the:0.042818762362003326 to:0.03147021308541298 The:0.01701093465089798 :0.1289553940296173 +see:0.056687526404857635 say:0.053271517157554626 be:0.04916618764400482 tell:0.029798617586493492 :0.13121727108955383 +first:0.009208612143993378 only:0.006305940914899111 most:0.005825683940201998 great:0.004390157759189606 :0.307474285364151 +of:0.10597571730613708 and:0.07579299062490463 to:0.059621307998895645 in:0.04325925558805466 :0.08886251598596573 +and:0.16287338733673096 of:0.12407917529344559 in:0.02869938686490059 at:0.026025183498859406 :0.053460657596588135 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +who:0.2174878716468811 of:0.05175311863422394 and:0.04653613641858101 to:0.040041882544755936 :0.049163442105054855 +the:0.08437422662973404 of:0.06460435688495636 them:0.03985773026943207 a:0.03655320778489113 :0.09037851542234421 +by:0.08433138579130173 to:0.06927425414323807 and:0.05453602597117424 the:0.0537937730550766 :0.07285185903310776 +and:0.0960654467344284 of:0.047292668372392654 was:0.03588729724287987 is:0.0328901968896389 :0.08321791887283325 +the:0.25040140748023987 he:0.05652531608939171 they:0.03809880092740059 it:0.03498151898384094 :0.05241021886467934 +few:0.043048661202192307 very:0.01854846253991127 short:0.016552865505218506 great:0.012824597768485546 :0.16029050946235657 +Shore:0.01959907077252865 line:0.014487781561911106 States:0.009997288696467876 district:0.007621044758707285 :0.20155780017375946 +the:0.06903956830501556 be:0.05609896406531334 his:0.020911481231451035 make:0.01878410391509533 :0.10380452126264572 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +made:0.03314868360757828 not:0.02597776986658573 to:0.0220172181725502 the:0.020435305312275887 :0.1380949318408966 +the:0.34484103322029114 this:0.06090960279107094 a:0.02933064103126526 tho:0.02034692093729973 :0.12441674619913101 +and:0.034316111356019974 of:0.03286292776465416 the:0.02298182249069214 to:0.018805379047989845 :0.17476625740528107 +the:0.058420579880476 to:0.051956430077552795 and:0.03430130332708359 a:0.02446211874485016 :0.13615016639232635 +the:0.10220283269882202 it:0.06191051006317139 they:0.05447479337453842 he:0.0437798835337162 :0.1071120873093605 +of:0.06957341730594635 and:0.06720270961523056 in:0.01982072740793228 for:0.01782761700451374 :0.1958567053079605 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.2349666953086853 a:0.0641632005572319 tho:0.015128969214856625 their:0.013397217728197575 :0.14252164959907532 +a:0.14623954892158508 as:0.09892640262842178 the:0.02672271430492401 an:0.015809915959835052 :0.24232152104377747 +a:0.07970036566257477 the:0.07890663295984268 to:0.06717874854803085 not:0.04576027765870094 :0.09340069442987442 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +in:0.08160465210676193 of:0.06863182038068771 the:0.052299145609140396 to:0.04781082645058632 :0.04445229843258858 +and:0.027257487177848816 The:0.018786687403917313 the:0.01660330966114998 It:0.010601040907204151 :0.2201537936925888 +the:0.45833078026771545 a:0.037669405341148376 this:0.023237185552716255 said:0.020151197910308838 :0.08158669620752335 +the:0.16011734306812286 a:0.06716261804103851 in:0.044840265065431595 their:0.029967550188302994 :0.05628599599003792 +and:0.1621347963809967 of:0.06866145879030228 the:0.058749232441186905 in:0.050379619002342224 :0.04983379319310188 +the:0.056243523955345154 of:0.049708399921655655 and:0.01570599153637886 a:0.014409124851226807 :0.40342041850090027 +to:0.33247110247612 in:0.10314002633094788 by:0.057084452360868454 on:0.05090641602873802 :0.044006720185279846 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.07969599217176437 and:0.0229839775711298 assortment:0.011616114526987076 thing:0.01027053501456976 :0.156049907207489 +course:0.009455808438360691 business:0.006596812978386879 man:0.005750762298703194 men:0.004248690791428089 :0.2147442251443863 +the:0.35936084389686584 a:0.03589876368641853 this:0.026164546608924866 such:0.01630225218832493 :0.10125298798084259 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.16889353096485138 to:0.12399979680776596 or:0.03064514696598053 and:0.021025685593485832 :0.049163732677698135 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.06405848264694214 a:0.019380463287234306 in:0.013250131160020828 I:0.01138569787144661 :0.20424775779247284 +been:0.29457154870033264 a:0.03175739571452141 the:0.026955999433994293 not:0.02038208581507206 :0.08983660489320755 +the:0.2675783932209015 a:0.05217916890978813 his:0.025213070213794708 this:0.02267327904701233 :0.0796692743897438 +mediately:0.07148456573486328 proved:0.04891782999038696 provement:0.04767824709415436 possible:0.028960341587662697 :0.4247925579547882 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +erty:0.32598039507865906 erty,:0.22302991151809692 erly:0.043554507195949554 and:0.0065790931694209576 :0.1857777088880539 +up:0.20534534752368927 into:0.041199348866939545 to:0.03732437640428543 by:0.0366460457444191 :0.03841261565685272 +and:0.042526740580797195 of:0.03342050313949585 the:0.012815636582672596 The:0.011748041957616806 :0.22375158965587616 +have:0.09361961483955383 am:0.08322584629058838 do:0.030750799924135208 don't:0.02949676290154457 :0.12410851567983627 +old:0.02000921592116356 act:0.01117708906531334 1:0.011172890663146973 hour:0.009735219180583954 :0.2592812478542328 +the:0.05705183744430542 a:0.016322361305356026 f:0.014175157994031906 .:0.013818652369081974 :0.2866937518119812 +.:0.10059674084186554 and:0.020517922937870026 of:0.017747459933161736 street:0.01657971180975437 :0.3908213675022125 +few:0.07875297963619232 short:0.024754704907536507 large:0.013339917175471783 very:0.013314071111381054 :0.16041849553585052 +that:0.14170897006988525 and:0.06539203226566315 of:0.057551875710487366 in:0.03983564302325249 :0.047975655645132065 +the:0.07489064335823059 it:0.04977795109152794 he:0.045640088617801666 I:0.030859751626849174 :0.11386289447546005 +was:0.03578435257077217 and:0.03073444403707981 in:0.014593702740967274 the:0.01453129667788744 :0.18430869281291962 +ple:0.6442563533782959 ple.:0.128393292427063 ple,:0.1283024251461029 ples:0.0022506986279040575 :0.05668368935585022 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +much:0.12852594256401062 the:0.0902140811085701 it:0.04330199584364891 they:0.03788311779499054 :0.06455995887517929 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +has:0.09507931768894196 of:0.0776384174823761 is:0.07662154734134674 was:0.03581744804978371 :0.0544251948595047 +street:0.3182736039161682 street,:0.08388059586286545 Street:0.06276832520961761 Street,:0.04398125037550926 :0.11041738092899323 +was:0.05809885635972023 is:0.028015609830617905 had:0.025766747072339058 has:0.02262253127992153 :0.12076107412576675 +to:0.3250272274017334 the:0.30812132358551025 a:0.02520783431828022 tho:0.016604581847786903 :0.03708956390619278 +of:0.40435269474983215 thereof.:0.11623081564903259 thereof,:0.10337971150875092 thereof;:0.09202247858047485 :0.054540179669857025 +way:0.04817185923457146 own:0.036216411739587784 head:0.0231053177267313 back:0.02048647589981556 :0.17720410227775574 +the:0.19178450107574463 that:0.025390340015292168 a:0.017847338691353798 to:0.017320502549409866 :0.05557833984494209 +to:0.12720419466495514 and:0.05893868952989578 of:0.013978765346109867 The:0.013562268577516079 :0.18175913393497467 +been:0.28215134143829346 to:0.028674038127064705 not:0.028338002040982246 the:0.026251569390296936 :0.05517028644680977 +of:0.15790867805480957 and:0.049182385206222534 in:0.03726167976856232 was:0.02333410643041134 :0.1276424676179886 +tion:0.6162248253822327 tion,:0.08562915027141571 retary:0.03207056596875191 ing:0.022286217659711838 :0.027480607852339745 +be:0.24137164652347565 have:0.06218307092785835 not:0.03811510652303696 he:0.02403239533305168 :0.07138597965240479 +the:0.2950855791568756 a:0.06637388467788696 tho:0.017878470942378044 his:0.007140514440834522 :0.18607589602470398 +the:0.1086086705327034 that:0.03262849897146225 to:0.02835591696202755 a:0.022797834128141403 :0.07579883933067322 +is:0.027602044865489006 year:0.02591228112578392 morning:0.015282494015991688 was:0.0128434207290411 :0.154457688331604 +of:0.39432695508003235 demanded:0.10150299221277237 and:0.0368281714618206 to:0.027807079255580902 :0.024278676137328148 +.:0.020164936780929565 and:0.01974576897919178 the:0.013354235328733921 said:0.011819152161478996 :0.27708399295806885 +to:0.07736285775899887 that:0.07701040804386139 in:0.06390176713466644 as:0.04099954664707184 :0.05544820427894592 +cupied:0.17015522718429565 curred:0.15331901609897614 of:0.020181147381663322 cur:0.017619356513023376 :0.49200376868247986 +the:0.2489948272705078 a:0.08570992946624756 his:0.015625379979610443 tho:0.011758923530578613 :0.08791518211364746 +interest:0.016158001497387886 benefit:0.012695980258286 value:0.008087067864835262 attention:0.005939039867371321 :0.17190812528133392 +is:0.08528054505586624 was:0.04820241406559944 the:0.047287508845329285 will:0.04007880762219429 :0.0602828748524189 +the:0.4808581471443176 them:0.03782261908054352 these:0.03711963817477226 his:0.024989623576402664 :0.03377002105116844 +the:0.14925281703472137 to:0.12807215750217438 him:0.06536547839641571 by:0.06229545921087265 :0.044937845319509506 +and:0.06285658478736877 of:0.05180107802152634 District:0.03982950374484062 for:0.03212127462029457 :0.20239372551441193 +and:0.14895549416542053 of:0.09596410393714905 or:0.0350206233561039 from:0.03343988209962845 :0.13232579827308655 +a:0.0676954984664917 the:0.06495975703001022 to:0.041193220764398575 not:0.0328289195895195 :0.1663587987422943 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +vided:0.26167798042297363 duced:0.05357261002063751 viding:0.0396636463701725 nounced:0.038782116025686264 :0.1791137456893921 +the:0.07990371435880661 to:0.06054775044322014 and:0.05743703991174698 is:0.034901056438684464 :0.07040323317050934 +is:0.06156757101416588 was:0.0462641566991806 of:0.04025577753782272 the:0.03598728030920029 :0.12181159108877182 +amount:0.026098251342773438 and:0.017140766605734825 part:0.012126118876039982 sum:0.01109043974429369 :0.16853055357933044 +to:0.14815951883792877 from:0.07737923413515091 in:0.03984787315130234 out:0.0339052714407444 :0.12033077329397202 +of:0.2517326772212982 and:0.059276219457387924 with:0.018995098769664764 to:0.016790641471743584 :0.08741544932126999 +the:0.29852601885795593 said:0.029407072812318802 this:0.0286625474691391 a:0.02804580144584179 :0.1336042433977127 +the:0.22415132820606232 to:0.10798274725675583 a:0.03920828178524971 that:0.028507007285952568 :0.0525803342461586 +to:0.12249263375997543 in:0.059087835252285004 that:0.03755505383014679 as:0.030786698684096336 :0.08996841311454773 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +had:0.12009486556053162 have:0.1156361773610115 was:0.07019266486167908 am:0.0413772277534008 :0.04819538816809654 +few:0.09075070172548294 short:0.040865346789360046 little:0.029225142672657967 great:0.019464094191789627 :0.14964333176612854 +the:0.10076464712619781 I:0.027867956086993217 a:0.022341996431350708 my:0.021357078105211258 :0.16959351301193237 +that:0.2407189905643463 the:0.1430729627609253 his:0.08296617120504379 to:0.03882550820708275 :0.03247097134590149 +the:0.1253868043422699 a:0.09375756978988647 it:0.037752363830804825 this:0.032865528017282486 :0.08061987161636353 +and:0.07157475501298904 with:0.03397173807024956 to:0.021823761984705925 in:0.02103012055158615 :0.08204454928636551 +who:0.07755664736032486 of:0.07674857974052429 to:0.05787930265069008 was:0.03898387774825096 :0.07629597187042236 +and:0.23500792682170868 but:0.04376930370926857 which:0.04019850119948387 the:0.02574930526316166 :0.10202797502279282 +the:0.07756981998682022 a:0.02023162879049778 to:0.012884993106126785 that:0.012401355430483818 :0.24802663922309875 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +The:0.13077467679977417 It:0.0510171614587307 In:0.03766367956995964 A:0.03386659920215607 :0.10928712040185928 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +is:0.3483891487121582 was:0.11140239983797073 will:0.03830482065677643 has:0.03732239082455635 :0.040377452969551086 +and:0.12491488456726074 of:0.09403181076049805 in:0.04914805665612221 were:0.034710805863142014 :0.09480616450309753 +the:0.09629974514245987 to:0.028216753154993057 in:0.018954019993543625 not:0.01852426864206791 :0.13981971144676208 +and:0.011982114985585213 day:0.009460197761654854 of:0.008059574291110039 section:0.005611279513686895 :0.1717902421951294 +and:0.16040673851966858 with:0.057637300342321396 to:0.053899381309747696 by:0.04080415144562721 :0.05738004669547081 +own:0.048197973519563675 hand,:0.009595496580004692 hands:0.009424029849469662 office:0.007155847270041704 :0.1683138906955719 +into:0.21077889204025269 out:0.10528302192687988 in:0.07704341411590576 down:0.07103794813156128 :0.039628755301237106 +of:0.10476621985435486 who:0.06880949437618256 and:0.05647343024611473 was:0.04007669910788536 :0.057084355503320694 +the:0.1162334531545639 be:0.049936145544052124 a:0.02756655402481556 have:0.015929682180285454 :0.1414371132850647 +and:0.18300415575504303 the:0.03215790539979935 in:0.02094271592795849 for:0.020256131887435913 :0.07537587732076645 +the:0.04610864818096161 and:0.03908555954694748 in:0.03488028049468994 by:0.02940301038324833 :0.08867364376783371 +and:0.1202496811747551 a:0.04062345623970032 in:0.03920850530266762 with:0.036446817219257355 :0.08531440049409866 +first:0.009750261902809143 man:0.007653999142348766 following:0.0063078925013542175 only:0.005766720045357943 :0.16248665750026703 +a:0.04403552785515785 not:0.04139076918363571 the:0.03824795410037041 to:0.026447826996445656 :0.119621142745018 +and:0.07164333015680313 the:0.03901911526918411 of:0.02849130891263485 in:0.021314943209290504 :0.12554281949996948 +of:0.20675517618656158 is:0.05482501536607742 which:0.048751384019851685 to:0.04654796048998833 :0.03136855736374855 +more:0.04730764776468277 of:0.03755752369761467 to:0.03439629077911377 as:0.024299148470163345 :0.12093600630760193 +the:0.09665697067975998 a:0.08728040009737015 it:0.041935425251722336 to:0.02270268090069294 :0.0747031643986702 +the:0.2646768391132355 a:0.053947627544403076 this:0.021319609135389328 his:0.021071620285511017 :0.12196774780750275 +the:0.11703212559223175 be:0.030754152685403824 a:0.016852233558893204 make:0.015886638313531876 :0.11181587725877762 +the:0.2087097465991974 a:0.04046862944960594 tho:0.02022172324359417 which:0.015262480825185776 :0.23201929032802582 +the:0.3788490295410156 a:0.04017956927418709 tho:0.019329268485307693 this:0.018024517223238945 :0.085089311003685 +and:0.08989043533802032 or:0.0235605388879776 weather,:0.01674671471118927 weather.:0.015486718155443668 :0.1769411414861679 +to:0.16169162094593048 for:0.14141182601451874 and:0.11362481862306595 of:0.0776461511850357 :0.03666233643889427 +from:0.20580466091632843 the:0.10984305292367935 in:0.06540296226739883 was:0.030806981027126312 :0.047290265560150146 +the:0.06134175881743431 to:0.05702413618564606 a:0.04919993132352829 in:0.03141689673066139 :0.1047094464302063 +and:0.04490205645561218 for:0.014929545111954212 the:0.014056343585252762 a:0.013024767860770226 :0.16488026082515717 +to:0.08460214734077454 and:0.08363448828458786 at:0.07088019698858261 in:0.05985698103904724 :0.058041878044605255 +only:0.010264500975608826 first:0.010057452134788036 people:0.008849183097481728 result:0.00873782392591238 :0.13739506900310516 +seem:0.030491279438138008 know:0.028958924114704132 appear:0.020239373669028282 have:0.016891207545995712 :0.09509699791669846 +and:0.09074738621711731 of:0.061013270169496536 to:0.047104328870773315 in:0.04457639530301094 :0.03895048424601555 +The:0.13681955635547638 It:0.03368374705314636 He:0.03095274604856968 I:0.02531186118721962 :0.1480574607849121 +no:0.0735819861292839 many:0.052887093275785446 a:0.039895787835121155 some:0.03479844331741333 :0.0944497138261795 +seem:0.030491279438138008 know:0.028958924114704132 appear:0.020239373669028282 have:0.016891207545995712 :0.09509699791669846 +single:0.04910837858915329 man:0.017472701147198677 word:0.015961304306983948 great:0.015007006004452705 :0.18224817514419556 +the:0.18162931501865387 a:0.06554244458675385 favor:0.03973793610930443 their:0.016804972663521767 :0.09973876923322678 +No.:0.06963598728179932 or:0.06752113997936249 and:0.04610627144575119 numbered:0.039527829736471176 :0.13507235050201416 +of:0.5219094157218933 that:0.02125653810799122 to:0.0204908549785614 and:0.01903066597878933 :0.023210875689983368 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +known:0.08150678873062134 as:0.04626346379518509 to:0.037788987159729004 enough:0.03762267529964447 :0.11830125749111176 +and:0.06958023458719254 the:0.028447790071368217 to:0.02524464763700962 of:0.024439429864287376 :0.2156725972890854 +.:0.3347008228302002 .,:0.015015514567494392 C:0.012992012314498425 and:0.009203017689287663 :0.3376186192035675 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +own:0.01193928625434637 use:0.005407809279859066 most:0.00466965651139617 contents:0.0045533995144069195 :0.2219574898481369 +have:0.157032772898674 will:0.058144617825746536 are:0.05579810217022896 can:0.030898358672857285 :0.05830773711204529 +J:0.045985203236341476 J.:0.02549004554748535 John:0.02291613444685936 and:0.013723121024668217 :0.2504523694515228 +of:0.030078139156103134 and:0.02292276918888092 the:0.01939036138355732 The:0.01306517980992794 :0.3393731713294983 +was:0.08644065260887146 had:0.04993477836251259 is:0.030642395839095116 has:0.024057073518633842 :0.15336671471595764 +of:0.12335752695798874 in:0.08100101351737976 to:0.0534500926733017 for:0.04892539232969284 :0.06419595330953598 +and:0.043444085866212845 was:0.027538083493709564 had:0.0161812175065279 .:0.01029032189399004 :0.45014941692352295 +the:0.08954039216041565 be:0.06292591989040375 make:0.020926250144839287 have:0.013617613352835178 :0.1415964812040329 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +the:0.030416591092944145 was:0.026290083304047585 of:0.026017220690846443 and:0.02378576062619686 :0.19148510694503784 +and:0.12421970814466476 enough:0.06068546324968338 in:0.03532612323760986 to:0.02303985506296158 :0.2588352560997009 +the:0.10265796631574631 that:0.03499544411897659 was:0.018701083958148956 then:0.017088942229747772 :0.12631338834762573 +to:0.42437323927879333 of:0.0751182958483696 for:0.03484562784433365 in:0.03362157940864563 :0.030399316921830177 +be:0.06184518337249756 the:0.059776511043310165 make:0.022131184116005898 do:0.016479769721627235 :0.1077205240726471 +the:0.2926585078239441 range:0.044278502464294434 said:0.038911644369363785 a:0.02484271302819252 :0.17890703678131104 +and:0.07028230279684067 of:0.04259593039751053 to:0.025459932163357735 the:0.0235049519687891 :0.18182669579982758 +J:0.005842076614499092 and:0.005564398132264614 Brown,:0.005240750033408403 J.:0.004492306150496006 :0.6003876328468323 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +the:0.3582058846950531 a:0.0356970876455307 this:0.023919351398944855 once:0.01901022344827652 :0.06746277958154678 +out:0.07681120187044144 up:0.07278871536254883 in:0.062259990721940994 over:0.050184011459350586 :0.04997018352150917 +to:0.10147645324468613 of:0.0456647127866745 and:0.04286859557032585 in:0.025285648182034492 :0.12341552972793579 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +from:0.22511033713817596 to:0.1631304770708084 up:0.05832512676715851 out:0.0453287810087204 :0.04144429415464401 +of:0.07852364331483841 other:0.07576344907283783 and:0.0703108161687851 year:0.031436897814273834 :0.10868258774280548 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +marked:0.09750806540250778 4:0.061215050518512726 of:0.05964343622326851 office:0.029503460973501205 :0.11920294910669327 +a:0.08982428163290024 possible:0.03987563028931618 the:0.03843788802623749 necessary:0.02496359869837761 :0.1258678287267685 +was:0.12833131849765778 had:0.055492229759693146 is:0.05530158802866936 has:0.04449862614274025 :0.07998837530612946 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +and:0.29076066613197327 as:0.05460403487086296 in:0.041599374264478683 the:0.022983722388744354 :0.109370157122612 +to:0.33929628133773804 and:0.11405659466981888 from:0.0377068854868412 for:0.03366616368293762 :0.0626303181052208 +of:0.07702124863862991 and:0.06446973234415054 in:0.021285168826580048 the:0.01958477310836315 :0.15277504920959473 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +and:0.0875302255153656 in:0.055473458021879196 of:0.04930228739976883 to:0.04600835219025612 :0.09556187689304352 +and:0.1423044502735138 to:0.07056502997875214 the:0.01481789629906416 in:0.014073081314563751 :0.2442912608385086 +to:0.03431202098727226 and:0.025407547131180763 in:0.017043787986040115 by:0.007092014420777559 :0.1453205943107605 +same:0.013585232198238373 first:0.012981027364730835 city:0.012977709993720055 case:0.009776578284800053 :0.1773841828107834 +and:0.11316612362861633 the:0.0912305936217308 but:0.043174438178539276 he:0.025071874260902405 :0.02352852374315262 +to:0.06671927124261856 and:0.0474373921751976 a:0.042975906282663345 the:0.025714891031384468 :0.07400640100240707 +three:0.6249598860740662 more:0.06465655565261841 two:0.02403051033616066 a:0.017197102308273315 :0.031540896743535995 +The:0.14257225394248962 It:0.060773562639951706 He:0.038111161440610886 In:0.025228647515177727 :0.09209047257900238 +and:0.22594112157821655 in:0.07696353644132614 are:0.0383073091506958 on:0.03167305141687393 :0.045299556106328964 +and:0.050063345581293106 the:0.03235131874680519 to:0.024780530482530594 of:0.018794218078255653 :0.11737901717424393 +the:0.18287551403045654 a:0.07131603360176086 it:0.024253254756331444 their:0.017305046319961548 :0.12989038228988647 +is:0.20393991470336914 was:0.09463091939687729 will:0.03776639699935913 would:0.033526234328746796 :0.08905144780874252 +have:0.06957424432039261 was:0.06222840026021004 had:0.03626556321978569 am:0.034211575984954834 :0.10624082386493683 +the:0.20711563527584076 be:0.06881199777126312 a:0.024874931201338768 his:0.00958042312413454 :0.1422218233346939 +the:0.10379348695278168 a:0.020578322932124138 other:0.014428897760808468 in:0.00815317127853632 :0.22171632945537567 +not:0.06610668450593948 now:0.02246413193643093 in:0.021015804260969162 to:0.020308073610067368 :0.13868702948093414 +and:0.09699447453022003 to:0.05150984227657318 of:0.04744550585746765 in:0.02857605181634426 :0.06360367685556412 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +The:0.09944542497396469 I:0.05313704162836075 He:0.04030296579003334 It:0.03489413112401962 :0.12926137447357178 +and:0.0758863016963005 of:0.060521576553583145 was:0.04626627266407013 to:0.028685016557574272 :0.08608977496623993 +by:0.06581131368875504 as:0.055490557104349136 in:0.0335889533162117 to:0.02637520059943199 :0.16687516868114471 +of:0.31776925921440125 day:0.029017750173807144 hundred:0.02070263959467411 Hundred:0.01589238829910755 :0.09608062356710434 +little:0.0094926618039608 man:0.007153708953410387 not:0.0060631087981164455 good:0.004781193099915981 :0.3519236445426941 +the:0.566772997379303 these:0.05433017760515213 them:0.043108973652124405 his:0.026530582457780838 :0.030997980386018753 +the:0.1624428629875183 to:0.07770906388759613 a:0.04709206521511078 it:0.04586568474769592 :0.0446600615978241 +the:0.23469950258731842 a:0.11395270377397537 their:0.017461715266108513 any:0.013171602040529251 :0.06595439463853836 +and:0.11440268158912659 Works,:0.055854056030511856 Works:0.050577033311128616 Mountain:0.014339051209390163 :0.2627750337123871 +the:0.19376002252101898 a:0.02733398973941803 this:0.015796061605215073 his:0.011138932779431343 :0.22658923268318176 +to:0.31736746430397034 and:0.03775394707918167 in:0.029886320233345032 quality,:0.016709262505173683 :0.08193234354257584 +and:0.08817648142576218 fact:0.013814572244882584 to:0.008835586719214916 a:0.006575017236173153 :0.3334510624408722 +and:0.15309879183769226 county,:0.029080864042043686 was:0.022139890119433403 to:0.015381259843707085 :0.19036592543125153 +and:0.05811989679932594 of:0.04310140758752823 the:0.019948836416006088 who:0.018884556367993355 :0.25747254490852356 +the:0.124028779566288 a:0.027667483314871788 that:0.025090837851166725 to:0.022512344643473625 :0.10051637887954712 +the:0.2598893344402313 he:0.05161602050065994 they:0.03634093329310417 it:0.03324788808822632 :0.06533291935920715 +the:0.05143614858388901 to:0.045388586819171906 a:0.03483907878398895 and:0.03108723647892475 :0.19572676718235016 +and:0.16755641996860504 in:0.040582604706287384 the:0.035296518355607986 which:0.016863198950886726 :0.1359127014875412 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +have:0.0647277906537056 am:0.05405145511031151 was:0.046883825212717056 will:0.025946253910660744 :0.07259311527013779 +were:0.11223869770765305 are:0.07864179462194443 will:0.06278357654809952 have:0.06054903194308281 :0.06916727125644684 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +is:0.18873649835586548 was:0.09384305775165558 Is:0.02089785598218441 would:0.012978730723261833 :0.09033969044685364 +the:0.11535931378602982 it:0.03425921872258186 I:0.03379317745566368 they:0.03050961159169674 :0.07254846394062042 +one:0.07780154794454575 person:0.07649526745080948 of:0.03805108368396759 other:0.03678891435265541 :0.10527834296226501 +to:0.2525297999382019 of:0.1812020242214203 and:0.08266984671354294 for:0.05601237714290619 :0.040174614638090134 +to:0.31736746430397034 and:0.03775394707918167 in:0.029886320233345032 quality,:0.016709262505173683 :0.08193234354257584 +the:0.2877119481563568 a:0.06149487942457199 tho:0.018226701766252518 this:0.0161308404058218 :0.08696965873241425 +the:0.33644136786460876 a:0.043876830488443375 him.:0.03709014877676964 his:0.034012649208307266 :0.04395096376538277 +of:0.03054208867251873 and:0.02148335799574852 Parker:0.011923026293516159 or:0.0066238148137927055 :0.5146031379699707 +to:0.10578087717294693 and:0.06842886656522751 for:0.06143536418676376 in:0.04108234867453575 :0.0928322896361351 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.12920638918876648 a:0.026111293584108353 in:0.02271149307489395 that:0.02072487398982048 :0.1052653044462204 +.:0.033427413552999496 The:0.02720237895846367 and:0.01984318159520626 -:0.010369718074798584 :0.28873077034950256 +of:0.045886069536209106 that:0.015169170685112476 and:0.013714617118239403 in:0.011806199327111244 :0.23918695747852325 +is:0.17926745116710663 was:0.0960816815495491 are:0.07966838777065277 will:0.05237216129899025 :0.05330998823046684 +the:0.07160930335521698 to:0.06147141754627228 and:0.04414375126361847 in:0.03452417626976967 :0.07410138845443726 +of:0.3373522460460663 and:0.06858783215284348 to:0.0648932009935379 the:0.03595100715756416 :0.03745235875248909 +and:0.1323455572128296 to:0.04876748099923134 the:0.0419512502849102 of:0.038452085107564926 :0.08387260884046555 +to:0.206869974732399 the:0.06510389596223831 by:0.06172753497958183 a:0.03950973600149155 :0.09405871480703354 +said:0.026125632226467133 United:0.012172249145805836 property:0.006392683368176222 law:0.005320810712873936 :0.1940196454524994 +able:0.028319327160716057 the:0.012891910970211029 to:0.011430012062191963 in:0.00840629730373621 :0.1960180699825287 +of:0.1850384622812271 and:0.12102477252483368 to:0.04263996705412865 was:0.030145511031150818 :0.06119387969374657 +of:0.4315715432167053 and:0.033424653112888336 to:0.026991214603185654 is:0.017171218991279602 :0.026537122204899788 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +and:0.06342031806707382 life:0.04146026447415352 a:0.03336010128259659 to:0.027518121525645256 :0.118330217897892 +of:0.14946013689041138 and:0.08182155340909958 to:0.05590015649795532 that:0.027353186160326004 :0.0765683501958847 +H.:0.04102307930588722 H:0.0342007577419281 A.:0.024306217208504677 J:0.02258160710334778 :0.23165148496627808 +be:0.13511429727077484 not:0.07514024525880814 have:0.04539405554533005 make:0.020563814789056778 :0.06698941439390182 +are:0.11483923345804214 were:0.09597868472337723 will:0.0752810537815094 have:0.0710834264755249 :0.059421516954898834 +member:0.0340520478785038 citizen:0.024608764797449112 feature:0.02062370628118515 and:0.01801738142967224 :0.1766979694366455 +the:0.11583104729652405 two:0.08364352583885193 a:0.06602580100297928 three:0.04454481229186058 :0.1774897575378418 +the:0.20560747385025024 a:0.056704312562942505 this:0.027463609352707863 their:0.01999400183558464 :0.09574573487043381 +the:0.20891495048999786 day:0.0732845887541771 a:0.04360681399703026 day,:0.03991973400115967 :0.07334651798009872 +the:0.043903809040784836 of:0.02951320819556713 and:0.01792440190911293 a:0.015295226126909256 :0.32114318013191223 +known:0.12873920798301697 that:0.06020650640130043 as:0.043769992887973785 to:0.03549715131521225 :0.13771571218967438 +The:0.12036161124706268 It:0.055455777794122696 He:0.023666895925998688 This:0.02292812429368496 :0.1342630237340927 +few:0.043048661202192307 very:0.01854846253991127 short:0.016552865505218506 great:0.012824597768485546 :0.16029050946235657 +the:0.11613979935646057 a:0.0187724307179451 in:0.014157808385789394 other:0.011567697860300541 :0.15606689453125 +of:0.44170570373535156 and:0.04504020884633064 in:0.03360520303249359 bearer:0.018124280497431755 :0.07730364054441452 +and:0.053496893495321274 to:0.03754502534866333 of:0.03718608245253563 in:0.023228462785482407 :0.13168933987617493 +best:0.04299372062087059 little:0.020204436033964157 important:0.017135847359895706 few:0.01593559980392456 :0.19915030896663666 +of:0.05635617673397064 and:0.03574725612998009 Los:0.01566583663225174 at:0.012133648619055748 :0.43209266662597656 +and:0.04219076409935951 of:0.03558630123734474 the:0.029474841430783272 to:0.026970569044351578 :0.19777187705039978 +to:0.18996413052082062 the:0.13253659009933472 in:0.058839667588472366 for:0.0368211455643177 :0.0373329259455204 +of:0.4350270926952362 or:0.09502454102039337 to:0.05941994860768318 for:0.0511617586016655 :0.032150302082300186 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.24231645464897156 for:0.08615096658468246 and:0.08180969208478928 in:0.051927193999290466 :0.03682303428649902 +and:0.07232222706079483 as:0.03826350346207619 to:0.028765909373760223 of:0.025885503739118576 :0.1920897662639618 +to:0.31772756576538086 for:0.18625497817993164 of:0.0671352967619896 the:0.0323198102414608 :0.06497184187173843 +of:0.8834730982780457 ot:0.011125067248940468 and:0.007298690266907215 the:0.006073034834116697 :0.013507549650967121 +in:0.07784803211688995 the:0.0649920254945755 a:0.05747528374195099 of:0.01866174302995205 :0.11407995223999023 +be:0.07442525774240494 the:0.0700799897313118 do:0.02392088994383812 have:0.02045867219567299 :0.1277361661195755 +important:0.033643923699855804 of:0.02098493091762066 prominent:0.011481708846986294 beautiful:0.01122498232871294 :0.16610804200172424 +the:0.2349666953086853 a:0.0641632005572319 tho:0.015128969214856625 their:0.013397217728197575 :0.14252164959907532 +been:0.12996841967105865 a:0.05242052674293518 not:0.029057122766971588 the:0.026974858716130257 :0.118819460272789 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +of:0.12245887517929077 a:0.04587920382618904 years:0.036029551178216934 times:0.02825223095715046 :0.13260330259799957 +own:0.010580196976661682 people:0.007919427007436752 country:0.007212835364043713 eyes:0.005806752014905214 :0.25317683815956116 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +.:0.7855315804481506 .,:0.014160829596221447 .;:0.011963884346187115 ..:0.001882407465018332 :0.10602922737598419 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +be:0.1155485287308693 the:0.04111845791339874 have:0.018575841560959816 make:0.017892537638545036 :0.10547326505184174 +and:0.10307870805263519 to:0.029241714626550674 of:0.02449875883758068 the:0.024435527622699738 :0.1591433733701706 +and:0.021576032042503357 towns:0.009187959134578705 cities:0.007452052086591721 boys:0.0057220784947276115 :0.18843571841716766 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +been:0.29436761140823364 not:0.025426143780350685 to:0.017066383734345436 come:0.015638047829270363 :0.06570136547088623 +and:0.06286142021417618 of:0.039472077041864395 the:0.03568994626402855 The:0.017609020695090294 :0.12380799651145935 +Sheriff:0.2873789370059967 Collector:0.05609091743826866 Marshal:0.041106928139925 Sheriff,:0.008931215852499008 :0.22413420677185059 +of:0.19255511462688446 to:0.11319434642791748 the:0.04766859486699104 and:0.04206211492419243 :0.03857532888650894 +the:0.08675743639469147 a:0.024917500093579292 that:0.01660725474357605 I:0.013099156320095062 :0.09260323643684387 +and:0.037199467420578 the:0.022324180230498314 a:0.013970235362648964 A:0.008811433799564838 :0.3865480124950409 +mortgage:0.09868124127388 county:0.06179632619023323 mortgage,:0.05835422873497009 County:0.0417015515267849 :0.11864319443702698 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +was:0.18285514414310455 is:0.1382649689912796 Is:0.07182168960571289 will:0.03555068373680115 :0.09537503868341446 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.02764732576906681 the:0.018731217831373215 of:0.016785254701972008 to:0.016483498737215996 :0.1967587172985077 +been:0.15846839547157288 not:0.04170609265565872 to:0.039592500776052475 a:0.02621503174304962 :0.06814787536859512 +most:0.01171063631772995 following:0.011048189364373684 first:0.010752874426543713 only:0.00704497704282403 :0.23609571158885956 +to:0.07654647529125214 and:0.04613363370299339 in:0.0412522554397583 with:0.034964971244335175 :0.12233135104179382 +the:0.021726641803979874 to:0.012143841944634914 and:0.011120020411908627 a:0.009853295050561428 :0.3170427680015564 +men:0.032989732921123505 of:0.015460170805454254 years:0.013556389138102531 and:0.012809177860617638 :0.1937066912651062 +and:0.04202665761113167 the:0.02597203105688095 of:0.022559363394975662 to:0.01850021816790104 :0.181039497256279 +a:0.09404778480529785 the:0.08859915286302567 to:0.06599648296833038 it:0.044183116406202316 :0.09316906332969666 +of:0.017809955403208733 girl:0.01664232276380062 and:0.01528160646557808 more:0.013360613957047462 :0.21564938127994537 +the:0.31570103764533997 this:0.0429697148501873 which:0.027244044467806816 a:0.024828849360346794 :0.056741781532764435 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +the:0.3568696081638336 a:0.1243121325969696 his:0.02565561980009079 tho:0.018719498068094254 :0.08036939054727554 +committee:0.024493753910064697 part:0.023259611800312996 and:0.017603231593966484 point:0.015268056653439999 :0.14013075828552246 +the:0.22426451742649078 he:0.05366899073123932 I:0.04689159244298935 a:0.04635680466890335 :0.08910837024450302 +and:0.03360489755868912 the:0.025489971041679382 to:0.01771276444196701 was:0.014919615350663662 :0.19795575737953186 +of:0.5309900045394897 and:0.04182971268892288 ot:0.011438568122684956 or:0.008317990228533745 :0.13159240782260895 +was:0.13642092049121857 had:0.08943922817707062 is:0.05854141712188721 has:0.0540698878467083 :0.06010616198182106 +Beginning:0.11278549581766129 The:0.04337054863572121 Commencing:0.02683524787425995 Section:0.024838602170348167 :0.2503405511379242 +fore,:0.12587592005729675 fore:0.06388828158378601 and:0.049993712455034256 of:0.04713938757777214 :0.052579186856746674 +be:0.22757494449615479 not:0.06620384752750397 have:0.02295028604567051 make:0.014282756485044956 :0.09625895321369171 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +few:0.024448076263070107 number:0.01788104698061943 large:0.010913300327956676 good:0.00785610731691122 :0.13818985223770142 +the:0.12949171662330627 it:0.029777374118566513 a:0.028799261897802353 on:0.02633742429316044 :0.03838028758764267 +of:0.14742060005664825 and:0.058166731148958206 the:0.019014619290828705 for:0.015377477742731571 :0.10950059443712234 +tance:0.04074202850461006 and:0.01087210699915886 way:0.01023392379283905 tion:0.009882941842079163 :0.4296869933605194 +by:0.1723066121339798 a:0.06854301691055298 in:0.06828602403402328 the:0.039471156895160675 :0.03740851953625679 +the:0.23594243824481964 he:0.04569358006119728 it:0.039895281195640564 a:0.03661780431866646 :0.06270363181829453 +be:0.2050066739320755 have:0.028163984417915344 only:0.02433883398771286 do:0.01757112145423889 :0.07342761754989624 +the:0.10776744037866592 that:0.04953590780496597 of:0.04396752640604973 and:0.03609485924243927 :0.07856716960668564 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.049469564110040665 the:0.03744357079267502 to:0.027443602681159973 The:0.01983899064362049 :0.17802433669567108 +of:0.6823650598526001 was:0.017582841217517853 is:0.014565673656761646 and:0.0096766147762537 :0.08724024891853333 +the:0.03749265894293785 tion:0.03176597133278847 and:0.02994309738278389 a:0.0157378688454628 :0.3117288649082184 +the:0.07104265689849854 a:0.03106088377535343 to:0.030928974971175194 and:0.025052083656191826 :0.14472073316574097 +been:0.08496195822954178 to:0.05418887361884117 a:0.04942447692155838 not:0.034329332411289215 :0.10091861337423325 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +a:0.023418139666318893 the:0.015103933401405811 was:0.014226587489247322 made:0.013266476802527905 :0.20640437304973602 +not:0.06610668450593948 now:0.02246413193643093 in:0.021015804260969162 to:0.020308073610067368 :0.13868702948093414 +the:0.46873992681503296 a:0.03884154185652733 this:0.023615486919879913 tho:0.018819650635123253 :0.045525554567575455 +of:0.08251368999481201 and:0.06976448744535446 the:0.04556990787386894 to:0.03371737524867058 :0.08710886538028717 +of:0.5062168836593628 and:0.07162590324878693 with:0.027182379737496376 ot:0.01326375175267458 :0.05054355040192604 +and:0.06577996164560318 of:0.062294937670230865 to:0.04150405898690224 in:0.030480287969112396 :0.12913700938224792 +not:0.05534910783171654 now:0.02537568472325802 in:0.02516515739262104 to:0.024204423651099205 :0.12288724631071091 +few:0.043048661202192307 very:0.01854846253991127 short:0.016552865505218506 great:0.012824597768485546 :0.16029050946235657 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +and:0.048031147569417953 to:0.04107370227575302 in:0.030701646581292152 as:0.017877474427223206 :0.18791118264198303 +was:0.14470505714416504 had:0.13513712584972382 would:0.07261236757040024 has:0.05586621165275574 :0.05392933636903763 +of:0.0953567698597908 who:0.08652003854513168 or:0.04615779593586922 to:0.04601201042532921 :0.07937786728143692 +the:0.23198001086711884 a:0.06495996564626694 this:0.024668734520673752 his:0.015238472260534763 :0.09168785810470581 +the:0.2546955943107605 a:0.03824871405959129 this:0.013428379781544209 tho:0.012973995879292488 :0.1823127418756485 +as:0.282623827457428 before:0.057928845286369324 after:0.03900258615612984 the:0.027858613058924675 :0.03112056665122509 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +only:0.10291295498609543 to:0.08865997940301895 in:0.055630918592214584 a:0.04320092126727104 :0.1317676156759262 +and:0.0730261504650116 of:0.05223185941576958 in:0.04809153079986572 to:0.038605354726314545 :0.05900656804442406 +the:0.11054151505231857 be:0.04849066212773323 any:0.0297610592097044 make:0.017184264957904816 :0.14885011315345764 +quently:0.6349992156028748 quent:0.10283888131380081 quence:0.09278050810098648 the:0.003396481741219759 :0.09292446821928024 +and:0.021468229591846466 The:0.009578664787113667 W.:0.008635411038994789 John:0.00785771757364273 :0.4079711139202118 +the:0.1745148003101349 he:0.042717114090919495 is:0.03490602970123291 has:0.027997007593512535 :0.11607500165700912 +the:0.04560038447380066 a:0.020386898890137672 to:0.015087214298546314 that:0.01160570327192545 :0.20509512722492218 +the:0.059070270508527756 and:0.05613096058368683 to:0.0399334691464901 in:0.02284945920109749 :0.12457995116710663 +pecially:0.2771809995174408 caped:0.05904925614595413 tablishment:0.05031806230545044 tate:0.037951722741127014 :0.27949580550193787 +of:0.036657996475696564 and:0.03340523689985275 the:0.031991537660360336 to:0.025885803624987602 :0.23983913660049438 +of:0.046975940465927124 to:0.03602803125977516 and:0.03142666444182396 in:0.025984380394220352 :0.18342798948287964 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +of:0.17195531725883484 in:0.04603143036365509 to:0.04320129007101059 and:0.024979593232274055 :0.10814044624567032 +tucky:0.5623869895935059 and:0.01006227545440197 thence:0.003682962153106928 ing:0.003410050878301263 :0.28645679354667664 +doubt:0.09309294819831848 right:0.03080589883029461 hesitation:0.023100700229406357 more:0.018643278628587723 :0.12668423354625702 +the:0.3113006055355072 a:0.048273373395204544 his:0.023777125403285027 him:0.011738223023712635 :0.11519155651330948 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.23815524578094482 but:0.06618376076221466 who:0.029938949272036552 in:0.023332025855779648 :0.02945573814213276 +few:0.043048661202192307 very:0.01854846253991127 short:0.016552865505218506 great:0.012824597768485546 :0.16029050946235657 +named:0.17330294847488403 described:0.12115638703107834 entitled:0.04651709645986557 the:0.03292066231369972 :0.10920299589633942 +the:0.2691458463668823 his:0.05137508362531662 sale.:0.03070080652832985 a:0.02210075408220291 :0.10484995692968369 +city:0.014994915574789047 same:0.010883897542953491 United:0.010479814372956753 county:0.007495357189327478 :0.2318350225687027 +is:0.2698195278644562 was:0.15688540041446686 has:0.06843071430921555 will:0.03979335352778435 :0.0652477815747261 +and:0.05796397849917412 in:0.01573280431330204 of:0.013370874337852001 harmony:0.012227647006511688 :0.1736479252576828 +ington:0.5155072808265686 ington,:0.3471141457557678 ington.:0.04991612583398819 and:0.005012642592191696 :0.025349173694849014 +*:0.02415681816637516 .:0.023161787539720535 to:0.0188624057918787 the:0.01756316050887108 :0.333423376083374 +and:0.09891529381275177 of:0.06721118837594986 the:0.035225722938776016 for:0.03455920144915581 :0.08066577464342117 +to:0.5673235058784485 for:0.07962281256914139 the:0.03527266904711723 that:0.0241604745388031 :0.01923213340342045 +was:0.0763302892446518 had:0.04863497242331505 has:0.03621538728475571 is:0.02662489004433155 :0.17048051953315735 +sale:0.021126924082636833 large:0.02051337994635105 vote:0.019326945766806602 majority:0.015249083749949932 :0.1742253452539444 +the:0.09816419333219528 it:0.05728405341506004 I:0.0335409976541996 he:0.030995424836874008 :0.04729418829083443 +day,:0.030184928327798843 of:0.014682036824524403 day:0.013629616238176823 day.:0.011096363887190819 :0.14023654162883759 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.10150852054357529 the:0.07208315283060074 against:0.06612744927406311 in:0.032124828547239304 :0.06160702928900719 +and:0.03896887227892876 of:0.03114427626132965 to:0.010786722414195538 in:0.009401760995388031 :0.2375202775001526 +and:0.08841506391763687 of:0.022390011698007584 to:0.019702032208442688 the:0.018124939873814583 :0.23805148899555206 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +husband:0.034401826560497284 mother:0.02816864475607872 to:0.020568635314702988 husband,:0.015454454347491264 :0.19423246383666992 +that:0.19156453013420105 the:0.10719136148691177 a:0.06448589265346527 in:0.0487227626144886 :0.03462361544370651 +and:0.17904405295848846 in:0.04518687352538109 of:0.028765572234988213 is:0.021234124898910522 :0.06787066906690598 +the:0.0494174063205719 .:0.019984154030680656 f:0.014946420677006245 a:0.011412017978727818 :0.22762110829353333 +of:0.6264791488647461 and:0.03207472711801529 that:0.029341161251068115 in:0.017172230407595634 :0.03373422846198082 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.28003567457199097 be:0.023190993815660477 a:0.016123689711093903 his:0.014062441885471344 :0.08430515229701996 +the:0.22518178820610046 a:0.045159392058849335 tho:0.014462919905781746 his:0.011714635416865349 :0.15366946160793304 +and:0.05617542937397957 the:0.031775619834661484 of:0.028597595170140266 is:0.017605168744921684 :0.1372944414615631 +and:0.08361289650201797 to:0.07566323131322861 in:0.06822989135980606 the:0.05746177211403847 :0.03855833038687706 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +the:0.23799699544906616 a:0.04221582040190697 tho:0.014849789440631866 this:0.014704192988574505 :0.22046831250190735 +to:0.11280597746372223 of:0.0592632070183754 on:0.03750048577785492 the:0.034881867468357086 :0.057212065905332565 +few:0.04287440702319145 man:0.01636306382715702 large:0.015763137489557266 great:0.014184584841132164 :0.1205705776810646 +and:0.21825362741947174 the:0.056793347001075745 as:0.04415099322795868 to:0.023538021370768547 :0.058151036500930786 +the:0.11793842166662216 be:0.03886225447058678 make:0.017911778762936592 say:0.01234816387295723 :0.12630461156368256 +a:0.042180489748716354 the:0.021789610385894775 made:0.015193022787570953 paid:0.013734845444560051 :0.19045595824718475 +and:0.2897332012653351 of:0.21945820748806 or:0.03843593969941139 is:0.02231687679886818 :0.024643177166581154 +the:0.20447731018066406 they:0.08366313576698303 a:0.05407709255814552 it:0.05353457108139992 :0.06152893602848053 +the:0.4047698378562927 a:0.07641711831092834 his:0.01957644708454609 tho:0.017613627016544342 :0.07561367005109787 +the:0.138166606426239 a:0.07768293470144272 him:0.0680399090051651 by:0.05149240419268608 :0.05798196420073509 +been:0.220949187874794 a:0.06626017391681671 any:0.027777759358286858 the:0.020319629460573196 :0.11179003864526749 +the:0.16482488811016083 least:0.1539427638053894 this:0.03624089062213898 a:0.025979451835155487 :0.0826978012919426 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +to:0.20745785534381866 of:0.11411008983850479 for:0.05695532634854317 the:0.03617355227470398 :0.06061975285410881 +and:0.06623473763465881 to:0.042892467230558395 is:0.04148852080106735 in:0.03167124465107918 :0.07178917527198792 +been:0.1944916695356369 a:0.04642651602625847 not:0.042508579790592194 the:0.023006413131952286 :0.0756799504160881 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.5197464227676392 and:0.07196276634931564 is:0.025281503796577454 will:0.014900078997015953 :0.02383383922278881 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +the:0.31010761857032776 a:0.05615159869194031 any:0.014230330474674702 tho:0.01421619113534689 :0.14086954295635223 +the:0.5240859389305115 a:0.042104631662368774 this:0.029324768111109734 his:0.02299775555729866 :0.07885325700044632 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.3312908709049225 which:0.038827769458293915 this:0.03753769025206566 a:0.030196085572242737 :0.05225898325443268 +first:0.03582489490509033 service:0.023993780836462975 passage:0.018554843962192535 expiration:0.014900828711688519 :0.16801485419273376 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +the:0.2349666953086853 a:0.0641632005572319 tho:0.015128969214856625 their:0.013397217728197575 :0.14252164959907532 +The:0.10529659688472748 It:0.057898689061403275 He:0.031858861446380615 I:0.031064556911587715 :0.12441634386777878 +that:0.07601868361234665 and:0.06857077032327652 the:0.04052439332008362 is:0.032565537840127945 :0.08040256798267365 +of:0.08296336233615875 and:0.06363004446029663 in:0.05142546445131302 to:0.026367397978901863 :0.09863968193531036 +and:0.1025594174861908 of:0.026120269671082497 to:0.018741663545370102 was:0.018575070425868034 :0.15524648129940033 +was:0.07610809057950974 have:0.05102372169494629 had:0.04161993786692619 am:0.04007378965616226 :0.09395444393157959 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +result:0.029124382883310318 matter:0.0166524238884449 rule,:0.011289612390100956 man:0.010609658434987068 :0.1965998411178589 +the:0.1421385258436203 be:0.04935898631811142 a:0.024134837090969086 make:0.012390198186039925 :0.10814151167869568 +the:0.061870772391557693 a:0.023427819833159447 in:0.009143559262156487 that:0.007202282082289457 :0.21188372373580933 +been:0.11607832461595535 a:0.04536693915724754 not:0.0391191728413105 no:0.028789788484573364 :0.07648544013500214 +and:0.22791464626789093 to:0.0649857223033905 was:0.04626055806875229 in:0.028059622272849083 :0.0577513761818409 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +a:0.08360408991575241 the:0.07740266621112823 not:0.03623003885149956 to:0.030881909653544426 :0.12924516201019287 +of:0.4192965626716614 and:0.07314692437648773 to:0.05220877006649971 in:0.04056897386908531 :0.030817894265055656 +few:0.04948434606194496 very:0.02503528632223606 good:0.023087451234459877 great:0.02307009883224964 :0.15382377803325653 +be:0.42514094710350037 have:0.13247619569301605 not:0.027088087052106857 bo:0.016696378588676453 :0.05731011927127838 +old:0.02674604207277298 opportunity:0.01571887731552124 hour:0.015110556036233902 inch:0.014786578714847565 :0.24392366409301758 +the:0.187966451048851 you:0.0720353052020073 this:0.04939210042357445 it:0.04792847856879234 :0.04632292687892914 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +and:0.0747377872467041 to:0.0563892237842083 by:0.047118157148361206 in:0.03180957958102226 :0.11779145151376724 +the:0.042722031474113464 a:0.04268187656998634 to:0.0357067808508873 not:0.01869906857609749 :0.22749757766723633 +and:0.18402129411697388 of:0.07554157078266144 in:0.03729389235377312 to:0.02748671919107437 :0.05727456137537956 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.024185411632061005 part:0.023459041491150856 in:0.020198218524456024 thing:0.01148176845163107 :0.12313707917928696 +that:0.20467160642147064 the:0.06746584177017212 of:0.03397049382328987 what:0.029944581910967827 :0.03631933033466339 +and:0.24168594181537628 the:0.053935516625642776 but:0.03287209942936897 which:0.03196806088089943 :0.0682593360543251 +to:0.0657866895198822 is:0.05245169624686241 by:0.04449427127838135 the:0.03859371691942215 :0.09902781248092651 +the:0.08931878954172134 in:0.06614027172327042 to:0.039493534713983536 of:0.03143022954463959 :0.10948556661605835 +and:0.08999594300985336 to:0.03587965667247772 of:0.022132230922579765 or:0.016851991415023804 :0.15874354541301727 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +auction:0.2522123456001282 auction,:0.21903017163276672 vendue:0.1394927203655243 vendue,:0.051590852439403534 :0.09704498201608658 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.4138939082622528 and:0.0510069765150547 to:0.04742356017231941 in:0.02555663324892521 :0.07841110974550247 +a:0.0969633013010025 the:0.0648980587720871 to:0.04573076590895653 up:0.037522196769714355 :0.1293124258518219 +to:0.2843245565891266 upon:0.10846986621618271 with:0.07009981572628021 on:0.05672096088528633 :0.05165822431445122 +old:0.016306210309267044 order:0.012212419882416725 increase:0.011738717555999756 additional:0.008758281357586384 :0.16837620735168457 +cases:0.08164814859628677 of:0.07545023411512375 instances:0.05769800394773483 newspaper:0.04280906915664673 :0.07805893570184708 +the:0.31300607323646545 a:0.14249540865421295 his:0.020862026140093803 an:0.01874708943068981 :0.06757903844118118 +important:0.033643923699855804 of:0.02098493091762066 prominent:0.011481708846986294 beautiful:0.01122498232871294 :0.16610804200172424 +the:0.10793041437864304 be:0.08619919419288635 say:0.017277143895626068 which:0.01519524585455656 :0.1084154024720192 +to:0.6078746318817139 for:0.049685776233673096 and:0.012554764747619629 the:0.011162509210407734 :0.06778658181428909 +to:0.2900106608867645 by:0.10992055386304855 that:0.05057324469089508 from:0.03683247044682503 :0.02412058599293232 +of:0.16165035963058472 was:0.09288785606622696 is:0.0866812914609909 ceremony:0.06557486951351166 :0.04927537962794304 +the:0.297370582818985 a:0.11023744195699692 thirty:0.049758825451135635 twenty:0.0261234138160944 :0.04419076815247536 +ten:0.1025691106915474 the:0.08342839032411575 a:0.018196117132902145 pay:0.010537865571677685 :0.20051294565200806 +the:0.20202746987342834 a:0.027852607890963554 be:0.024743475019931793 that:0.02015482448041439 :0.11923562735319138 +the:0.18012574315071106 be:0.11633648723363876 a:0.024175865575671196 his:0.01831338182091713 :0.09951277822256088 +and:0.17074717581272125 of:0.04339950159192085 to:0.03707481920719147 for:0.02692275308072567 :0.17404818534851074 +make:0.03279533609747887 do:0.03237069025635719 get:0.027034861966967583 pay:0.01552716176956892 :0.10511016845703125 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +the:0.02186979539692402 in:0.01665032096207142 of:0.011626286432147026 that:0.008485279977321625 :0.2048879712820053 +the:0.08731641620397568 this:0.05394591763615608 it:0.04553905874490738 so:0.04302455484867096 :0.0476592592895031 +the:0.13354116678237915 a:0.028319846838712692 that:0.018793625757098198 his:0.013652028515934944 :0.12310048937797546 +the:0.19965192675590515 a:0.07877036184072495 his:0.018222058191895485 their:0.014967672526836395 :0.09587780386209488 +The:0.14926400780677795 It:0.055660393089056015 He:0.03133209049701691 A:0.02242092601954937 :0.1332968920469284 +the:0.21631139516830444 a:0.02821297012269497 be:0.028061646968126297 his:0.016796378418803215 :0.1273910254240036 +the:0.13984045386314392 a:0.019972413778305054 said:0.01896674558520317 New:0.014346283860504627 :0.17996768653392792 +of:0.1001947820186615 and:0.08223787695169449 with:0.038432203233242035 for:0.029973961412906647 :0.08192608505487442 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.2511868476867676 and:0.04165908321738243 the:0.02181808277964592 in:0.021400272846221924 :0.09691590070724487 +.:0.033427413552999496 The:0.02720237895846367 and:0.01984318159520626 -:0.010369718074798584 :0.28873077034950256 +and:0.13159902393817902 the:0.02301512472331524 but:0.021081088110804558 a:0.017978612333536148 :0.17381668090820312 +day:0.011560634709894657 year:0.009246809408068657 is:0.008940239436924458 country:0.007810769136995077 :0.15701542794704437 +and:0.08188048750162125 the:0.047638606280088425 that:0.04126054793596268 of:0.03668462485074997 :0.059521012008190155 +a:0.2730173170566559 no:0.19056589901447296 an:0.032306570559740067 not:0.031219782307744026 :0.045145291835069656 +United:0.007961027324199677 first:0.00671287951990962 fact:0.0059057981707155704 city:0.004734683316200972 :0.28120264410972595 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.2691367566585541 a:0.0913156196475029 which:0.027868792414665222 all:0.019709644839167595 :0.07695922255516052 +a:0.12610818445682526 the:0.10716576129198074 him:0.06693597882986069 way:0.035916585475206375 :0.09121464937925339 +and:0.1302068531513214 in:0.04718935862183571 were:0.039305679500103 to:0.037632863968610764 :0.09123900532722473 +the:0.22115537524223328 a:0.05764232203364372 which:0.04414764791727066 this:0.025839250534772873 :0.11714981496334076 +day,:0.030184928327798843 of:0.014682036824524403 day:0.013629616238176823 day.:0.011096363887190819 :0.14023654162883759 +the:0.10211697965860367 a:0.050690051168203354 of:0.03447473421692848 any:0.027845008298754692 :0.13100111484527588 +the:0.193184033036232 to:0.07533722370862961 that:0.053063228726387024 how:0.03497081622481346 :0.0353129580616951 +of:0.21883662045001984 services:0.060108259320259094 was:0.056523967534303665 and:0.04042216017842293 :0.13687355816364288 +and:0.03652500733733177 of:0.0358356237411499 the:0.03301803767681122 to:0.010010222904384136 :0.2309119999408722 +otherwise:0.3272901475429535 otherwise,:0.1042768806219101 the:0.023912834003567696 other:0.013737998902797699 :0.10091225802898407 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +said:0.011439052410423756 amount:0.009484587237238884 most:0.007757944520562887 same:0.007101084571331739 :0.1887761503458023 +and:0.021905288100242615 condition:0.020073071122169495 power:0.015896864235401154 development:0.008938576094806194 :0.2795265018939972 +to:0.03548622876405716 of:0.034180957823991776 and:0.03132396191358566 The:0.022485606372356415 :0.20762762427330017 +and:0.12954242527484894 of:0.0951772928237915 in:0.07098197191953659 to:0.05581175908446312 :0.05027361959218979 +the:0.1689702719449997 a:0.08885777741670609 up:0.0398673452436924 with:0.03329702466726303 :0.038930393755435944 +W:0.029787465929985046 M:0.02800966054201126 W.:0.025334561243653297 H.:0.020808104425668716 :0.32346218824386597 +the:0.13313579559326172 over:0.07534950226545334 of:0.028683384880423546 that:0.016732538118958473 :0.06413234770298004 +the:0.44061893224716187 this:0.03459475189447403 a:0.03443611040711403 said:0.031143993139266968 :0.07925422489643097 +have:0.132332906126976 are:0.07860386371612549 were:0.0686473548412323 had:0.0414515845477581 :0.05422620102763176 +olution:0.05355444550514221 pect:0.045306093990802765 cue:0.020412923768162727 tion:0.01596711575984955 :0.567034900188446 +ter:0.31013795733451843 dow:0.09032702445983887 ning:0.07473616302013397 ter,:0.035731688141822815 :0.12955504655838013 +of:0.07121828198432922 and:0.050782814621925354 in:0.04136231541633606 from:0.031121227890253067 :0.06363720446825027 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.8967161178588867 for:0.006426503416150808 a:0.005895157344639301 the:0.0057871416211128235 :0.008879047818481922 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +the:0.4567957818508148 his:0.041823603212833405 a:0.03913729637861252 their:0.03313840180635452 :0.06880944222211838 +the:0.26863980293273926 a:0.03558804839849472 his:0.027334734797477722 which:0.020617274567484856 :0.09456075727939606 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.40002816915512085 a:0.07575489580631256 his:0.01871459372341633 tho:0.018469421193003654 :0.08772657811641693 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +in:0.11183900386095047 of:0.06379444897174835 between:0.05761474370956421 and:0.05632299557328224 :0.06423724442720413 +of:0.04172125086188316 and:0.0358567051589489 to:0.028679998591542244 The:0.016663864254951477 :0.19482490420341492 +few:0.043048661202192307 very:0.01854846253991127 short:0.016552865505218506 great:0.012824597768485546 :0.16029050946235657 +of:0.06665797531604767 per:0.04895548149943352 and:0.043688446283340454 feet:0.02667960897088051 :0.25358709692955017 +the:0.051121585071086884 and:0.05084119737148285 to:0.033580221235752106 in:0.024037253111600876 :0.1397990584373474 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +the:0.30242159962654114 a:0.045373495668172836 this:0.0381760410964489 which:0.025080088526010513 :0.07257924228906631 +single:0.04302263259887695 moment's:0.014536081813275814 dissenting:0.013975713402032852 word:0.012849057093262672 :0.19676631689071655 +the:0.4629819095134735 a:0.05749845877289772 his:0.014499878510832787 tho:0.013608267530798912 :0.10348960757255554 +and:0.12420178949832916 thence:0.05097002908587456 from:0.0348142571747303 in:0.029020557180047035 :0.13081881403923035 +per:0.07848869264125824 to:0.06907044351100922 and:0.04787379875779152 cents:0.044241733849048615 :0.14259345829486847 +same:0.014748578891158104 most:0.010325336828827858 only:0.006960724014788866 amount:0.005987233016639948 :0.19328291714191437 +years:0.11975085735321045 o'clock:0.09795274585485458 times:0.06963183730840683 days:0.028618518263101578 :0.16306699812412262 +of:0.6182180047035217 to:0.03493037447333336 and:0.02832205779850483 in:0.025869552046060562 :0.020295700058341026 +who:0.13961882889270782 of:0.11651280522346497 to:0.038644105195999146 in:0.035913627594709396 :0.06037742272019386 +the:0.3882104158401489 a:0.039487097412347794 our:0.014693940058350563 tho:0.0132078155875206 :0.1768057644367218 +and:0.04830070957541466 is:0.03630594536662102 was:0.030655426904559135 in:0.02876156195998192 :0.08123096823692322 +to:0.04976724833250046 and:0.03032888099551201 the:0.01823662780225277 of:0.013117038644850254 :0.2356940656900406 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +of:0.06662063300609589 amount:0.020894194021821022 country:0.016187801957130432 sum:0.016109276562929153 :0.125102236866951 +and:0.12668022513389587 in:0.046766381710767746 was:0.025498181581497192 to:0.023703256621956825 :0.10762177407741547 +the:0.37449702620506287 Book:0.12789851427078247 Liber:0.09858985245227814 book:0.07104380428791046 :0.04950684681534767 +the:0.07851313054561615 to:0.021783635020256042 for:0.018358973786234856 a:0.01749635674059391 :0.11702834814786911 +taxes:0.024786358699202538 debt:0.02155689150094986 own:0.021493367850780487 debts:0.019091136753559113 :0.1675366908311844 +whole:0.011439507827162743 people:0.008337711915373802 said:0.007305064704269171 same:0.007124396972358227 :0.165877565741539 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +the:0.28536638617515564 a:0.04157732054591179 which:0.03880845382809639 this:0.03165001794695854 :0.07566644251346588 +men:0.025254204869270325 years:0.020264077931642532 days:0.017014160752296448 months:0.016439877450466156 :0.18280616402626038 +and:0.09244335442781448 of:0.0518675222992897 for:0.043022576719522476 in:0.04018494114279747 :0.11728685349225998 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +own:0.02011154033243656 name:0.01297699473798275 head:0.012721204198896885 way:0.012490153312683105 :0.1234484538435936 +a:0.04744382202625275 not:0.0353211872279644 in:0.023179298266768456 the:0.020984048023819923 :0.12456022202968597 +and:0.17323793470859528 of:0.048362258821725845 to:0.0321095772087574 who:0.028487717732787132 :0.11397935450077057 +to:0.26146164536476135 and:0.12557707726955414 in:0.0475638322532177 on:0.04610712453722954 :0.04209274426102638 +have,:0.36190295219421387 are:0.03179848939180374 can:0.02924305759370327 have:0.02572908066213131 :0.07918629050254822 +the:0.10046897828578949 be:0.0635857954621315 have:0.016883203759789467 make:0.015228125266730785 :0.10272809118032455 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +of:0.14827117323875427 and:0.06648152321577072 to:0.05702193081378937 for:0.02483307011425495 :0.24726460874080658 +the:0.26079562306404114 this:0.04426567628979683 said:0.0343012660741806 a:0.021424107253551483 :0.07575207203626633 +same:0.01421420183032751 first:0.010477947071194649 most:0.006564476061612368 last:0.006376004312187433 :0.14626502990722656 +much:0.08206680417060852 to:0.06370147317647934 the:0.06242210790514946 many:0.05546615272760391 :0.05403175950050354 +day:0.05064491927623749 time:0.04795364663004875 of:0.04338914155960083 to:0.01571022719144821 :0.10426655411720276 +the:0.05303725600242615 and:0.05056827515363693 in:0.020692940801382065 by:0.013192233629524708 :0.16354811191558838 +rived:0.0693877562880516 ranged:0.05518990382552147 rested:0.04604073613882065 the:0.02797907404601574 :0.151446133852005 +and:0.15846829116344452 John:0.006289319600909948 J:0.004755731672048569 James:0.004309702664613724 :0.4816037714481354 +in:0.1754828244447708 by:0.1124357283115387 on:0.07015645503997803 for:0.06147725135087967 :0.04959709197282791 +the:0.10987447202205658 a:0.014709491282701492 that:0.01407646294683218 in:0.01051293034106493 :0.16020867228507996 +said:0.008949282579123974 people:0.008087619207799435 whole:0.0056840297766029835 law:0.0055570355616509914 :0.2078039050102234 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.03783218935132027 to:0.034675274044275284 of:0.025284532457590103 the:0.020169280469417572 :0.19796882569789886 +and:0.07232222706079483 as:0.03826350346207619 to:0.028765909373760223 of:0.025885503739118576 :0.1920897662639618 +and:0.0637722909450531 the:0.03215459734201431 The:0.012734579853713512 to:0.011353394947946072 :0.3033760190010071 +in:0.0790674015879631 by:0.07642442733049393 at:0.07438260316848755 a:0.06509241461753845 :0.0811329185962677 +of:0.6028417348861694 and:0.06602820754051208 with:0.020451297983527184 was:0.013732068240642548 :0.03521324694156647 +said:0.014038375578820705 people:0.012619299814105034 United:0.008266115561127663 same:0.008011269383132458 :0.16576042771339417 +of:0.4024144411087036 in:0.05266354978084564 to:0.03311973437666893 and:0.031993839889764786 :0.09195175021886826 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +down:0.09917503595352173 into:0.053950827568769455 on:0.05259348824620247 and:0.04720311984419823 :0.049154095351696014 +the:0.28916114568710327 their:0.01680181920528412 his:0.016661126166582108 which:0.01619642972946167 :0.14798742532730103 +from:0.20558889210224152 the:0.06966450065374374 and:0.05027391389012337 with:0.044897664338350296 :0.08017861098051071 +to:0.045913584530353546 in:0.040713392198085785 after:0.034576062113046646 on:0.017529457807540894 :0.11948199570178986 +and:0.18075226247310638 of:0.10099002718925476 or:0.08284331858158112 who:0.06975213438272476 :0.04780464246869087 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +is:0.2489345371723175 was:0.1164889857172966 has:0.04283738508820534 would:0.04172668233513832 :0.055356450378894806 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +to:0.0647537112236023 of:0.057364191859960556 and:0.05695605278015137 the:0.03655439615249634 :0.11611434072256088 +the:0.4000644087791443 a:0.06225413456559181 his:0.04985010623931885 their:0.029949180781841278 :0.03249011188745499 +of:0.12410545349121094 or:0.05537458881735802 years:0.02324177697300911 ago:0.022427977994084358 :0.15289434790611267 +the:0.16341529786586761 of:0.16017915308475494 they:0.0920257717370987 it:0.07259164750576019 :0.07025878876447678 +and:0.03558468446135521 17,:0.02902396395802498 block:0.01255752332508564 A.:0.010032355785369873 :0.4012978672981262 +most:0.04022032395005226 only:0.03943133354187012 best:0.021071380004286766 same:0.016193628311157227 :0.14704184234142303 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +man:0.019811464473605156 great:0.01697087474167347 good:0.01578812673687935 little:0.011675294488668442 :0.15951651334762573 +years:0.06922153383493423 days:0.036311231553554535 or:0.02891152910888195 and:0.025915976613759995 :0.22631020843982697 +and:0.05785123631358147 at:0.020156625658273697 in:0.018115447834134102 with:0.016496701166033745 :0.2748396396636963 +few:0.022825151681900024 time:0.018240714445710182 great:0.013942047022283077 point:0.013275801204144955 :0.17141097784042358 +of:0.054902829229831696 and:0.05478253215551376 was:0.016576537862420082 is:0.011091950349509716 :0.4549200236797333 +and:0.16419921815395355 of:0.06608965247869492 in:0.0516023226082325 to:0.03132683038711548 :0.03512653708457947 +and:0.03154575079679489 of:0.01494078803807497 The:0.014629271812736988 No.:0.012204373255372047 :0.2539520263671875 +the:0.1699562817811966 be:0.10102862864732742 a:0.014525750651955605 which:0.012895993888378143 :0.0778646245598793 +is:0.1706904172897339 was:0.1290082484483719 are:0.11152967810630798 were:0.06314719468355179 :0.04887554422020912 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +to:0.03899043798446655 and:0.03190173581242561 of:0.030681297183036804 the:0.017267022281885147 :0.1753678023815155 +the:0.26993250846862793 he:0.04414713382720947 it:0.034563422203063965 a:0.03110838495194912 :0.04904263839125633 +schools:0.030161026865243912 school:0.025287825614213943 and:0.01795826107263565 to:0.01532693300396204 :0.11747068911790848 +and:0.0758637934923172 the:0.036247994750738144 of:0.027825649827718735 in:0.023360339924693108 :0.16973692178726196 +can:0.10811778157949448 to:0.05280110612511635 in:0.04584699869155884 is:0.03853737190365791 :0.05118771269917488 +of:0.11669594794511795 and:0.04640120267868042 to:0.016177602112293243 the:0.01480912510305643 :0.23661744594573975 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +to:0.05822913348674774 the:0.05183146148920059 and:0.032778624445199966 a:0.02047363854944706 :0.14508557319641113 +been:0.17217190563678741 a:0.09063860774040222 the:0.08861395716667175 an:0.01522032730281353 :0.08020587265491486 +that:0.14427027106285095 much:0.08306978642940521 far:0.039322178810834885 long:0.032560378313064575 :0.086545929312706 +are:0.10547949373722076 have:0.07946647703647614 were:0.06373827159404755 had:0.052956726402044296 :0.0942884311079979 +The:0.14818395674228668 It:0.04591229930520058 In:0.03875843808054924 I:0.034935444593429565 :0.18600980937480927 +a:0.11667012423276901 not:0.07240572571754456 the:0.0684872716665268 said:0.019106311723589897 :0.06670841574668884 +and:0.24982839822769165 on:0.16895532608032227 to:0.10587741434574127 at:0.06581072509288788 :0.04306626692414284 +most:0.0081927590072155 people:0.008015777915716171 same:0.006979628000408411 only:0.006442048121243715 :0.18395760655403137 +the:0.3071969151496887 a:0.048974573612213135 this:0.037714291363954544 his:0.022368064150214195 :0.07201900333166122 +and:0.027257487177848816 The:0.018786687403917313 the:0.01660330966114998 It:0.010601040907204151 :0.2201537936925888 +first:0.009617699310183525 only:0.008698130026459694 whole:0.005763143766671419 two:0.005741361528635025 :0.15755623579025269 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.06680786609649658 a:0.01935744471848011 all:0.010935528203845024 other:0.009529843926429749 :0.20053397119045258 +a:0.043181151151657104 the:0.026917144656181335 in:0.023455051705241203 not:0.02028557099401951 :0.13020536303520203 +morning:0.01892567053437233 year:0.017746802419424057 is:0.0162644125521183 the:0.012637194246053696 :0.10986766219139099 +the:0.14482145011425018 that:0.050359826534986496 to:0.049555838108062744 a:0.04525337740778923 :0.03749682009220123 +the:0.3860531747341156 a:0.05920753255486488 tho:0.02080458030104637 Mr.:0.018397821113467216 :0.09209682792425156 +been:0.1586836576461792 a:0.019578369334340096 ever:0.013010209426283836 to:0.011171083897352219 :0.13474862277507782 +great:0.02313258685171604 very:0.01714385487139225 good:0.016071505844593048 large:0.015610022470355034 :0.27324965596199036 +and:0.1437755823135376 to:0.022719483822584152 than:0.017866918817162514 in:0.013020923361182213 :0.19611072540283203 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.03772351145744324 a:0.03705563023686409 not:0.030708415433764458 in:0.021066291257739067 :0.10921932011842728 +most:0.0081927590072155 people:0.008015777915716171 same:0.006979628000408411 only:0.006442048121243715 :0.18395760655403137 +few:0.036926496773958206 long:0.02636164426803589 moment:0.024699894711375237 period:0.017555471509695053 :0.14732754230499268 +and:0.21452976763248444 in:0.056033432483673096 is:0.03267570585012436 who:0.029990781098604202 :0.03325494006276131 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +the:0.02345561794936657 not:0.023331860080361366 in:0.019272981211543083 made:0.017976148054003716 :0.21227896213531494 +own:0.025663912296295166 people:0.016796793788671494 country:0.015315479598939419 State:0.011126575991511345 :0.1643151491880417 +the:0.4035203456878662 this:0.03329366818070412 said:0.029769476503133774 a:0.02917187660932541 :0.09756620973348618 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +the:0.13385331630706787 it:0.05186097323894501 be:0.040400344878435135 then:0.03231164813041687 :0.06984257698059082 +day:0.05064491927623749 time:0.04795364663004875 of:0.04338914155960083 to:0.01571022719144821 :0.10426655411720276 +the:0.1997259110212326 he:0.11118486523628235 they:0.06757882237434387 it:0.040134940296411514 :0.04844977334141731 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +most:0.04025300219655037 only:0.028123021125793457 best:0.014217328280210495 duty:0.011236990801990032 :0.20590250194072723 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.3769620656967163 be:0.048273466527462006 a:0.02995505928993225 his:0.0213408712297678 :0.05303678289055824 +S.:0.027105625718832016 M.:0.025871053338050842 M:0.023628737777471542 H.:0.021955201402306557 :0.29262575507164 +the:0.2982218265533447 a:0.06095356121659279 this:0.04185785725712776 his:0.020910201594233513 :0.05317176505923271 +of:0.4416893422603607 and:0.04693717882037163 was:0.029256822541356087 were:0.023087143898010254 :0.029619496315717697 +of:0.300653874874115 to:0.11510131508111954 that:0.056079402565956116 and:0.05305226892232895 :0.04992987960577011 +cussed:0.031103700399398804 charge:0.01238422654569149 and:0.011274117045104504 tinguished:0.008137395605444908 :0.3781486451625824 +has:0.10252883285284042 had:0.0740170106291771 was:0.056577593088150024 is:0.044152647256851196 :0.06009402126073837 +and:0.03168279305100441 the:0.029602566733956337 a:0.026481028646230698 to:0.008744296617805958 :0.33888930082321167 +and:0.08312314003705978 of:0.043606195598840714 The:0.021064212545752525 in:0.019227193668484688 :0.16221125423908234 +and:0.15207600593566895 to:0.14355824887752533 in:0.064839668571949 of:0.06356613337993622 :0.04085635021328926 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +first:0.01181174535304308 same:0.009522657841444016 latter:0.007309046108275652 time:0.006398116238415241 :0.16199609637260437 +and:0.06981533765792847 of:0.05671050399541855 in:0.022413287311792374 The:0.01846328005194664 :0.1804899275302887 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +year:0.02124818041920662 morning:0.015952741727232933 to:0.014786848798394203 time:0.009367048740386963 :0.16979475319385529 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +line:0.049001794308423996 body:0.019662940874695778 line,:0.015691058710217476 building:0.015183399431407452 :0.11642654240131378 +.:0.033427413552999496 The:0.02720237895846367 and:0.01984318159520626 -:0.010369718074798584 :0.28873077034950256 +and:0.03922855854034424 the:0.032839469611644745 of:0.023654496297240257 in:0.012715943157672882 :0.2412382960319519 +different:0.12408000975847244 new:0.08896283060312271 satisfactory:0.013278095982968807 from:0.01109660230576992 :0.31296348571777344 +the:0.03490433469414711 to:0.030834581702947617 and:0.027459897100925446 of:0.022100787609815598 :0.20628975331783295 +that:0.18394555151462555 to:0.1441737860441208 the:0.07132092118263245 from:0.06475676596164703 :0.031989291310310364 +Carolina:0.1414441615343094 Carolina,:0.06164916977286339 Carolina.:0.030676178634166718 Dakota,:0.026268796995282173 :0.25132957100868225 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.18663300573825836 it:0.07380401343107224 they:0.051902398467063904 you:0.04690660536289215 :0.05286898463964462 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +that:0.28542447090148926 of:0.09147242456674576 the:0.06665049493312836 what:0.025642523542046547 :0.021921541541814804 +the:0.24203336238861084 a:0.0651758536696434 foot:0.03286740183830261 to:0.018610158935189247 :0.06864350289106369 +The:0.12848001718521118 It:0.05029869079589844 I:0.030487846583127975 He:0.02638416364789009 :0.1342882215976715 +John:0.025976046919822693 J.:0.024544117972254753 J:0.02429956942796707 W.:0.01888926513493061 :0.261182576417923 +the:0.29700109362602234 a:0.0645221546292305 some:0.015511732548475266 which:0.015392540022730827 :0.05900777131319046 +the:0.06625819951295853 a:0.01575804501771927 to:0.013335363008081913 that:0.010485959239304066 :0.13319584727287292 +and:0.301930695772171 or:0.06773630529642105 the:0.029554201290011406 as:0.02734404057264328 :0.030277850106358528 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +gress:0.5307291746139526 gress,:0.07972731441259384 gress.:0.03348613530397415 gressional:0.01856939308345318 :0.19951604306697845 +and:0.2003486007452011 of:0.14118702709674835 in:0.06186012178659439 was:0.04236719384789467 :0.06469396501779556 +the:0.09875110536813736 it:0.0421869158744812 he:0.02537091262638569 a:0.024399852380156517 :0.07307907938957214 +the:0.24253425002098083 be:0.03314215689897537 whether:0.028364010155200958 make:0.020574694499373436 :0.07394088059663773 +tance:0.04905714467167854 charge:0.04177234321832657 position:0.028185755014419556 trict:0.02322378382086754 :0.3650820851325989 +of:0.04255419969558716 and:0.028726380318403244 the:0.02282889187335968 to:0.018284766003489494 :0.24507831037044525 +the:0.20039242506027222 a:0.061557698994874954 virtue:0.015468903817236423 any:0.013943512924015522 :0.156656876206398 +and:0.060667987912893295 enough:0.022690972313284874 in:0.021401697769761086 slices:0.012980315834283829 :0.2739133834838867 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.42942139506340027 and:0.061480894684791565 the:0.039268430322408676 in:0.035424258559942245 :0.036854639649391174 +the:0.25604185461997986 he:0.04952797293663025 a:0.037914615124464035 they:0.035363346338272095 :0.07120230793952942 +to:0.8296399116516113 with:0.02311794087290764 the:0.018183406442403793 by:0.014801325276494026 :0.011450476944446564 +and:0.12200500071048737 between:0.05137310549616814 where:0.04213313013315201 which:0.028430724516510963 :0.07426966726779938 +other:0.014687125571072102 same:0.0041284505277872086 said:0.0034766364842653275 people:0.0031346967443823814 :0.3207293450832367 +and:0.08151102066040039 of:0.05195041373372078 the:0.03677242621779442 to:0.026138827204704285 :0.16441938281059265 +the:0.4636801779270172 two:0.020814094692468643 a:0.016310034319758415 this:0.01535447221249342 :0.09513269364833832 +and:0.18870335817337036 the:0.12930363416671753 but:0.03483694791793823 a:0.0270251277834177 :0.05587092041969299 +every:0.10538683086633682 a:0.05600907281041145 as:0.039487604051828384 all:0.033720728009939194 :0.1508682817220688 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.21075859665870667 and:0.017961131408810616 a:0.017489997670054436 tho:0.011776933446526527 :0.18768145143985748 +the:0.3351749777793884 a:0.03742281720042229 this:0.018073510378599167 tho:0.01749410852789879 :0.05488256365060806 +the:0.14623604714870453 a:0.11166948825120926 his:0.02345454692840576 an:0.017778679728507996 :0.13299492001533508 +not:0.04636678472161293 in:0.04280221834778786 the:0.020465079694986343 to:0.02006445825099945 :0.15006673336029053 +own:0.016459953039884567 wife:0.011600454337894917 head:0.010259860195219517 heart:0.009813042357563972 :0.2565729022026062 +in:0.157661572098732 between:0.11889927089214325 of:0.08769585192203522 and:0.03885861486196518 :0.037704408168792725 +The:0.2435101717710495 It:0.07871387898921967 In:0.05292458459734917 This:0.033186208456754684 :0.07040289789438248 +Lee,:0.009307180531322956 Brown,:0.0067168232053518295 Smith,:0.006703800521790981 and:0.006518704816699028 :0.5664621591567993 +as:0.2054237723350525 before:0.052024997770786285 a:0.0299164317548275 what:0.025598593056201935 :0.06542965769767761 +of:0.07604867964982986 and:0.07293933629989624 the:0.057869601994752884 to:0.05503469333052635 :0.08969872444868088 +in:0.05860760062932968 the:0.052548542618751526 on:0.04028154909610748 a:0.036199938505887985 :0.03415776789188385 +been:0.17217190563678741 a:0.09063860774040222 the:0.08861395716667175 an:0.01522032730281353 :0.08020587265491486 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +the:0.1285659223794937 they:0.09909556806087494 he:0.07780889421701431 it:0.07445971667766571 :0.0579473115503788 +of:0.17454296350479126 in:0.10859070718288422 and:0.05495564639568329 from:0.0509168766438961 :0.049763575196266174 +of:0.5726456046104431 and:0.03707204386591911 ot:0.007870535366237164 to:0.007360260467976332 :0.06438513100147247 +be:0.1553744524717331 have:0.07478772848844528 deem:0.04788091033697128 not:0.03907259553670883 :0.07945794612169266 +a:0.18753236532211304 the:0.05949108675122261 not:0.046474408358335495 now:0.027156511321663857 :0.07876396179199219 +following:0.008058340288698673 first:0.007020384538918734 report:0.004616130143404007 bill:0.004490108694881201 :0.16610772907733917 +the:0.21872152388095856 be:0.030535800382494926 his:0.028365228325128555 a:0.027952060103416443 :0.10754474997520447 +a:0.14788150787353516 the:0.06445661187171936 up:0.0561816543340683 and:0.0535358227789402 :0.14765940606594086 +the:0.20434856414794922 a:0.05492870882153511 this:0.025431321933865547 all:0.021044034510850906 :0.08431537449359894 +above:0.08171836286783218 in:0.0782027542591095 of:0.06447634100914001 to:0.059969570487737656 :0.05843488499522209 +subject:0.012155482545495033 property:0.011088290251791477 said:0.008938451297581196 ground:0.008280253037810326 :0.16573114693164825 +to:0.0916958823800087 much:0.09122501313686371 I:0.05105919390916824 the:0.04722462594509125 :0.09049052000045776 +and:0.10369405150413513 the:0.056162841618061066 in:0.030199259519577026 with:0.02980601228773594 :0.05381036177277565 +not:0.048938848078250885 a:0.04357149079442024 to:0.02569137141108513 made:0.02453119121491909 :0.1610560268163681 +of:0.6331960558891296 and:0.046821512281894684 in:0.030064277350902557 the:0.012009688653051853 :0.03518626466393471 +of:0.13432498276233673 and:0.11104144901037216 in:0.0656621977686882 are:0.05535127595067024 :0.03749334067106247 +States:0.49575793743133545 States,:0.18300187587738037 States.:0.11009777337312698 Slates:0.013771237805485725 :0.10942719876766205 +was:0.07255497574806213 had:0.06168119236826897 would:0.05042716860771179 has:0.034990061074495316 :0.05187290534377098 +the:0.23203368484973907 that:0.09094332903623581 it:0.03635570779442787 how:0.03194504976272583 :0.03283413499593735 +than:0.08509264141321182 and:0.07594901323318481 to:0.03119552880525589 in:0.028119169175624847 :0.1350720375776291 +are:0.06641372293233871 have:0.06112160161137581 will:0.04392156004905701 to:0.037775181233882904 :0.05692567676305771 +the:0.21750503778457642 which:0.0751923993229866 a:0.048691846430301666 tho:0.013007434085011482 :0.09165666252374649 +duty:0.05863701552152634 names:0.05547099933028221 name:0.05452508106827736 life:0.006833425257354975 :0.17501141130924225 +and:0.2675642967224121 of:0.109430693089962 in:0.05917634814977646 to:0.055190570652484894 :0.04485051706433296 +and:0.07227252423763275 to:0.03305792436003685 the:0.03204067423939705 of:0.0259737316519022 :0.13509590923786163 +and:0.05058062821626663 of:0.04132940620183945 to:0.027589736506342888 the:0.015278054401278496 :0.22029340267181396 +the:0.16889581084251404 of:0.07074254006147385 over:0.027420930564403534 that:0.0217900313436985 :0.13283461332321167 +the:0.19165213406085968 a:0.18464283645153046 to:0.03227999806404114 that:0.029702791944146156 :0.08859480172395706 +the:0.0931253731250763 to:0.015575950965285301 that:0.014432690106332302 a:0.013733720406889915 :0.10994080454111099 +the:0.08837393671274185 a:0.07252279669046402 government:0.04410010948777199 government,:0.013160050846636295 :0.18911197781562805 +that:0.32040488719940186 at:0.1664857119321823 to:0.07927855104207993 in:0.053013574331998825 :0.047464922070503235 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +and:0.22577564418315887 of:0.08545389771461487 in:0.06476478278636932 to:0.05204539746046066 :0.042227450758218765 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +the:0.06847675144672394 one:0.028696561232209206 a:0.0272686630487442 it:0.021783549338579178 :0.15466627478599548 +the:0.36109599471092224 a:0.031780749559402466 this:0.021784039214253426 his:0.013898242264986038 :0.08682553470134735 +and:0.07310690730810165 of:0.04092169553041458 to:0.018696269020438194 in:0.014143560081720352 :0.22189874947071075 +and:0.03424789011478424 to:0.029151447117328644 of:0.018687766045331955 30:0.018096696585416794 :0.1928078830242157 +to:0.16027066111564636 and:0.03664650022983551 at:0.03297444060444832 in:0.03159954398870468 :0.09619545936584473 +was:0.0736456885933876 had:0.07182948291301727 would:0.0468861423432827 has:0.03689488023519516 :0.0790271982550621 +most:0.014982170425355434 same:0.010590975172817707 only:0.01040091086179018 whole:0.009227978996932507 :0.17733275890350342 +few:0.015037144534289837 man:0.014820029027760029 large:0.012553677894175053 day:0.012099524028599262 :0.20616775751113892 +tion:0.054364148527383804 and:0.046970706433057785 the:0.021536383777856827 The:0.019387099891901016 :0.2602136731147766 +the:0.32249757647514343 a:0.033445872366428375 said:0.017500383779406548 which:0.016021035611629486 :0.10848929733037949 +the:0.30500566959381104 he:0.04031486436724663 a:0.03580787405371666 it:0.03509046137332916 :0.06259655952453613 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.2705102860927582 a:0.06630782037973404 in:0.04589700698852539 to:0.03897786885499954 :0.05001972243189812 +the:0.3428322672843933 a:0.04121515154838562 tho:0.017456769943237305 this:0.01573963277041912 :0.07707616686820984 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +miles:0.057891760021448135 and:0.04333304613828659 feet:0.040595535188913345 miles,:0.039861325174570084 :0.2758941948413849 +been:0.4882730543613434 not:0.03154285252094269 a:0.027300583198666573 made:0.019543105736374855 :0.046597160398960114 +the:0.10112284123897552 a:0.022197259590029716 to:0.014313406310975552 that:0.01295020803809166 :0.12539012730121613 +and:0.2211758941411972 in:0.056153662502765656 to:0.049267545342445374 with:0.028624767437577248 :0.07800649106502533 +two:0.01743932254612446 men:0.01714373752474785 are:0.014762850478291512 were:0.010604354552924633 :0.19320404529571533 +purpose:0.04499349743127823 purpose.:0.028518768027424812 reason:0.023364834487438202 purpose,:0.014370591379702091 :0.14549864828586578 +and:0.12553517520427704 of:0.04464055970311165 to:0.039825182408094406 in:0.03177982196211815 :0.13112884759902954 +few:0.09075070172548294 short:0.040865346789360046 little:0.029225142672657967 great:0.019464094191789627 :0.14964333176612854 +way:0.024859869852662086 own:0.02056160382926464 name:0.014453189447522163 head:0.01331667322665453 :0.11763792484998703 +the:0.056677404791116714 a:0.015527436509728432 that:0.015480848960578442 tho:0.014284596778452396 :0.26348212361335754 +the:0.49701204895973206 said:0.05156216770410538 with:0.03371412307024002 a:0.031893156468868256 :0.03659680485725403 +and:0.03560549020767212 at:0.019501416012644768 of:0.013941388577222824 in:0.013839341700077057 :0.24314817786216736 +most:0.034457284957170486 only:0.022706162184476852 best:0.022034166380763054 same:0.01625859923660755 :0.2168864905834198 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +to:0.7234678864479065 and:0.04605822265148163 with:0.025172200053930283 at:0.013154781423509121 :0.01641508750617504 +people:0.011829806491732597 whole:0.008181676268577576 said:0.007324532605707645 government:0.005299355369061232 :0.20553545653820038 +own:0.018762920051813126 people:0.010143306106328964 friends:0.006438013166189194 present:0.006122143007814884 :0.1165107861161232 +The:0.11917497962713242 He:0.049536123871803284 It:0.04814889281988144 I:0.03447914496064186 :0.16645874083042145 +the:0.09183917194604874 that:0.05759932100772858 in:0.018730172887444496 tho:0.017838194966316223 :0.08092449605464935 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +The:0.1330769807100296 It:0.0675218254327774 He:0.050867415964603424 I:0.03966251760721207 :0.0599486380815506 +first:0.013833831064403057 purpose:0.01303396001458168 time:0.009154140949249268 reason:0.005585641600191593 :0.3419715166091919 +of:0.2765124440193176 was:0.09419829398393631 is:0.08608359843492508 in:0.03956400603055954 :0.03465035930275917 +The:0.15466885268688202 It:0.07481015473604202 In:0.056774552911520004 He:0.047483984380960464 :0.10083593428134918 +to:0.4163227081298828 out:0.06542463600635529 by:0.03625689446926117 for:0.031123626977205276 :0.029955729842185974 +and:0.0773547887802124 of:0.06364092230796814 on:0.03335295245051384 is:0.028723062947392464 :0.10830546170473099 +of:0.061475854367017746 or:0.05256274715065956 and:0.029551422223448753 to:0.026661254465579987 :0.169186070561409 +and:0.1914127916097641 or:0.07393088936805725 is:0.028197908774018288 in:0.027078703045845032 :0.12436357885599136 +best:0.022757697850465775 most:0.019581520929932594 trip:0.010328968986868858 same:0.008678348734974861 :0.15508779883384705 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +for:0.16508111357688904 and:0.10697485506534576 to:0.09101061522960663 by:0.03963518887758255 :0.039250701665878296 +of:0.37378740310668945 the:0.033739324659109116 is:0.014803004451096058 in:0.013750758022069931 :0.04904993623495102 +have:0.023563764989376068 was:0.02325739897787571 am:0.0166659876704216 to:0.014244797639548779 :0.30545541644096375 +and:0.09699447453022003 to:0.05150984227657318 of:0.04744550585746765 in:0.02857605181634426 :0.06360367685556412 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +said:0.007241602521389723 people:0.006071350537240505 public:0.005780551116913557 men:0.005654049571603537 :0.21441176533699036 +the:0.22779926657676697 a:0.11528072506189346 which:0.02721036970615387 his:0.018006030470132828 :0.11328884214162827 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.23641639947891235 per:0.11650668829679489 in:0.03545022010803223 on:0.032018546015024185 :0.06414854526519775 +is:0.10843352228403091 was:0.06767543405294418 the:0.049646664410829544 I:0.030027655884623528 :0.09234722703695297 +part:0.020341327413916588 north:0.014110107906162739 west:0.013620251789689064 south:0.011501684784889221 :0.26705557107925415 +The:0.13908572494983673 It:0.04041028767824173 He:0.030073994770646095 A:0.027002258226275444 :0.1434570848941803 +of:0.05763157084584236 and:0.02105056867003441 was:0.01547766849398613 is:0.009408907033503056 :0.32247456908226013 +the:0.3996765911579132 any:0.07583398371934891 a:0.06330757588148117 his:0.020313875749707222 :0.04730893671512604 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +has:0.10252883285284042 had:0.0740170106291771 was:0.056577593088150024 is:0.044152647256851196 :0.06009402126073837 +of:0.452686607837677 in:0.049261365085840225 and:0.02537834644317627 to:0.01911308616399765 :0.03668718412518501 +the:0.22567720711231232 first:0.07985925674438477 last:0.040979787707328796 this:0.03628334030508995 :0.17319262027740479 +be:0.2050066739320755 have:0.028163984417915344 only:0.02433883398771286 do:0.01757112145423889 :0.07342761754989624 +a:0.036827683448791504 the:0.021103739738464355 able:0.020132923498749733 made:0.016692593693733215 :0.1817682385444641 +of:0.3201119303703308 and:0.054960161447525024 to:0.02360266074538231 in:0.019922563806176186 :0.04962761327624321 +of:0.21406997740268707 hundred:0.03235819935798645 and:0.014862236566841602 or:0.014561207965016365 :0.13866087794303894 +the:0.16959644854068756 whom:0.03464583680033684 and:0.02400016412138939 be:0.017801309004426003 :0.12342078983783722 +have:0.09724467247724533 are:0.07005906850099564 had:0.028270121663808823 were:0.02734776958823204 :0.07534501701593399 +the:0.2523902654647827 a:0.06758848577737808 said:0.019525032490491867 Mr.:0.016466526314616203 :0.1578093022108078 +and:0.05651738867163658 to:0.05619673430919647 the:0.02920619398355484 by:0.024878134950995445 :0.16639408469200134 +that:0.1793525218963623 the:0.12405748665332794 a:0.07363633811473846 it:0.0523337721824646 :0.038149818778038025 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.2815897762775421 to:0.07440395653247833 and:0.042313352227211 that:0.023227524012327194 :0.05469035729765892 +the:0.26199281215667725 this:0.017780670896172523 a:0.013507986441254616 tho:0.012811931781470776 :0.16203704476356506 +in:0.3182249069213867 of:0.08955083042383194 and:0.05334855243563652 on:0.03223670274019241 :0.07626593112945557 +of:0.11857393383979797 and:0.10989438742399216 which:0.05072246491909027 in:0.04724748060107231 :0.031842999160289764 +to:0.05706978216767311 much:0.019121896475553513 that:0.017625989392399788 not:0.014468294568359852 :0.201034277677536 +and:0.26878324151039124 in:0.03234639763832092 was:0.028426947072148323 but:0.025892892852425575 :0.05818416550755501 +the:0.08356063812971115 a:0.020975351333618164 which:0.011152397841215134 this:0.010362356901168823 :0.23469702899456024 +the:0.11826742440462112 that:0.031785618513822556 was:0.027134738862514496 to:0.023107830435037613 :0.09569167345762253 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.14514000713825226 the:0.06066778302192688 to:0.03687326982617378 in:0.02927902340888977 :0.10503101348876953 +few:0.04146508872509003 man:0.02536153607070446 large:0.02003411203622818 great:0.012302685528993607 :0.18510951101779938 +vided:0.16685417294502258 posed:0.08006399869918823 tected:0.06843278557062149 duced:0.06579641997814178 :0.2849569320678711 +of:0.25629034638404846 and:0.03955209627747536 in:0.014087221585214138 for:0.013042205944657326 :0.11690819263458252 +of:0.07504148781299591 possible:0.031217312440276146 one:0.014691977761685848 to:0.00968928262591362 :0.16573552787303925 +of:0.1048271656036377 the:0.08222033083438873 is:0.053263962268829346 to:0.03656281158328056 :0.08185258507728577 +of:0.06573468446731567 and:0.05915514752268791 The:0.026431214064359665 the:0.023103410378098488 :0.17294637858867645 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +and:0.03280756622552872 in:0.017974240705370903 was:0.012573114596307278 with:0.011248775757849216 :0.24240697920322418 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +be:0.4564172327518463 he:0.048766642808914185 have:0.040391720831394196 bo:0.018596937879920006 :0.04121321812272072 +and:0.04374485835433006 of:0.03984419256448746 to:0.036196425557136536 or:0.028516091406345367 :0.17317067086696625 +the:0.2438756674528122 a:0.040738463401794434 this:0.029007816687226295 all:0.01641189493238926 :0.0816936194896698 +to:0.12045828253030777 the:0.09683462977409363 a:0.08876926451921463 it:0.038132261484861374 :0.0460507795214653 +of:0.2519795894622803 and:0.12311971932649612 in:0.04343239590525627 for:0.039165109395980835 :0.09624303132295609 +A.:0.04445089399814606 and:0.03324024751782417 who:0.012675303034484386 John:0.007774325553327799 :0.35035744309425354 +the:0.30899593234062195 a:0.06758110225200653 them:0.0552273653447628 their:0.028436429798603058 :0.0394178107380867 +large:0.014559063129127026 good:0.013033632189035416 little:0.009256819263100624 new:0.008545399643480778 :0.21586155891418457 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +of:0.5726456046104431 and:0.03707204386591911 ot:0.007870535366237164 to:0.007360260467976332 :0.06438513100147247 +of:0.09846056997776031 and:0.09009720385074615 at:0.02209208346903324 the:0.021552348509430885 :0.11115162819623947 +shop:0.06611012667417526 and:0.05053786188364029 shop,:0.027000710368156433 the:0.01961136981844902 :0.14509139955043793 +The:0.13607220351696014 It:0.047179192304611206 A:0.03217078000307083 And:0.028971806168556213 :0.15147529542446136 +terests:0.04936889186501503 terest:0.040014151483774185 tention:0.037395019084215164 fluence:0.022490816190838814 :0.5246710181236267 +to:0.06882477551698685 of:0.06122181564569473 for:0.04327838122844696 the:0.041165027767419815 :0.07796680927276611 +The:0.1746464967727661 He:0.05154486000537872 It:0.036694396287202835 Mr.:0.03615107387304306 :0.058131154626607895 +the:0.10904280096292496 in:0.016805557534098625 he:0.013513389974832535 it:0.013330154120922089 :0.10528317093849182 +had:0.07608363777399063 have:0.07498451322317123 has:0.065465047955513 was:0.050860993564128876 :0.04748137667775154 +per:0.10458796471357346 inclusive,:0.0616317093372345 and:0.031374890357255936 cents:0.028246276080608368 :0.16588661074638367 +and:0.038052257150411606 was:0.0359300933778286 of:0.03152962028980255 is:0.0234164297580719 :0.15070807933807373 +of:0.19367635250091553 and:0.031375702470541 in:0.024868132546544075 the:0.023194795474410057 :0.1523752212524414 +to:0.7467784881591797 and:0.018138393759727478 a:0.00676692696288228 for:0.006678219884634018 :0.047919005155563354 +of:0.08075957745313644 and:0.058852773159742355 the:0.012904386967420578 The:0.012755854055285454 :0.19988107681274414 +the:0.09618377685546875 a:0.03401754051446915 this:0.01589285396039486 any:0.013020770624279976 :0.19416926801204681 +the:0.281887412071228 a:0.04028656706213951 .:0.03245038911700249 and:0.020950766280293465 :0.1579791009426117 +and:0.15440520644187927 but:0.0714838057756424 that:0.049322087317705154 the:0.04070490971207619 :0.03407346457242966 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.09800150990486145 a:0.026450663805007935 in:0.012739909812808037 to:0.012136668898165226 :0.14490123093128204 +of:0.2878420054912567 and:0.07279390841722488 in:0.0337892547249794 are:0.025496933609247208 :0.05698224529623985 +partment:0.1069537103176117 clared:0.05719427391886711 mands:0.04824218899011612 mand:0.04023768752813339 :0.20187948644161224 +and:0.15875506401062012 the:0.054436299949884415 but:0.04200446233153343 which:0.022795720025897026 :0.07007140666246414 +H.:0.02909630350768566 B.:0.023397082462906837 C:0.020984802395105362 B:0.02033780887722969 :0.328359991312027 +the:0.2388693243265152 a:0.06446761637926102 their:0.014146465808153152 this:0.013609156012535095 :0.11205270141363144 +is:0.2836778461933136 was:0.14617128670215607 Is:0.059683095663785934 has:0.04191187396645546 :0.05975716933608055 +the:0.13411110639572144 it:0.04088661074638367 that:0.03972285985946655 a:0.028257645666599274 :0.09774162620306015 +of:0.2373337596654892 and:0.07060423493385315 is:0.06130239740014076 was:0.04211448132991791 :0.03767215088009834 +the:0.21138744056224823 a:0.13260725140571594 it:0.12545841932296753 an:0.02484169229865074 :0.04778587818145752 +of:0.08557509630918503 and:0.02214779146015644 to:0.017952846363186836 in:0.015952151268720627 :0.17023541033267975 +in:0.053977593779563904 and:0.03659788891673088 to:0.03331371769309044 at:0.02837347984313965 :0.07535117119550705 +not:0.05534910783171654 now:0.02537568472325802 in:0.02516515739262104 to:0.024204423651099205 :0.12288724631071091 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +the:0.24253425002098083 be:0.03314215689897537 whether:0.028364010155200958 make:0.020574694499373436 :0.07394088059663773 +the:0.1107243075966835 necessary:0.10816340893507004 it:0.06400938332080841 a:0.050421688705682755 :0.13478928804397583 +the:0.3650420904159546 a:0.10283182561397552 his:0.026526475325226784 consideration:0.01873180642724037 :0.09112875163555145 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +be:0.07093340158462524 the:0.04803167283535004 and:0.023295404389500618 have:0.02145824395120144 :0.14109951257705688 +and:0.19641418755054474 the:0.055945005267858505 but:0.031452491879463196 where:0.022623199969530106 :0.06336567550897598 +be:0.2050066739320755 have:0.028163984417915344 only:0.02433883398771286 do:0.01757112145423889 :0.07342761754989624 +the:0.06775406002998352 a:0.05678737163543701 not:0.04731453210115433 to:0.03913553059101105 :0.09255063533782959 +minds:0.03798776492476463 own:0.01925988495349884 mind:0.010366368107497692 hands:0.007826020009815693 :0.2357499599456787 +people:0.0107721583917737 first:0.007125051226466894 most:0.006439647171646357 whole:0.005870247259736061 :0.2270277440547943 +the:0.26458504796028137 a:0.06378995627164841 which:0.04001472517848015 this:0.036112744361162186 :0.09211239218711853 +and:0.048723023384809494 in:0.02924683503806591 of:0.027604183182120323 is:0.025123288854956627 :0.09382843971252441 +of:0.12000703066587448 was:0.030397627502679825 is:0.026802878826856613 and:0.019365746527910233 :0.16274411976337433 +of:0.044302213937044144 and:0.03731854259967804 the:0.019987208768725395 in:0.013360482640564442 :0.21304579079151154 +and:0.0868942067027092 to:0.07954796403646469 in:0.029140345752239227 the:0.02615291066467762 :0.13408365845680237 +on:0.15895965695381165 in:0.08324546366930008 and:0.08069419115781784 upon:0.040894765406847 :0.03460284695029259 +not:0.1202835962176323 have:0.08963404595851898 be:0.04290208965539932 like:0.03996109589934349 :0.08500607311725616 +and:0.018146134912967682 in:0.017005546018481255 by:0.013945483602583408 In:0.013046309351921082 :0.3570011556148529 +and:0.06329359859228134 to:0.030032077804207802 I:0.01902305707335472 The:0.017497004941105843 :0.17574304342269897 +the:0.2819474935531616 he:0.046006809920072556 they:0.030946390703320503 it:0.025356685742735863 :0.05773478001356125 +certain:0.037738800048828125 judgment:0.020324185490608215 large:0.015742193907499313 basis:0.010081425309181213 :0.161206915974617 +same:0.015271089039742947 whole:0.010722669772803783 property:0.007196635939180851 amount:0.006507684476673603 :0.2395962029695511 +of:0.2018318474292755 and:0.1519620418548584 at:0.060826580971479416 in:0.04675055295228958 :0.08428601175546646 +was:0.047223050147295 is:0.02419281378388405 had:0.019671376794576645 has:0.0166217852383852 :0.1471073031425476 +the:0.16199572384357452 up:0.044406380504369736 a:0.031808894127607346 in:0.02761681191623211 :0.07009749114513397 +as:0.13435068726539612 of:0.13387857377529144 to:0.060745686292648315 and:0.04060281068086624 :0.059522856026887894 +than:0.15871849656105042 the:0.06517256796360016 in:0.032863352447748184 and:0.028515128418803215 :0.0696246549487114 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +of:0.12054402381181717 and:0.04496336728334427 to:0.01769721694290638 The:0.012213888578116894 :0.2349577397108078 +and:0.07276222109794617 with:0.022811895236372948 the:0.021593201905488968 in:0.013345666229724884 :0.1753334105014801 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.7717288136482239 in:0.0346444696187973 ot:0.01849239505827427 ol:0.008925549685955048 :0.018714839592576027 +and:0.02427496202290058 to:0.01738077588379383 use:0.012285403907299042 in:0.01151387020945549 :0.2786150872707367 +been:0.16591937839984894 not:0.04528727009892464 a:0.045014023780822754 the:0.02081630565226078 :0.05732952430844307 +The:0.05920827016234398 A:0.046379685401916504 It:0.015192990191280842 and:0.012167230248451233 :0.31322070956230164 +and:0.10235632956027985 the:0.048190463334321976 but:0.041631776839494705 which:0.028566163033246994 :0.07764910161495209 +difference:0.047798432409763336 mistake:0.027624959126114845 effort:0.022481754422187805 more:0.020296631380915642 :0.15755876898765564 +of:0.23906327784061432 and:0.07329683005809784 to:0.05001396685838699 by:0.043256331235170364 :0.04338177293539047 +the:0.02345561794936657 not:0.023331860080361366 in:0.019272981211543083 made:0.017976148054003716 :0.21227896213531494 +of:0.2791944444179535 that:0.07120775431394577 to:0.06029580533504486 from:0.0482536219060421 :0.03811348229646683 +the:0.0933707132935524 to:0.02656032331287861 a:0.022588981315493584 that:0.021762315183877945 :0.17056213319301605 +and:0.01275054644793272 man:0.008406941778957844 men:0.007366322446614504 cities:0.006036729551851749 :0.18995743989944458 +the:0.06351567804813385 a:0.02829672582447529 to:0.02753296121954918 and:0.021906768903136253 :0.1836564540863037 +time:0.28636083006858826 time,:0.06878551840782166 time.:0.05492372810840607 moment:0.02328692004084587 :0.052762407809495926 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +cepted:0.16467544436454773 complished:0.12779535353183746 quired:0.11021145433187485 tually:0.05205928534269333 :0.2771589159965515 +and:0.06768617779016495 in:0.06195148080587387 to:0.03619466349482536 for:0.03190231695771217 :0.1753888726234436 +that:0.10929970443248749 to:0.10519758611917496 of:0.09344954043626785 the:0.08572105318307877 :0.06367684155702591 +to:0.23814837634563446 and:0.08906231075525284 in:0.043508075177669525 from:0.04012439399957657 :0.06746365875005722 +been:0.2807641923427582 not:0.06611880660057068 a:0.04266754537820816 no:0.025680290535092354 :0.06500808894634247 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +been:0.14586375653743744 a:0.048944104462862015 not:0.033595308661460876 no:0.02331986092031002 :0.10225360095500946 +the:0.1874386966228485 any:0.10594753921031952 a:0.05284988507628441 it:0.027673106640577316 :0.06810291111469269 +the:0.23557378351688385 a:0.06752689927816391 their:0.01751645654439926 tho:0.01562635973095894 :0.12198720127344131 +the:0.02118062973022461 The:0.01957366243004799 It:0.014275263994932175 and:0.013050967827439308 :0.31758540868759155 +and:0.09446779638528824 to:0.042550619691610336 in:0.038292545825242996 on:0.031611375510692596 :0.11494268476963043 +the:0.4649067521095276 a:0.07056944817304611 tho:0.02417721599340439 their:0.019360419362783432 :0.05195404216647148 +the:0.12788648903369904 a:0.01788090541958809 tho:0.010276243090629578 this:0.008226970210671425 :0.393284410238266 +States:0.10652598738670349 flour:0.04127645120024681 States,:0.04125630483031273 Pacific:0.04116421937942505 :0.1625068038702011 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.3552038073539734 a:0.07295284420251846 this:0.04412102326750755 tho:0.02544301562011242 :0.08827459067106247 +to:0.00810366589576006 of:0.005139444954693317 and:0.0051285806111991405 men:0.0030975360423326492 :0.31513258814811707 +country:0.05043152719736099 city:0.04669062793254852 way:0.03818235173821449 city,:0.02081887423992157 :0.09693814814090729 +and:0.056715045124292374 the:0.0479033999145031 to:0.04459581896662712 of:0.03156857192516327 :0.13354049623012543 +to:0.05932198464870453 and:0.05293680354952812 that:0.05087881162762642 in:0.0493871346116066 :0.05011463537812233 +I:0.12409283220767975 The:0.0660935789346695 It:0.043479759246110916 He:0.02772335708141327 :0.10966881364583969 +to:0.0502728708088398 and:0.026730846613645554 of:0.023566752672195435 the:0.02195318415760994 :0.26871272921562195 +come.:0.08248987793922424 come,:0.06654570996761322 the:0.053981080651283264 be:0.023471958935260773 :0.08128488808870316 +the:0.05270751193165779 be:0.050630368292331696 it:0.04621235653758049 I:0.038464583456516266 :0.05249854549765587 +the:0.17074275016784668 a:0.11719851195812225 my:0.0495167151093483 up:0.03153035044670105 :0.06429209560155869 +is:0.3139587640762329 was:0.22690138220787048 are:0.1264745593070984 were:0.06444259732961655 :0.032436203211545944 +option:0.02778109721839428 authorities:0.01908091828227043 authorities.:0.009916169568896294 and:0.008454417809844017 :0.18870168924331665 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.24401037395000458 of:0.22249652445316315 hand:0.026099100708961487 and:0.025648102164268494 :0.04114573076367378 +of:0.19147782027721405 and:0.054301802068948746 were:0.0334586426615715 to:0.03280140832066536 :0.05226410925388336 +was:0.060689087957143784 had:0.05635836720466614 would:0.022419828921556473 has:0.021822376176714897 :0.12583370506763458 +the:0.15131732821464539 and:0.10738153755664825 to:0.03503405675292015 his:0.03149377554655075 :0.05264189839363098 +of:0.1352790892124176 and:0.04832310229539871 to:0.017215460538864136 the:0.011583392508327961 :0.19328036904335022 +the:0.15426596999168396 he:0.04271316900849342 said:0.03547777608036995 a:0.022833094000816345 :0.05949441343545914 +the:0.47085270285606384 a:0.09396647661924362 which:0.034445229917764664 tho:0.03026525489985943 :0.04740051180124283 +of:0.051735199987888336 year,:0.04539909213781357 year:0.030393648892641068 and:0.02706305868923664 :0.11561820656061172 +the:0.1760987788438797 a:0.039887040853500366 tho:0.02341127023100853 this:0.015364514663815498 :0.273815780878067 +year:0.020742762833833694 morning:0.017804743722081184 is:0.013796156272292137 morning,:0.008671103045344353 :0.09375984221696854 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +and:0.27923858165740967 viz::0.19706007838249207 or:0.06807967275381088 together:0.03129250928759575 :0.02763468399643898 +the:0.295699805021286 a:0.038103654980659485 which:0.03239716961979866 this:0.03189389780163765 :0.08040940016508102 +to:0.10144886374473572 the:0.08425001055002213 a:0.07036102563142776 and:0.05160623416304588 :0.09428770840167999 +to:0.03638762608170509 o'clock:0.03422393277287483 cents:0.028339318931102753 of:0.0261196568608284 :0.21617962419986725 +the:0.00733724283054471 a:0.006787390913814306 government:0.006467154249548912 man:0.005569126922637224 :0.27933093905448914 +the:0.13824579119682312 a:0.013200183399021626 said:0.010413503274321556 Mortgages,:0.009311500936746597 :0.2440483570098877 +is:0.15646164119243622 was:0.08704869449138641 has:0.04069150239229202 are:0.03960607200860977 :0.035340581089258194 +and:0.1389313042163849 in:0.03244534879922867 is:0.02997695282101631 for:0.02279260940849781 :0.1069725900888443 +the:0.047694385051727295 and:0.042683281004428864 a:0.028245678171515465 to:0.011335181072354317 :0.25508877635002136 +the:0.18579402565956116 a:0.07168824970722198 that:0.05573420226573944 him:0.028643155470490456 :0.10505205392837524 +and:0.20508375763893127 as:0.09215833991765976 of:0.07041887938976288 to:0.05385682359337807 :0.042690739035606384 +lant:0.25372400879859924 lon:0.017264284193515778 and:0.0089144017547369 the:0.006848696153610945 :0.4373113512992859 +in:0.06439274549484253 as:0.04654796048998833 a:0.04477177932858467 for:0.04136444255709648 :0.04514462873339653 +forth:0.3363249897956848 the:0.07826747745275497 up:0.04566634073853493 out:0.028657419607043266 :0.04728059843182564 +in:0.13558822870254517 to:0.11259520798921585 on:0.058406464755535126 at:0.04526510834693909 :0.13537780940532684 +and:0.06474412977695465 to:0.029924169182777405 The:0.02861477993428707 the:0.026468124240636826 :0.1322879046201706 +and:0.22229927778244019 the:0.03387985751032829 but:0.03337588533759117 he:0.02995138056576252 :0.042893920093774796 +to:0.49476704001426697 of:0.08234533667564392 that:0.03641214221715927 for:0.03104395419359207 :0.026733960956335068 +of:0.4058639109134674 and:0.05668417736887932 are:0.03080003708600998 from:0.030757272616028786 :0.028701426461338997 +wife:0.03890116140246391 friends:0.014383111149072647 family:0.01307716965675354 wife,:0.012853448279201984 :0.16733230650424957 +and:0.14561288058757782 however,:0.046722009778022766 but:0.041431836783885956 he:0.02433469519019127 :0.023684563115239143 +much:0.0943809300661087 to:0.06972140818834305 the:0.06550799310207367 many:0.04990715533494949 :0.06798854470252991 +the:0.33310258388519287 a:0.05317477509379387 his:0.017210111021995544 said:0.013285632245242596 :0.08937881141901016 +the:0.1608443707227707 a:0.06257981061935425 he:0.03306994587182999 that:0.016982898116111755 :0.1095903292298317 +the:0.032557565718889236 of:0.022338613867759705 and:0.012173477560281754 a:0.010442032478749752 :0.34088268876075745 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.05527923256158829 a:0.02099349908530712 barley:0.013067863881587982 in:0.01027749478816986 :0.23148667812347412 +and:0.06782498210668564 on:0.031209705397486687 in:0.027890034019947052 at:0.021495934575796127 :0.12177246809005737 +other:0.05139564350247383 of:0.043269626796245575 kind:0.03650795295834541 one:0.028417862951755524 :0.13148681819438934 +and:0.09831974655389786 in:0.09516190737485886 by:0.0729791671037674 with:0.058207958936691284 :0.039567407220602036 +much:0.07533152401447296 little:0.017837371677160263 fond:0.012412304989993572 small:0.010002128779888153 :0.20308949053287506 +and:0.10526712983846664 who:0.06277132779359818 of:0.05337418615818024 were:0.04921576380729675 :0.08151980489492416 +vanced:0.06510860472917557 dress:0.03624342381954193 dressed:0.028380678966641426 ministered:0.024495886638760567 :0.4738004207611084 +line:0.05746345967054367 and:0.05738961324095726 with:0.034198787063360214 in:0.019161803647875786 :0.23034417629241943 +great:0.01690952107310295 very:0.016321107745170593 good:0.015436812303960323 large:0.01106084231287241 :0.18733839690685272 +and:0.09312114864587784 of:0.04164295271039009 the:0.035565245896577835 to:0.026110155507922173 :0.13581782579421997 +of:0.17195531725883484 in:0.04603143036365509 to:0.04320129007101059 and:0.024979593232274055 :0.10814044624567032 +the:0.062011633068323135 and:0.04828949645161629 of:0.025368383154273033 to:0.025028299540281296 :0.1623750776052475 +the:0.6053354740142822 tho:0.03163847699761391 a:0.023579677566885948 his:0.018850965425372124 :0.0454704649746418 +the:0.07635220885276794 and:0.06564177572727203 to:0.059012506157159805 in:0.01870749518275261 :0.12788733839988708 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +be:0.341440886259079 have:0.05275658890604973 be,:0.033108532428741455 not:0.028722170740365982 :0.05033957213163376 +the:0.3475459814071655 a:0.07391045987606049 this:0.029952721670269966 public:0.017345979809761047 :0.09380147606134415 +few:0.01778302527964115 long:0.01406873855739832 large:0.011038288474082947 great:0.008398888632655144 :0.22980234026908875 +and:0.14010705053806305 weather:0.07645890861749649 of:0.026133449748158455 or:0.024212157353758812 :0.16255661845207214 +to:0.03639607131481171 the:0.03043409064412117 and:0.02971023879945278 in:0.016856316477060318 :0.23034344613552094 +to:0.9464943408966064 lo:0.005294085014611483 and:0.004346673376858234 for:0.0026120811235159636 :0.013544625602662563 +feet:0.13983787596225739 miles:0.0848051980137825 yards:0.07223295420408249 ,000:0.02978063002228737 :0.07337948679924011 +been:0.09620752930641174 not:0.043716926127672195 seen:0.042396847158670425 no:0.038169410079717636 :0.07455656677484512 +inches:0.29723846912384033 inches,:0.10017410665750504 inches;:0.054100774228572845 (10):0.05270659923553467 :0.07713113725185394 +and:0.2022685408592224 or:0.03229830786585808 of:0.024229416623711586 is:0.018880346789956093 :0.1377163678407669 +be:0.24442245066165924 have:0.1255928874015808 not:0.02660919912159443 bo:0.017729436978697777 :0.10599276423454285 +the:0.3838364779949188 a:0.026226427406072617 this:0.023633088916540146 his:0.02345152385532856 :0.11775361001491547 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.06584328413009644 to:0.05028718709945679 the:0.029037578031420708 of:0.026253487914800644 :0.19484834372997284 +the:0.16238102316856384 be:0.01837712712585926 a:0.015040053986012936 appear:0.012509430758655071 :0.10650834441184998 +country:0.011167231015861034 great:0.01013400312513113 the:0.008913964033126831 one:0.006104991305619478 :0.11566178500652313 +J:0.025381093844771385 W.:0.022328173741698265 J.:0.021418718621134758 W:0.019971858710050583 :0.2736045718193054 +J:0.015144426375627518 A:0.00963995698839426 W:0.009548560716211796 John:0.00951415579766035 :0.473065048456192 +the:0.09766601026058197 and:0.08747243136167526 in:0.019830448552966118 with:0.019094867631793022 :0.06857557594776154 +from:0.1258203685283661 the:0.10827253013849258 to:0.05128466710448265 a:0.03832537308335304 :0.09417899698019028 +to:0.15477816760540009 of:0.08958211541175842 that:0.05690919980406761 or:0.0537092499434948 :0.04876201972365379 +and:0.024663344025611877 of:0.02181527018547058 the:0.018863309174776077 to:0.017478449270129204 :0.33992788195610046 +the:0.13296902179718018 to:0.051413048058748245 a:0.02671264111995697 on:0.02584480680525303 :0.1418336182832718 +a:0.12420716136693954 the:0.0960131362080574 and:0.09111665934324265 for:0.027960194274783134 :0.07830308377742767 +great:0.015056070871651173 good:0.013840311206877232 little:0.009227538481354713 large:0.009076503105461597 :0.171103835105896 +old:0.026539402082562447 order:0.017280153930187225 opportunity:0.01127172913402319 act:0.008828760124742985 :0.193972647190094 +of:0.1054827868938446 Court:0.09162348508834839 and:0.04996715113520622 No.:0.026846520602703094 :0.1443304419517517 +most:0.012185011990368366 same:0.010640785098075867 result:0.010600059293210506 only:0.00753809604793787 :0.19594259560108185 +and:0.07211238145828247 of:0.040731023997068405 who:0.027477938681840897 was:0.014905259013175964 :0.24225416779518127 +and:0.06529694050550461 to:0.06179484724998474 of:0.03702101111412048 the:0.035815853625535965 :0.09671231359243393 +a:0.023134315386414528 the:0.016282446682453156 to:0.015002789907157421 be:0.011445228010416031 :0.20349380373954773 +is:0.14910896122455597 in:0.04658838361501694 was:0.04581625759601593 will:0.041897308081388474 :0.04817930608987808 +a:0.02836454287171364 made:0.02077404037117958 the:0.020418105646967888 was:0.009990881197154522 :0.2544764280319214 +and:0.3286128640174866 but:0.06556732207536697 in:0.0390133298933506 to:0.029101623222231865 :0.05359784513711929 +and:0.04135394096374512 many:0.013410022482275963 a:0.009977493435144424 the:0.005555440206080675 :0.23942728340625763 +the:0.2520342171192169 a:0.032732486724853516 this:0.022435668855905533 his:0.01907248981297016 :0.1329498440027237 +the:0.2585996687412262 a:0.06701668351888657 this:0.028186777606606483 their:0.024171220138669014 :0.09662831574678421 +and:0.08141668140888214 the:0.018240951001644135 The:0.01355572696775198 ing:0.012194763869047165 :0.18124213814735413 +tion:0.32618820667266846 tion,:0.09865842759609222 tric:0.0977969765663147 tions:0.04270824417471886 :0.1897318959236145 +and:0.40094175934791565 of:0.01040269248187542 aud:0.008026741445064545 The:0.007791009731590748 :0.16616256535053253 +with:0.07229611277580261 and:0.06453996151685715 in:0.046959467232227325 to:0.03236538544297218 :0.0719052106142044 +own:0.02386399917304516 wife:0.01867714524269104 heart:0.010446080006659031 name:0.010063008405268192 :0.1949467957019806 +and:0.1303512156009674 dollars:0.067576102912426 yards:0.05975308269262314 feet:0.045257627964019775 :0.10853707045316696 +The:0.14877849817276 It:0.08151464909315109 He:0.038266319781541824 I:0.026974475011229515 :0.07807603478431702 +of:0.21406997740268707 hundred:0.03235819935798645 and:0.014862236566841602 or:0.014561207965016365 :0.13866087794303894 +is:0.30577337741851807 was:0.16897444427013397 Is:0.0655776709318161 has:0.060450248420238495 :0.041504524648189545 +and:0.0494694709777832 field:0.027925685048103333 oak,:0.02393592894077301 oak:0.018436647951602936 :0.22980596125125885 +same:0.006650911644101143 whole:0.004136365372687578 first:0.00368817918933928 following:0.003226551227271557 :0.4121524393558502 +and:0.1312246322631836 at:0.011548108421266079 in:0.01077808253467083 with:0.010488037951290607 :0.20095698535442352 +of:0.16367597877979279 and:0.08107561618089676 who:0.04177600145339966 in:0.03239959105849266 :0.06571435183286667 +the:0.06353223323822021 a:0.03168737515807152 all:0.015316474251449108 two:0.008300084620714188 :0.2219976931810379 +the:0.3360632359981537 this:0.06224970519542694 a:0.05327897518873215 last:0.032843999564647675 :0.1179666668176651 +.:0.027106892317533493 the:0.016063939779996872 and:0.014671675860881805 a:0.00897663738578558 :0.41347536444664 +of:0.10769878327846527 in:0.09739665687084198 for:0.06765911728143692 to:0.056214116513729095 :0.05144518241286278 +was:0.12833131849765778 had:0.055492229759693146 is:0.05530158802866936 has:0.04449862614274025 :0.07998837530612946 +of:0.18837185204029083 to:0.0971028059720993 the:0.0654693990945816 and:0.056214820593595505 :0.04778008535504341 +the:0.1175706684589386 he:0.06140637770295143 it:0.04722054302692413 they:0.04517137631773949 :0.04872215911746025 +the:0.060803499072790146 to:0.013330900110304356 in:0.011230910196900368 a:0.011228923685848713 :0.11830665171146393 +and:0.030775224789977074 to:0.014386200346052647 of:0.01206651795655489 the:0.011859831400215626 :0.27064359188079834 +the:0.1589212268590927 a:0.03325991705060005 his:0.011522147804498672 tho:0.008170703426003456 :0.19908154010772705 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +the:0.30102410912513733 a:0.05227678641676903 this:0.03562941029667854 that:0.015861818566918373 :0.10420997440814972 +and:0.0934612974524498 at:0.037454962730407715 in:0.035562485456466675 with:0.02964656986296177 :0.06047602742910385 +hands:0.0331977941095829 house:0.006775171961635351 United:0.006664929445832968 river:0.00660988874733448 :0.18195566534996033 +of:0.05209075286984444 and:0.035214390605688095 the:0.028612293303012848 to:0.020906060934066772 :0.22778229415416718 +of:0.10895512998104095 and:0.07447567582130432 the:0.03861512616276741 to:0.03472944721579552 :0.037123166024684906 +of:0.23886913061141968 and:0.1335451751947403 in:0.027685629203915596 is:0.02484898455440998 :0.06197027117013931 +and:0.0858212262392044 at:0.043796028941869736 the:0.03798096626996994 of:0.03110872209072113 :0.048220906406641006 +to:0.08488686382770538 the:0.05454971268773079 up:0.051922623068094254 out:0.04542004317045212 :0.07511094212532043 +the:0.08608955144882202 a:0.04767344519495964 ter:0.00888670515269041 tho:0.0071775782853364944 :0.34162428975105286 +and:0.10305403918027878 the:0.06994660943746567 of:0.041256874799728394 a:0.029654422774910927 :0.1074603796005249 +the:0.15677666664123535 to:0.09520269185304642 that:0.06983065605163574 on:0.040329866111278534 :0.04247841611504555 +and:0.09366849809885025 for:0.06359604001045227 to:0.061362653970718384 in:0.03602391853928566 :0.0902550220489502 +result:0.029124382883310318 matter:0.0166524238884449 rule,:0.011289612390100956 man:0.010609658434987068 :0.1965998411178589 +of:0.12209681421518326 and:0.06892722100019455 to:0.05510101467370987 in:0.0489194393157959 :0.04128406569361687 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +and:0.1655910313129425 of:0.07101214677095413 to:0.058908265084028244 the:0.052880387753248215 :0.03991260007023811 +known:0.08157018572092056 as:0.03200237452983856 to:0.02900577336549759 in:0.02023482508957386 :0.1584976762533188 +the:0.23611761629581451 a:0.047195225954055786 his:0.019846685230731964 this:0.014401834458112717 :0.06835415959358215 +same:0.0073125362396240234 following:0.006668807007372379 amount:0.005621769465506077 whole:0.005473351571708918 :0.2014762908220291 +provement:0.12674738466739655 pression:0.07357532531023026 portance:0.07006557285785675 provements:0.059375446289777756 :0.29117342829704285 +and:0.05665173754096031 of:0.034939225763082504 The:0.019329246133565903 ing:0.015450097620487213 :0.19395999610424042 +the:0.2598726451396942 a:0.0577668696641922 tho:0.017695540562272072 his:0.011614101007580757 :0.15107402205467224 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.20995767414569855 in:0.06908226013183594 and:0.06907840073108673 to:0.04364235699176788 :0.052284084260463715 +of:0.06033054366707802 and:0.05174384266138077 to:0.04703234136104584 that:0.0424477718770504 :0.08124247938394547 +A.:0.013812356628477573 J.:0.013614772818982601 M.:0.013088617473840714 B.:0.012135867029428482 :0.5342020392417908 +the:0.2794885039329529 a:0.03725637495517731 this:0.034434374421834946 which:0.022089317440986633 :0.09737477451562881 +The:0.12384842336177826 It:0.045600857585668564 He:0.038735177367925644 I:0.03198545426130295 :0.14527665078639984 +to:0.15437936782836914 by:0.14257705211639404 in:0.09927424043416977 for:0.03963074833154678 :0.03870018944144249 +of:0.7811151146888733 ot:0.019256537780165672 and:0.009385036304593086 to:0.006660555489361286 :0.018046386539936066 +years:0.08334788680076599 or:0.05822930112481117 men:0.03361774981021881 of:0.029722215607762337 :0.17451727390289307 +and:0.06607484072446823 of:0.05314568057656288 miles:0.04414728656411171 miles.:0.038109950721263885 :0.16722171008586884 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +of:0.23620261251926422 and:0.05599651485681534 the:0.049833670258522034 that:0.0306014996021986 :0.0543869249522686 +and:0.13983938097953796 are:0.09049639850854874 were:0.08671016991138458 in:0.053771983832120895 :0.047687288373708725 +a:0.17631405591964722 per:0.16265033185482025 for:0.06908970326185226 to:0.04249219223856926 :0.09207916259765625 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +been:0.18443377315998077 not:0.04462767019867897 to:0.03673930466175079 a:0.03124600648880005 :0.07861452549695969 +the:0.1145758330821991 a:0.06945239007472992 up:0.04123006761074066 them:0.03772202879190445 :0.05874300375580788 +er:0.583750307559967 ers:0.18757189810276031 er.:0.020271852612495422 ers.:0.019866550341248512 :0.04950844869017601 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.08064266294240952 to:0.03201528638601303 The:0.029231559485197067 in:0.019574876874685287 :0.1676018238067627 +is:0.27503272891044617 are:0.17347729206085205 was:0.1410634070634842 were:0.062090735882520676 :0.04280408099293709 +the:0.258169561624527 it:0.056138135492801666 a:0.04409060254693031 this:0.030812600627541542 :0.03058496303856373 +of:0.3186396062374115 in:0.045424655079841614 that:0.029952479526400566 to:0.029799165204167366 :0.05192947015166283 +and:0.09735574573278427 to:0.05760715901851654 the:0.038634032011032104 air:0.02889377810060978 :0.10831183940172195 +the:0.28630679845809937 a:0.04452319070696831 this:0.03306695446372032 such:0.017698174342513084 :0.10603264719247818 +been:0.2651047706604004 the:0.02580641396343708 not:0.025459913536906242 a:0.022140808403491974 :0.10855196416378021 +and:0.06624528020620346 to:0.048646654933691025 in:0.04360882192850113 of:0.03883451595902443 :0.1043442040681839 +bers:0.5858967900276184 ber:0.05447836592793465 bers,:0.03471258655190468 ory:0.02051941119134426 :0.14176613092422485 +The:0.11259520053863525 It:0.07679983973503113 He:0.029659325256943703 In:0.028836727142333984 :0.09528198093175888 +the:0.10540029406547546 a:0.028680307790637016 50:0.025229044258594513 said:0.011150105856359005 :0.18108263611793518 +and:0.03885078430175781 the:0.020408907905220985 of:0.012320464476943016 The:0.00969750341027975 :0.28997862339019775 +of:0.0815892294049263 and:0.0679544135928154 The:0.01979251019656658 in:0.01884416863322258 :0.20494621992111206 +of:0.30529487133026123 and:0.10005570948123932 for:0.055770888924598694 to:0.0528799444437027 :0.028700783848762512 +the:0.23799699544906616 a:0.04221582040190697 tho:0.014849789440631866 this:0.014704192988574505 :0.22046831250190735 +the:0.3782931864261627 said:0.2673671543598175 this:0.032556358724832535 tho:0.009747983887791634 :0.07046043127775192 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.1945609301328659 and:0.09280559420585632 that:0.03410050645470619 to:0.02778141014277935 :0.05421833693981171 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +and:0.09484804421663284 is:0.021761657670140266 was:0.019370371475815773 in:0.014922624453902245 :0.14288441836833954 +.:0.050576090812683105 and:0.02811802737414837 of:0.01861729845404625 ,:0.012056004256010056 :0.2531174421310425 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +own:0.016459953039884567 wife:0.011600454337894917 head:0.010259860195219517 heart:0.009813042357563972 :0.2565729022026062 +are:0.0633024275302887 were:0.03188146650791168 two:0.024344831705093384 things:0.019019970670342445 :0.12766265869140625 +and:0.05977332592010498 of:0.03809429705142975 the:0.021833768114447594 The:0.018010927364230156 :0.14247789978981018 +the:0.3937220871448517 a:0.03287290781736374 tho:0.019716663286089897 his:0.014341798610985279 :0.09191165864467621 +of:0.35055387020111084 and:0.04436664655804634 the:0.030886748805642128 in:0.030240148305892944 :0.029447859153151512 +the:0.2691458463668823 his:0.05137508362531662 sale.:0.03070080652832985 a:0.02210075408220291 :0.10484995692968369 +recover:0.2690165340900421 the:0.07134263217449188 be:0.04504435136914253 a:0.01762341894209385 :0.07699757814407349 +and:0.08411938697099686 the:0.0355173721909523 of:0.02871832437813282 in:0.015251409262418747 :0.2165318876504898 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +of:0.4237251579761505 and:0.08343972265720367 with:0.04016537964344025 in:0.03452986851334572 :0.026939181610941887 +that:0.22450000047683716 the:0.09168824553489685 how:0.08643578737974167 a:0.07597801834344864 :0.05019137263298035 +be:0.26467403769493103 have:0.034157127141952515 make:0.014463705942034721 bo:0.013121608644723892 :0.05856579169631004 +the:0.4818929135799408 said:0.02830612100660801 this:0.024198224768042564 tho:0.018260151147842407 :0.09593600034713745 +the:0.24002797901630402 there:0.09152238816022873 it:0.04863074794411659 we:0.04612854868173599 :0.045851901173591614 +the:0.27460795640945435 motion:0.037311434745788574 this:0.023358451202511787 a:0.02184925600886345 :0.1848762184381485 +own:0.0184226892888546 names:0.006107894703745842 way:0.005015367642045021 lives:0.0041093118488788605 :0.3019191324710846 +time:0.08838680386543274 same:0.014319159090518951 said:0.011188226751983166 first:0.01004284992814064 :0.1875060498714447 +the:0.10376361012458801 be:0.02552952617406845 a:0.019372355192899704 make:0.01752181351184845 :0.14995430409908295 +the:0.2783825993537903 he:0.036988575011491776 they:0.03374139592051506 it:0.03247584030032158 :0.0678662434220314 +than:0.08410385251045227 to:0.038334477692842484 the:0.016701532527804375 a:0.015480568632483482 :0.14813512563705444 +of:0.3698994517326355 and:0.048449933528900146 council:0.020818352699279785 is:0.01532029639929533 :0.0482129231095314 +the:0.1419462263584137 defaulting:0.02986433357000351 a:0.02769085019826889 living:0.019745804369449615 :0.16059251129627228 +1910,:0.03330681473016739 and:0.01627662591636181 .:0.014353042468428612 1901.:0.012549827806651592 :0.23834043741226196 +was:0.17969807982444763 is:0.07892931997776031 had:0.05720803141593933 has:0.05548786371946335 :0.03923698514699936 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +most:0.20244470238685608 ways:0.16128350794315338 ready:0.14062008261680603 lowed:0.14038559794425964 :0.12040659040212631 +way:0.008896722458302975 same:0.00883206445723772 most:0.007745235227048397 place:0.006766304839402437 :0.16201455891132355 +and:0.0766998901963234 in:0.0515054352581501 to:0.04466705396771431 that:0.036458808928728104 :0.08386513590812683 +ful.:0.24449047446250916 ful:0.1794620305299759 ful,:0.11926902830600739 fully:0.07454346865415573 :0.11916476488113403 +the:0.07697001844644547 it:0.03634829446673393 he:0.02871430478990078 be:0.0194565299898386 :0.05576653406023979 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.1706637144088745 is:0.06748323142528534 to:0.06541915237903595 in:0.04443730041384697 :0.03689233958721161 +of:0.5346980094909668 that:0.03944117948412895 and:0.03202436864376068 for:0.026467375457286835 :0.053821273148059845 +by:0.21788805723190308 with:0.134439155459404 the:0.13133075833320618 to:0.05515838414430618 :0.037395816296339035 +the:0.05381914973258972 to:0.04148606210947037 and:0.029639558866620064 a:0.021061250939965248 :0.14225879311561584 +and:0.03858953341841698 the:0.03249315917491913 to:0.020920034497976303 that:0.014754212461411953 :0.12566371262073517 +a:0.2900376617908478 the:0.07597837597131729 to:0.06884562224149704 an:0.03308253735303879 :0.06745985895395279 +country:0.04265175014734268 city:0.02772749587893486 place:0.013813643716275692 time:0.012881061993539333 :0.11461232602596283 +a:0.2174808531999588 is:0.05016249418258667 an:0.03156936913728714 was:0.017084844410419464 :0.13302575051784515 +of:0.13775186240673065 and:0.08388915657997131 that:0.04331878945231438 in:0.03930593654513359 :0.04635308310389519 +to:0.48807668685913086 in:0.039799999445676804 for:0.029632000252604485 and:0.01704224944114685 :0.027900969609618187 +a:0.08360408991575241 the:0.07740266621112823 not:0.03623003885149956 to:0.030881909653544426 :0.12924516201019287 +The:0.15363949537277222 It:0.0711880624294281 He:0.03720488026738167 I:0.02528982423245907 :0.11949224770069122 +of:0.195111945271492 line:0.06632211804389954 half:0.03590766713023186 and:0.032379791140556335 :0.19586896896362305 +the:0.11333873867988586 to:0.03511783108115196 a:0.034655675292015076 it:0.025839954614639282 :0.09004542231559753 +the:0.3122173249721527 a:0.027686597779393196 this:0.026051193475723267 their:0.02187633141875267 :0.0770229697227478 +lection:0.22009074687957764 lege:0.09222728759050369 ored:0.09194346517324448 ony:0.04220029339194298 :0.4016626179218292 +The:0.14040711522102356 It:0.03612811863422394 This:0.024405036121606827 He:0.023505710065364838 :0.18123561143875122 +the:0.13160276412963867 be:0.04737645760178566 a:0.02937278337776661 have:0.021962735801935196 :0.1201620101928711 +ty,:0.1653786450624466 try:0.14361609518527985 ty:0.10631008446216583 try,:0.0869620218873024 :0.2327951192855835 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +and:0.08435028046369553 to:0.026490027084946632 The:0.018797509372234344 of:0.016599323600530624 :0.16484713554382324 +the:0.02009010873734951 a:0.017999058589339256 said:0.014453302137553692 and:0.008300806395709515 :0.43255889415740967 +in:0.12377409636974335 up:0.07176793366670609 at:0.05236952006816864 on:0.049390245229005814 :0.07296460121870041 +in:0.07914596050977707 out:0.06457080692052841 up:0.060469966381788254 forth:0.06027495861053467 :0.049181945621967316 +and:0.030775224789977074 to:0.014386200346052647 of:0.01206651795655489 the:0.011859831400215626 :0.27064359188079834 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +tain:0.8716912269592285 tained:0.016919689252972603 taining:0.016676878556609154 tenance:0.01087784580886364 :0.015962986275553703 +to:0.17269696295261383 and:0.12747107446193695 in:0.05974067375063896 of:0.05643191188573837 :0.0442504920065403 +the:0.1213093027472496 a:0.1191011518239975 to:0.09467589855194092 he:0.019263362511992455 :0.10613206028938293 +the:0.24683888256549835 a:0.03323088213801384 course:0.022028295323252678 this:0.017603134736418724 :0.15841278433799744 +and:0.11379696428775787 to:0.06560242176055908 are:0.03719497099518776 were:0.03208451718091965 :0.09766773134469986 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +of:0.8201913833618164 to:0.01657416857779026 which:0.011610093526542187 ot:0.010775069706141949 :0.011541489511728287 +to:0.3107380270957947 a:0.037051375955343246 in:0.028553809970617294 and:0.023939641192555428 :0.036718420684337616 +and:0.09732219576835632 the:0.07704939693212509 which:0.03225314989686012 but:0.027261950075626373 :0.14273956418037415 +and:0.04989491403102875 the:0.04212493449449539 of:0.030364109203219414 for:0.016360055655241013 :0.18694812059402466 +most:0.18265831470489502 ways:0.1424238532781601 lowed:0.14111603796482086 though:0.07722988724708557 :0.17933766543865204 +is:0.039534877985715866 year:0.03786580637097359 morning:0.023038078099489212 was:0.012309564277529716 :0.12111862003803253 +and:0.03271406888961792 in:0.018098844215273857 of:0.012700812891125679 to:0.009750762954354286 :0.2972218692302704 +that:0.19156453013420105 the:0.10719136148691177 a:0.06448589265346527 in:0.0487227626144886 :0.03462361544370651 +of:0.11044640094041824 the:0.06891194730997086 a:0.06805134564638138 and:0.04815254360437393 :0.05108260735869408 +the:0.29211461544036865 a:0.04542728140950203 it:0.03899138793349266 this:0.03311517462134361 :0.05297015979886055 +said:0.3555198907852173 the:0.22665533423423767 this:0.026030663400888443 a:0.025593046098947525 :0.05865822732448578 +pany:0.10437144339084625 mittee:0.05699044466018677 mon:0.03193711116909981 pany,:0.02322791889309883 :0.24776753783226013 +The:0.13892997801303864 It:0.03277772292494774 D:0.02639400027692318 He:0.024833688512444496 :0.12447594851255417 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +to:0.4316486418247223 at:0.08328266441822052 and:0.07610253244638443 in:0.03430512547492981 :0.03282585367560387 +of:0.43946751952171326 a:0.0582115463912487 century:0.025497522205114365 mile:0.02348066307604313 :0.04951828718185425 +to:0.22936494648456573 of:0.0974104180932045 in:0.0898987278342247 for:0.03913000598549843 :0.03644108399748802 +the:0.117708221077919 a:0.09155727922916412 place:0.0837101936340332 up:0.042601462453603745 :0.09145089983940125 +and:0.0497685968875885 the:0.022131528705358505 to:0.016583368182182312 of:0.016088584437966347 :0.1429246962070465 +of:0.17357292771339417 and:0.033910736441612244 or:0.030754955485463142 year:0.025141257792711258 :0.1123681291937828 +United:0.010623292066156864 State:0.007855107076466084 city:0.004857400897890329 state:0.00448239641264081 :0.3237614333629608 +and:0.07655947655439377 to:0.05022506043314934 in:0.02704947255551815 the:0.024127377197146416 :0.17906278371810913 +to:0.21322117745876312 of:0.0816444456577301 and:0.05023205280303955 in:0.043063193559646606 :0.0734986886382103 +States:0.6329243183135986 States,:0.02850930765271187 States.:0.014370386488735676 Slates:0.011382787488400936 :0.2163606584072113 +is:0.2818908989429474 was:0.17734715342521667 are:0.1312704086303711 were:0.05595772713422775 :0.04180637374520302 +The:0.016339853405952454 and:0.009788109920918941 1:0.006274302955716848 day:0.005458783358335495 :0.5268016457557678 +not:0.029896581545472145 the:0.027677219361066818 to:0.016903450712561607 now:0.013788492418825626 :0.11661292612552643 +the:0.13173650205135345 he:0.03906944394111633 it:0.029841650277376175 is:0.02828468568623066 :0.07095630466938019 +years:0.08076658099889755 times:0.059962015599012375 or:0.03739446774125099 days:0.034001827239990234 :0.10327710956335068 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +for:0.19570843875408173 in:0.06905848532915115 the:0.06698592007160187 on:0.06277721375226974 :0.0465194433927536 +the:0.2684178948402405 a:0.04598433896899223 this:0.0307028666138649 all:0.023932304233312607 :0.12686002254486084 +to:0.033685605973005295 only:0.031018489971756935 a:0.0233254823833704 in:0.02112211100757122 :0.1543915569782257 +the:0.48294466733932495 this:0.03445257246494293 our:0.028491685166954994 tho:0.02099672332406044 :0.05795913562178612 +of:0.29516422748565674 to:0.13346602022647858 above:0.03320971131324768 from:0.03283652290701866 :0.07315567135810852 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +to:0.04765796288847923 in:0.041223134845495224 on:0.027631044387817383 abandoned:0.02742399089038372 :0.20895789563655853 +and:0.06781984120607376 in:0.03923185542225838 on:0.02935452200472355 is:0.025490254163742065 :0.10388489812612534 +the:0.19349020719528198 which:0.033973827958106995 a:0.025887763127684593 New:0.010879536159336567 :0.1583406627178192 +or:0.0857163816690445 of:0.056300483644008636 years:0.051564622670412064 hundred:0.045588891953229904 :0.15540601313114166 +the:0.28636622428894043 a:0.02559572458267212 this:0.02303631603717804 tho:0.014957115985453129 :0.14879687130451202 +on:0.11253282427787781 in:0.10487861931324005 the:0.05943877995014191 into:0.05067269131541252 :0.052722375839948654 +and:0.06742637604475021 W.:0.026676448062062263 B.:0.024706175550818443 M.:0.02402118407189846 :0.3756561577320099 +the:0.33112695813179016 this:0.1573869287967682 a:0.037561751902103424 such:0.01817326620221138 :0.07933022081851959 +the:0.17301015555858612 to:0.1255577802658081 and:0.0526338554918766 in:0.0346204899251461 :0.06439192593097687 +the:0.06077621132135391 and:0.04635358974337578 to:0.03749991953372955 a:0.02073618583381176 :0.13760268688201904 +and:0.0801873579621315 of:0.04925089329481125 The:0.02662092074751854 the:0.019390959292650223 :0.1423349380493164 +lions:0.05696011334657669 in:0.049822933971881866 and:0.030077949166297913 to:0.025839271023869514 :0.2129279375076294 +the:0.06624963879585266 and:0.047490037977695465 a:0.030525866895914078 thence:0.017758816480636597 :0.22635120153427124 +best:0.011402660980820656 same:0.010504030622541904 most:0.007085416931658983 present:0.0070823864080011845 :0.1898031085729599 +and:0.11654410511255264 the:0.028736954554915428 of:0.02748255804181099 for:0.024847321212291718 :0.10211612284183502 +of:0.07969599217176437 and:0.0229839775711298 assortment:0.011616114526987076 thing:0.01027053501456976 :0.156049907207489 +and:0.013194434344768524 the:0.008843885734677315 of:0.00823298655450344 in:0.007933023385703564 :0.18060781061649323 +of:0.1981125921010971 and:0.09856019914150238 to:0.03693970665335655 is:0.029160749167203903 :0.04467678442597389 +of:0.8446844816207886 and:0.022275131195783615 in:0.016755787655711174 to:0.010561048053205013 :0.008477061986923218 +the:0.04457814246416092 in:0.02527806907892227 a:0.015368462540209293 to:0.00957151036709547 :0.4100002348423004 +of:0.11146315187215805 before:0.06444941461086273 and:0.043482571840286255 in:0.039991725236177444 :0.036396197974681854 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +that:0.0709877759218216 the:0.04982173070311546 to:0.045521996915340424 in:0.0269017331302166 :0.11964219063520432 +own:0.0184226892888546 names:0.006107894703745842 way:0.005015367642045021 lives:0.0041093118488788605 :0.3019191324710846 +The:0.052611593157052994 @:0.031679339706897736 block:0.025577930733561516 A:0.024763498455286026 :0.2952873110771179 +Co.:0.03090360388159752 Western:0.022735392674803734 Co,:0.015373818576335907 Co.,:0.013496923260390759 :0.3885994553565979 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.12114646285772324 to:0.03349204733967781 from:0.02759523130953312 in:0.023912597447633743 :0.21522067487239838 +is:0.27277225255966187 was:0.16015514731407166 Is:0.06392931193113327 has:0.053513068705797195 :0.04188155382871628 +the:0.2748590409755707 a:0.060569148510694504 this:0.01647275686264038 any:0.015521739609539509 :0.0868907943367958 +the:0.2912503778934479 a:0.044385213404893875 his:0.023801593109965324 course,:0.02108037658035755 :0.10619589686393738 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.41294318437576294 and:0.06125273182988167 with:0.03547036275267601 from:0.03465692326426506 :0.027217349037528038 +of:0.3644759953022003 to:0.04601635783910751 in:0.03806063160300255 and:0.030942704528570175 :0.04776071757078171 +to:0.20129849016666412 a:0.13217340409755707 the:0.09663635492324829 of:0.03233896195888519 :0.03140933811664581 +up:0.10936854779720306 down:0.08208085596561432 in:0.07171044498682022 into:0.05547235533595085 :0.05224300175905228 +said:0.038812801241874695 the:0.030675632879137993 was:0.029607076197862625 had:0.014836682006716728 :0.23524534702301025 +and:0.07790760695934296 to:0.01239119190722704 or:0.01239115558564663 the:0.009376761503517628 :0.15193712711334229 +and:0.054548297077417374 to:0.04065871238708496 the:0.03139964118599892 was:0.018234755843877792 :0.20520704984664917 +was:0.09587524831295013 had:0.08440673351287842 have:0.07852274924516678 am:0.06717825680971146 :0.05261755734682083 +14,:0.03662807494401932 1,:0.027708780020475388 15,:0.026113685220479965 20,:0.0215741153806448 :0.10126369446516037 +to:0.06266233325004578 and:0.058167945593595505 the:0.03590353578329086 on:0.02403237111866474 :0.13140201568603516 +that:0.03429589420557022 in:0.0334290973842144 and:0.027351131662726402 the:0.022666634991765022 :0.19495496153831482 +most:0.034457284957170486 only:0.022706162184476852 best:0.022034166380763054 same:0.01625859923660755 :0.2168864905834198 +be:0.3627833425998688 have:0.04843686521053314 not:0.045506108552217484 bo:0.025014545768499374 :0.0862431600689888 +be:0.21647870540618896 not:0.02806447632610798 bo:0.023036198690533638 do:0.017843464389443398 :0.1256701648235321 +and:0.12827353179454803 to:0.05640602484345436 car:0.03796585276722908 railway:0.02707592211663723 :0.0934407114982605 +to:0.1570284366607666 and:0.08104418218135834 in:0.06709059327840805 on:0.049707379192113876 :0.04565293341875076 +and:0.0351954884827137 of:0.034002885222435 the:0.024854959920048714 a:0.012455398216843605 :0.2484963983297348 +and:0.5679193735122681 of:0.045124154537916183 from:0.024767130613327026 at:0.011676169000566006 :0.04280112683773041 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +the:0.10795624554157257 that:0.024469690397381783 a:0.024006029590964317 in:0.017579104751348495 :0.07215891778469086 +of:0.34139519929885864 line:0.037576284259557724 and:0.03215326741337776 end:0.029117174446582794 :0.06848843395709991 +duty:0.23058591783046722 own:0.02629966288805008 mind:0.008771834895014763 head:0.00744292326271534 :0.12198096513748169 +and:0.18815764784812927 but:0.051338113844394684 the:0.0400439128279686 in:0.019551284611225128 :0.12818017601966858 +and:0.08894699066877365 as:0.05154198780655861 the:0.03917190805077553 by:0.024257101118564606 :0.09835018962621689 +for:0.1358853429555893 to:0.09081282466650009 the:0.07863347232341766 him:0.06302864849567413 :0.0554271936416626 +in:0.13649094104766846 and:0.10735365748405457 as:0.08972744643688202 of:0.05537242442369461 :0.04445045441389084 +to:0.09972260147333145 or:0.0886189192533493 and:0.058867473155260086 in:0.04661870375275612 :0.04874589294195175 +the:0.3138948380947113 a:0.0395737886428833 this:0.03806470334529877 tho:0.01458559837192297 :0.1397659033536911 +are:0.06610420346260071 may:0.06363630294799805 have:0.0622095987200737 will:0.052358899265527725 :0.062218498438596725 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.28278684616088867 a:0.040157005190849304 this:0.023576734587550163 said:0.02329932525753975 :0.0893276035785675 +the:0.03339299187064171 and:0.024281902238726616 a:0.017769871279597282 to:0.01606498844921589 :0.2460174560546875 +was:0.07726441323757172 had:0.06851661205291748 has:0.05525830760598183 is:0.05169340595602989 :0.07759829610586166 +party:0.422145813703537 party,:0.04890400916337967 leaders:0.023108066990971565 majority:0.019164735451340675 :0.07368285208940506 +one:0.09243659675121307 of:0.07386653125286102 person:0.05905674397945404 such:0.04201525077223778 :0.08136840909719467 +to:0.05810710787773132 the:0.04487663134932518 and:0.03052835538983345 in:0.024763530120253563 :0.14135366678237915 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +the:0.09386014938354492 to:0.031061459332704544 it:0.030884645879268646 if:0.026321351528167725 :0.04366428777575493 +and:0.1325310319662094 than:0.04164934530854225 claim,:0.029181353747844696 conveyancing,:0.027719082310795784 :0.16952812671661377 +the:0.07010135799646378 a:0.018050983548164368 all:0.013504291884601116 other:0.009867093525826931 :0.22926747798919678 +and:0.06892042607069016 at:0.06891966611146927 in:0.04909484460949898 last:0.035612206906080246 :0.05297074839472771 +as:0.33542731404304504 to:0.1211802139878273 and:0.06871824711561203 that:0.04241621866822243 :0.029915090650320053 +and:0.3181280195713043 but:0.06331190466880798 the:0.04823796823620796 in:0.025021638721227646 :0.06925652921199799 +date:0.008520219475030899 United:0.008137640543282032 time:0.00669322581961751 day:0.006416283547878265 :0.18612447381019592 +The:0.07624460756778717 and:0.041022565215826035 It:0.02683415822684765 In:0.02080858312547207 :0.16662004590034485 +and:0.04426155984401703 of:0.03478177636861801 the:0.030485857278108597 to:0.029333652928471565 :0.16935470700263977 +.:0.07366358488798141 of:0.0687146782875061 ,:0.05301231890916824 folio:0.0233822800219059 :0.3147152364253998 +same:0.01731862872838974 right:0.008515636436641216 most:0.008435464464128017 whole:0.006849843077361584 :0.22981379926204681 +the:0.15821833908557892 a:0.05692819133400917 by:0.04001239314675331 and:0.03531903028488159 :0.054241642355918884 +the:0.2144833654165268 he:0.062111206352710724 they:0.05277639999985695 it:0.03646198287606239 :0.05600408464670181 +veloped:0.040836889296770096 cided:0.025267696008086205 clared:0.024649308994412422 scribed:0.022583751007914543 :0.42383500933647156 +and:0.118625208735466 in:0.03866655007004738 the:0.03636718913912773 for:0.02591777592897415 :0.060617074370384216 +not:0.03948759660124779 the:0.032794322818517685 to:0.01854604296386242 in:0.01853678561747074 :0.19783002138137817 +a:0.03684420883655548 the:0.0364057794213295 made:0.02793208695948124 sold:0.016866616904735565 :0.12324710190296173 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.14537836611270905 the:0.022905079647898674 in:0.021568356081843376 at:0.021263930946588516 :0.15074093639850616 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +west:0.009943473152816296 north:0.00865788571536541 south:0.0072770314291119576 same:0.006159815937280655 :0.19014617800712585 +other:0.016311267390847206 people:0.008638075552880764 latter:0.005838417448103428 men:0.005451944191008806 :0.17506125569343567 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.10825448483228683 and:0.09520722925662994 in:0.049674712121486664 is:0.033316247165203094 :0.0850549265742302 +the:0.10987447202205658 a:0.014709491282701492 that:0.01407646294683218 in:0.01051293034106493 :0.16020867228507996 +to:0.5205569863319397 a:0.018982483074069023 in:0.015613955445587635 as:0.010446082800626755 :0.06535234302282333 +the:0.24323421716690063 a:0.031141243875026703 this:0.03014414943754673 said:0.017942257225513458 :0.11974431574344635 +and:0.060073938220739365 of:0.04736046865582466 who:0.028747478500008583 was:0.027462638914585114 :0.18403883278369904 +of:0.3392525017261505 the:0.05688150227069855 that:0.026603642851114273 in:0.02150251530110836 :0.0621313638985157 +and:0.04243922233581543 I:0.018329409882426262 to:0.01533212698996067 in:0.013184217736124992 :0.2396259605884552 +the:0.20434856414794922 a:0.05492870882153511 this:0.025431321933865547 all:0.021044034510850906 :0.08431537449359894 +and:0.037723153829574585 The:0.03074348345398903 the:0.02599339187145233 of:0.022083990275859833 :0.2596729099750519 +the:0.5593558549880981 a:0.045260168612003326 this:0.022806387394666672 his:0.021874867379665375 :0.048623356968164444 +The:0.12719300389289856 It:0.050487220287323 I:0.0456390343606472 He:0.04098069667816162 :0.04893653094768524 +that:0.07036437839269638 the:0.046612635254859924 he:0.04136972874403 to:0.0266824122518301 :0.16936831176280975 +and:0.05065040662884712 the:0.025658966973423958 of:0.01994977705180645 who:0.016807986423373222 :0.2058248221874237 +United:0.01328139379620552 State:0.009544115513563156 said:0.005746869370341301 most:0.005404171999543905 :0.27079474925994873 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +of:0.024738706648349762 the:0.023090535774827003 and:0.014780125580728054 a:0.00889806542545557 :0.273697167634964 +way:0.05570651590824127 own:0.04812422767281532 home:0.016076523810625076 appearance:0.012915507890284061 :0.12457786500453949 +the:0.32683664560317993 this:0.03600899130105972 a:0.03515026718378067 his:0.01664234884083271 :0.07661428302526474 +and:0.18870757520198822 the:0.09180963039398193 but:0.040486548095941544 to:0.029969891533255577 :0.10546986758708954 +of:0.381768137216568 and:0.05018504709005356 to:0.041678331792354584 in:0.04093527793884277 :0.02730271779000759 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.06344789266586304 a:0.03686879947781563 by:0.026691550388932228 in:0.023563580587506294 :0.13154208660125732 +and:0.026875877752900124 J.:0.012986203655600548 L.:0.012731299735605717 H.:0.011809400282800198 :0.5483437180519104 +stated:0.022403232753276825 had:0.021603254601359367 a:0.02143218368291855 the:0.020116131752729416 :0.07010140269994736 +the:0.12137530744075775 a:0.04349061846733093 from:0.012766953557729721 two:0.008689740672707558 :0.16069036722183228 +and:0.05617542937397957 the:0.031775619834661484 of:0.028597595170140266 is:0.017605168744921684 :0.1372944414615631 +part:0.05238456651568413 thing:0.013953719288110733 factor:0.01317504420876503 change:0.011966077610850334 :0.08071235567331314 +was:0.0868474692106247 had:0.05391622707247734 have:0.05104650557041168 would:0.030311917886137962 :0.10842139273881912 +the:0.5240859389305115 a:0.042104631662368774 this:0.029324768111109734 his:0.02299775555729866 :0.07885325700044632 +per:0.03573256731033325 years:0.030454281717538834 to:0.023368719965219498 of:0.023290380835533142 :0.16421599686145782 +and:0.20806479454040527 to:0.06036735326051712 in:0.045530349016189575 as:0.03213460370898247 :0.037411075085401535 +to:0.34064385294914246 the:0.0807451382279396 a:0.046027664095163345 him:0.02596306800842285 :0.04884934052824974 +in:0.07826784253120422 who:0.07637537270784378 of:0.0700262188911438 and:0.06283959001302719 :0.08207661658525467 +of:0.2912176251411438 the:0.0836719498038292 and:0.03951535001397133 a:0.0283088106662035 :0.07483992725610733 +the:0.04374123737215996 of:0.016648177057504654 a:0.015211652033030987 to:0.013690604828298092 :0.25913065671920776 +the:0.28681668639183044 a:0.09775274991989136 tho:0.015414265915751457 account:0.013404106721282005 :0.1180938258767128 +war:0.006701925303786993 whole:0.005178157240152359 city:0.0047516897320747375 day:0.004538155626505613 :0.26290619373321533 +the:0.17301015555858612 to:0.1255577802658081 and:0.0526338554918766 in:0.0346204899251461 :0.06439192593097687 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.011287323199212551 man:0.008079678751528263 men:0.007586182560771704 guns:0.004615245386958122 :0.2086528241634369 +of:0.16559520363807678 and:0.057262104004621506 side:0.02505776658654213 to:0.02318616397678852 :0.21691544353961945 +United:0.01328139379620552 State:0.009544115513563156 said:0.005746869370341301 most:0.005404171999543905 :0.27079474925994873 +The:0.09714239835739136 He:0.03011595457792282 It:0.029931602999567986 A:0.021363304927945137 :0.12980683147907257 +the:0.2297072410583496 said:0.038451969623565674 this:0.025362633168697357 a:0.02518911473453045 :0.13999712467193604 +the:0.26471880078315735 a:0.029831519350409508 his:0.016996564343571663 this:0.015216047875583172 :0.13218505680561066 +from:0.1771990805864334 to:0.10926084220409393 with:0.08126560598611832 of:0.055548254400491714 :0.04892739653587341 +the:0.19048801064491272 a:0.07870826870203018 which:0.023346973583102226 he:0.015205892734229565 :0.11188159137964249 +the:0.11800690740346909 to:0.07044735550880432 a:0.04220108687877655 for:0.033063117414712906 :0.03985336795449257 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.07439643144607544 a:0.07008891552686691 not:0.03130156546831131 and:0.023791737854480743 :0.14173872768878937 +the:0.10642443597316742 a:0.01646260917186737 men:0.010776192881166935 their:0.009443570859730244 :0.15828841924667358 +the:0.13049165904521942 to:0.12723274528980255 is:0.061310894787311554 a:0.027946554124355316 :0.04810012876987457 +and:0.042526740580797195 of:0.03342050313949585 the:0.012815636582672596 The:0.011748041957616806 :0.22375158965587616 +is:0.09806317836046219 was:0.05800542235374451 and:0.052170563489198685 of:0.022858543321490288 :0.1109137311577797 +the:0.1582246869802475 it:0.08888772130012512 he:0.0630386471748352 they:0.04549780860543251 :0.03623590245842934 +and:0.13252076506614685 the:0.06339959800243378 in:0.02592986635863781 who:0.02151602692902088 :0.05084826424717903 +and:0.053239546716213226 the:0.0272048469632864 of:0.02338547073304653 The:0.02111705206334591 :0.17968684434890747 +the:0.27713513374328613 a:0.04156019538640976 his:0.014621336944401264 this:0.012980158440768719 :0.17089301347732544 +the:0.10266681015491486 be:0.09732586145401001 have:0.021249089390039444 see:0.019628988578915596 :0.09263604879379272 +and:0.08125187456607819 H.:0.02524298056960106 A.:0.019600991159677505 W.:0.017533626407384872 :0.27195021510124207 +and:0.0809987485408783 of:0.03928045555949211 in:0.02298305742442608 from:0.01327225100249052 :0.11779338866472244 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +case:0.010571509599685669 and:0.008516212925314903 city:0.007195464335381985 way:0.007180287502706051 :0.28071147203445435 +the:0.23798970878124237 any:0.07147399336099625 a:0.04628654196858406 this:0.012761366553604603 :0.11491844058036804 +the:0.08724403381347656 a:0.07680594176054001 to:0.06714737415313721 they:0.030566180124878883 :0.09115727245807648 +the:0.2119220346212387 any:0.09187250584363937 a:0.029213113710284233 his:0.014555176720023155 :0.14698688685894012 +from:0.03680107742547989 trade:0.03505996987223625 and:0.02654905803501606 silver:0.02544168196618557 :0.19077996909618378 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +after:0.08077400922775269 and:0.03326734900474548 in:0.030244212597608566 to:0.021861759945750237 :0.11802580952644348 +of:0.6700732111930847 and:0.043080609291791916 in:0.037578389048576355 to:0.03098207339644432 :0.026550838723778725 +the:0.3470245599746704 a:0.03439788520336151 his:0.031701091676950455 this:0.018695075064897537 :0.0862497016787529 +the:0.08721111714839935 it:0.031081590801477432 a:0.03080114908516407 in:0.028560340404510498 :0.07637196779251099 +and:0.04733124375343323 was:0.04163983836770058 who:0.033752575516700745 I:0.0336676761507988 :0.09956645965576172 +or:0.06507419794797897 of:0.04330514743924141 and:0.04218298941850662 years:0.03685332089662552 :0.21626009047031403 +F.:0.04372192919254303 F:0.02628135122358799 B.:0.018055982887744904 H.:0.017084557563066483 :0.3660648465156555 +a:0.0979771688580513 the:0.07241721451282501 not:0.03731987997889519 to:0.01899135485291481 :0.10797125101089478 +the:0.19034139811992645 a:0.05179237574338913 to:0.04034433886408806 that:0.02106493152678013 :0.08877193927764893 +The:0.07294490933418274 Block:0.06172366812825203 It:0.024198541417717934 I:0.019964424893260002 :0.2468615472316742 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +the:0.37924760580062866 its:0.031689323484897614 his:0.025831446051597595 that:0.021660443395376205 :0.08014952391386032 +and:0.044564489275217056 of:0.0433921217918396 the:0.02427859418094158 in:0.01786912977695465 :0.2334275096654892 +of:0.1286608874797821 to:0.05094870552420616 and:0.04683980718255043 is:0.03277717903256416 :0.06612858176231384 +and:0.06694941967725754 of:0.02908802218735218 the:0.023249683901667595 to:0.01681429147720337 :0.16931366920471191 +and:0.3268248736858368 but:0.05605878308415413 the:0.03474888205528259 or:0.03182372450828552 :0.03322356566786766 +and:0.07635435461997986 of:0.05258097127079964 to:0.022257203236222267 the:0.02170962654054165 :0.24442128837108612 +the:0.23213140666484833 a:0.04183496907353401 is:0.03855537995696068 was:0.01427497062832117 :0.11780119687318802 +that:0.26493388414382935 the:0.06159954145550728 they:0.043342944234609604 he:0.03956875950098038 :0.1087675541639328 +gress:0.4927436113357544 gress,:0.08129118382930756 gress.:0.07089322060346603 vention:0.01835942454636097 :0.20288163423538208 +home:0.05301534757018089 own:0.04963254928588867 office:0.015053898096084595 head:0.01317682582885027 :0.15059520304203033 +of:0.040214575827121735 and:0.026463530957698822 to:0.021061528474092484 the:0.019070953130722046 :0.16594770550727844 +and:0.06897679716348648 the:0.03982338309288025 in:0.032750923186540604 to:0.029323114082217216 :0.15965820848941803 +said:0.1500219851732254 the:0.12549220025539398 lot:0.011132778599858284 a:0.010363791137933731 :0.15867651998996735 +the:0.10629571974277496 to:0.07147271186113358 a:0.04827752336859703 by:0.04366586357355118 :0.10153977572917938 +and:0.1028042808175087 of:0.042547278106212616 in:0.024033093824982643 the:0.016869230195879936 :0.19122673571109772 +and:0.05651738867163658 to:0.05619673430919647 the:0.02920619398355484 by:0.024878134950995445 :0.16639408469200134 +a:0.10293155908584595 the:0.09696115553379059 any:0.024429524317383766 an:0.018991360440850258 :0.18248997628688812 +and:0.1808605194091797 with:0.07621082663536072 to:0.056293439120054245 in:0.04963814839720726 :0.054367419332265854 +a:0.3251059949398041 as:0.14366109669208527 an:0.06679507344961166 that:0.018805716186761856 :0.11254000663757324 +the:0.05029891058802605 sell:0.034746866673231125 to:0.01894964464008808 decree:0.01594199799001217 :0.13808272778987885 +in:0.09952042251825333 by:0.09219734370708466 the:0.059846267104148865 a:0.054160550236701965 :0.09563426673412323 +and:0.08794023096561432 The:0.027617961168289185 to:0.021872075274586678 in:0.02120191976428032 :0.18647624552249908 +and:0.04175242781639099 in:0.022611092776060104 to:0.018826967105269432 of:0.01828913390636444 :0.15102337300777435 +be:0.2824556827545166 have:0.06011258438229561 not:0.024289125576615334 bo:0.021433809772133827 :0.1037643700838089 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +in:0.15783268213272095 to:0.10239927470684052 on:0.04369828477501869 at:0.03354279324412346 :0.03297246992588043 +the:0.15718282759189606 a:0.03474900498986244 their:0.03165416046977043 his:0.018960610032081604 :0.1078002005815506 +age:0.14350676536560059 age,:0.13354460895061493 age.:0.10380525141954422 the:0.050648026168346405 :0.11177995055913925 +and:0.13296711444854736 was:0.036731939762830734 of:0.029901172965765 in:0.026425275951623917 :0.10949109494686127 +the:0.2798607349395752 a:0.02589733898639679 his:0.015995915979146957 tho:0.012048481032252312 :0.14676880836486816 +own:0.014445054344832897 head:0.012247399426996708 attention:0.007301889359951019 eyes:0.005388814490288496 :0.19098511338233948 +of:0.2750270664691925 and:0.0639534518122673 to:0.03959972411394119 for:0.03873998671770096 :0.0654011070728302 +The:0.15734820067882538 It:0.040653202682733536 He:0.0329890213906765 A:0.02977735921740532 :0.150465726852417 +be:0.1347748190164566 the:0.08729046583175659 have:0.02079869620501995 make:0.015617242082953453 :0.12055329978466034 +was:0.0869145616889 had:0.03958017751574516 is:0.031153028830885887 has:0.026804467663168907 :0.09148068726062775 +the:0.2271767258644104 a:0.029440348967909813 this:0.018253736197948456 tho:0.014169713482260704 :0.22359421849250793 +the:0.135701984167099 this:0.03428947180509567 be:0.03275764361023903 make:0.021794939413666725 :0.14563201367855072 +States:0.4342963993549347 States,:0.18888600170612335 States.:0.1037597730755806 Slates:0.02123810350894928 :0.14345335960388184 +the:0.12428121268749237 it:0.04255085065960884 they:0.023769205436110497 he:0.022055936977267265 :0.10311443358659744 +few:0.043048661202192307 very:0.01854846253991127 short:0.016552865505218506 great:0.012824597768485546 :0.16029050946235657 +a:0.14144688844680786 to:0.10221971571445465 the:0.07746295630931854 well:0.025960255414247513 :0.06849989295005798 +to:0.0835154727101326 for:0.05044357478618622 at:0.02836090326309204 in:0.023452958092093468 :0.10095013678073883 +times:0.12869088351726532 the:0.06486659497022629 times,:0.04666794836521149 times.:0.04356064647436142 :0.12220432609319687 +the:0.3359796106815338 a:0.02639910764992237 this:0.018676912412047386 tho:0.015813104808330536 :0.15473225712776184 +and:0.04278779774904251 to:0.022540155798196793 of:0.020405665040016174 in:0.019909093156456947 :0.19676947593688965 +The:0.15139110386371613 It:0.06241345405578613 He:0.043262749910354614 In:0.029541203752160072 :0.07374564558267593 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +and:0.14314143359661102 is:0.05631483718752861 the:0.040466271340847015 by:0.026122217997908592 :0.05928466096520424 +on:0.12283926457166672 at:0.10117297619581223 upon:0.08929335325956345 in:0.07519060373306274 :0.05310638248920441 +the:0.13073347508907318 a:0.026917295530438423 any:0.020345056429505348 as:0.017045386135578156 :0.09857701510190964 +of:0.11650015413761139 and:0.054498132318258286 to:0.018676673993468285 The:0.01814979873597622 :0.1825660616159439 +to:0.3916991949081421 that:0.06584760546684265 the:0.039145100861787796 and:0.0315653420984745 :0.0460568442940712 +and:0.05449071153998375 the:0.02765134908258915 in:0.024590134620666504 of:0.021202808246016502 :0.17569880187511444 +of:0.4936361610889435 that:0.04409001022577286 and:0.028989430516958237 to:0.02866344340145588 :0.027415679767727852 +to:0.2015324980020523 of:0.09314003586769104 the:0.034316349774599075 and:0.029804782941937447 :0.07068290561437607 +and:0.1875641644001007 in:0.06535172462463379 as:0.04002534970641136 of:0.030109828338027 :0.07432840019464493 +you:0.15885315835475922 me:0.10208997875452042 us:0.06863246858119965 what:0.049999747425317764 :0.047468315809965134 +and:0.1165970042347908 in:0.05390937253832817 of:0.05214258283376694 to:0.0462709479033947 :0.07646062225103378 +country:0.04265175014734268 city:0.02772749587893486 place:0.013813643716275692 time:0.012881061993539333 :0.11461232602596283 +of:0.15192872285842896 and:0.08418890833854675 was:0.047420352697372437 is:0.03532836213707924 :0.07232757657766342 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +hundred:0.06697499752044678 o'clock:0.06013182923197746 years:0.04162363335490227 and:0.03123222477734089 :0.18321385979652405 +is:0.08047374337911606 was:0.05969255417585373 are:0.03944889083504677 the:0.03935001790523529 :0.07503548264503479 +as:0.1239764541387558 and:0.06659984588623047 or:0.05623292177915573 is:0.05113200470805168 :0.04975854977965355 +the:0.0567546971142292 men:0.020824339240789413 years:0.0190926194190979 persons:0.01597645878791809 :0.18694835901260376 +in:0.16915856301784515 of:0.06693178415298462 and:0.0508270300924778 the:0.04616802558302879 :0.054216086864471436 +The:0.14460572600364685 It:0.06348339468240738 I:0.03836740553379059 He:0.03478390723466873 :0.11864274740219116 +is:0.027602044865489006 year:0.02591228112578392 morning:0.015282494015991688 was:0.0128434207290411 :0.154457688331604 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.12638863921165466 a:0.04412667080760002 less:0.008583704009652138 his:0.008384918794035912 :0.3088991940021515 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +and:0.18422190845012665 at:0.13328182697296143 in:0.033926211297512054 the:0.03384961932897568 :0.11372785270214081 +at:0.2821730971336365 from:0.14747333526611328 and:0.06580007821321487 in:0.037584830075502396 :0.034472350031137466 +was:0.07726441323757172 had:0.06851661205291748 has:0.05525830760598183 is:0.05169340595602989 :0.07759829610586166 +the:0.11818187683820724 a:0.01787520758807659 tho:0.008213702589273453 in:0.008020663633942604 :0.1404678374528885 +and:0.2075350284576416 of:0.14745591580867767 in:0.0606449618935585 or:0.05527164041996002 :0.0417962484061718 +The:0.08602167665958405 It:0.050812721252441406 If:0.022734230384230614 and:0.02142348699271679 :0.11182749271392822 +was:0.05026350915431976 Jefferson:0.021219391375780106 B.:0.019951900467276573 H.:0.01947656087577343 :0.32350295782089233 +the:0.05247758701443672 not:0.04196883738040924 in:0.02102089114487171 being:0.017770498991012573 :0.14367550611495972 +other:0.18677350878715515 part:0.18179970979690552 of:0.09576588869094849 person:0.035171981900930405 :0.07020841538906097 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +who:0.09616249054670334 and:0.09593061357736588 to:0.078614741563797 in:0.04116249457001686 :0.06891004741191864 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +been:0.3015088140964508 a:0.04127349704504013 the:0.02620590105652809 to:0.02183709666132927 :0.0639123022556305 +and:0.11226970702409744 to:0.0646335557103157 in:0.034982163459062576 the:0.025553707033395767 :0.12864071130752563 +the:0.06250076740980148 to:0.022470220923423767 in:0.01773190312087536 a:0.012747053988277912 :0.1697167158126831 +to:0.23187321424484253 the:0.08121756464242935 and:0.03894147649407387 in:0.03222701698541641 :0.08112479001283646 +and:0.10423856973648071 to:0.036916837096214294 in:0.02436395175755024 at:0.024156352505087852 :0.1251118779182434 +were:0.0767742171883583 are:0.07538730651140213 have:0.04372069612145424 had:0.026679260656237602 :0.07117117196321487 +of:0.43877217173576355 and:0.10724453628063202 or:0.0364411287009716 is:0.01686771772801876 :0.03459623083472252 +The:0.11220062524080276 It:0.06759971380233765 This:0.022334685549139977 He:0.02103433758020401 :0.10914968699216843 +the:0.39770039916038513 a:0.03889968618750572 this:0.029280701652169228 his:0.02032564766705036 :0.0940541923046112 +the:0.1536916047334671 a:0.08108291029930115 course:0.02398735098540783 this:0.012891232036054134 :0.13784919679164886 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.23541323840618134 least:0.054788749665021896 a:0.04874327778816223 this:0.038288556039333344 :0.1366153210401535 +trict:0.1230282336473465 tance:0.045652132481336594 charge:0.030317183583974838 tress:0.029709313064813614 :0.2505539357662201 +people:0.022357840090990067 citizens:0.01874842308461666 own:0.012000729329884052 rights:0.01108473353087902 :0.19698098301887512 +of:0.36127668619155884 to:0.038677964359521866 by:0.0335533581674099 or:0.02774309553205967 :0.07662039995193481 +the:0.2674359381198883 a:0.05690370127558708 this:0.01533267181366682 his:0.014866044744849205 :0.14666245877742767 +and:0.1405903697013855 the:0.07172584533691406 of:0.048102911561727524 in:0.029992666095495224 :0.21003444492816925 +of:0.15885348618030548 one:0.01968362368643284 time:0.01486281119287014 other:0.013661408796906471 :0.105080246925354 +and:0.13988026976585388 but:0.047384172677993774 as:0.046505916863679886 the:0.04396338388323784 :0.05821434408426285 +and:0.15133145451545715 the:0.05144340544939041 with:0.033932581543922424 in:0.028394240885972977 :0.10987447947263718 +the:0.06194138526916504 a:0.021196715533733368 was:0.016267376020550728 he:0.013551131822168827 :0.1077752560377121 +was:0.1273116171360016 had:0.043949391692876816 came:0.03249529376626015 went:0.026551824063062668 :0.07684019953012466 +of:0.07879965752363205 .:0.07525449991226196 and:0.06414607167243958 in:0.04898897930979729 :0.23519252240657806 +was:0.06886906921863556 had:0.04798389598727226 would:0.03823549672961235 will:0.035662464797496796 :0.09461899101734161 +party:0.30949512124061584 party,:0.06813374906778336 party.:0.03081900253891945 leaders:0.023533988744020462 :0.09080947190523148 +the:0.0567546971142292 men:0.020824339240789413 years:0.0190926194190979 persons:0.01597645878791809 :0.18694835901260376 +and:0.07390885055065155 in:0.06885190308094025 to:0.049576256424188614 is:0.040310926735401154 :0.04029908776283264 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +in:0.092903733253479 by:0.08791088312864304 and:0.06967843323945999 the:0.06834148615598679 :0.086176797747612 +the:0.1958153247833252 this:0.04346654564142227 a:0.038294531404972076 tho:0.01165085844695568 :0.11242331564426422 +to:0.028677018359303474 he:0.026496538892388344 the:0.01856406405568123 >:0.01630830578505993 :0.2500304877758026 +the:0.07009989023208618 be:0.03935221955180168 make:0.02608482353389263 have:0.019007058814167976 :0.11565431207418442 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +same:0.010592657141387463 most:0.00916459783911705 first:0.008663545362651348 said:0.006336580030620098 :0.21334533393383026 +few:0.09075070172548294 short:0.040865346789360046 little:0.029225142672657967 great:0.019464094191789627 :0.14964333176612854 +the:0.05192440375685692 a:0.022570790722966194 that:0.008620820939540863 in:0.006180489901453257 :0.14174404740333557 +and:0.26062819361686707 the:0.04001408815383911 with:0.032498739659786224 to:0.025233862921595573 :0.1106349527835846 +the:0.30779024958610535 a:0.02694142982363701 his:0.01904715597629547 all:0.014388136565685272 :0.08871397376060486 +the:0.18504953384399414 a:0.10684847831726074 he:0.022240065038204193 his:0.017091955989599228 :0.07495864480733871 +much:0.12055108696222305 that:0.08499089628458023 far:0.06018834933638573 many:0.030132513493299484 :0.09412287175655365 +not:0.03533496335148811 the:0.033878061920404434 in:0.021017545834183693 now:0.016413070261478424 :0.16781610250473022 +and:0.04216090589761734 County,:0.021139487624168396 county:0.01801976189017296 county,:0.013948981650173664 :0.37998026609420776 +not:0.148777574300766 have:0.03585929051041603 be:0.02670798823237419 never:0.01618986949324608 :0.07386046648025513 +to:0.0915110781788826 from:0.04535919800400734 in:0.037651948630809784 is:0.025537749752402306 :0.1128930076956749 +own:0.0338599756360054 to:0.02299414947628975 home:0.017583437263965607 and:0.014204582199454308 :0.15056774020195007 +the:0.10641177743673325 a:0.0878540500998497 out:0.04653124511241913 rid:0.030355015769600868 :0.060688670724630356 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +people:0.018951550126075745 man:0.008481412194669247 men:0.006539149675518274 same:0.006429063621908426 :0.17898370325565338 +not:0.06849242746829987 is:0.035807933658361435 the:0.029795965179800987 would:0.028245262801647186 :0.07996568083763123 +of:0.044582098722457886 and:0.040106795728206635 was:0.03925371542572975 to:0.026130301877856255 :0.2006080001592636 +the:0.32215988636016846 he:0.04432494565844536 it:0.042447514832019806 a:0.03174014389514923 :0.03778275474905968 +large:0.017047056928277016 great:0.013820749707520008 good:0.01220871414989233 few:0.011106415651738644 :0.1715199500322342 +and:0.2443162500858307 but:0.07454109936952591 the:0.07212860882282257 or:0.025516027584671974 :0.04062134027481079 +and:0.008898347616195679 A:0.007283604703843594 W:0.006974478717893362 C:0.0066928560845553875 :0.4792376160621643 +was:0.08395068347454071 is:0.0814535990357399 he:0.05563586205244064 has:0.03356277570128441 :0.057029105722904205 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +e:0.07338432222604752 and:0.017607735469937325 or:0.009666599333286285 the:0.008951989002525806 :0.2935057282447815 +force:0.05772300809621811 and:0.04314233735203743 jury:0.04093139246106148 station:0.03520746901631355 :0.10793410241603851 +vantage:0.053892310708761215 vance:0.047190967947244644 ministration:0.03526454046368599 vanced:0.03394905477762222 :0.5250917077064514 +n.w.:0.17411699891090393 n.w:0.020188095048069954 n:0.016825160011649132 and:0.012126957066357136 :0.2334708273410797 +of:0.3425105810165405 and:0.1849677413702011 governing:0.037312932312488556 for:0.024682918563485146 :0.022835208103060722 +and:0.06187345087528229 of:0.026676904410123825 the:0.02437339350581169 that:0.018830759450793266 :0.16110378503799438 +and:0.10178852081298828 or:0.0665690079331398 of:0.06087380647659302 after:0.05701175332069397 :0.03970756381750107 +the:0.2879803478717804 a:0.09155840426683426 this:0.02223758026957512 his:0.019285045564174652 :0.10173027217388153 +to:0.7895236015319824 by:0.09435784816741943 with:0.012212192639708519 from:0.009701257571578026 :0.007825965993106365 +nor:0.46560046076774597 and:0.03982365503907204 the:0.026303241029381752 of:0.017905229702591896 :0.08793506026268005 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +he:0.054723531007766724 be:0.04007411375641823 the:0.03318982943892479 of:0.028918428346514702 :0.19905725121498108 +the:0.3043696880340576 a:0.02388775534927845 his:0.018048161640763283 their:0.014059904962778091 :0.18019604682922363 +of:0.32670241594314575 to:0.060066837817430496 in:0.059144359081983566 and:0.03522738441824913 :0.0410274937748909 +the:0.0704089105129242 a:0.02050378918647766 in:0.008902427740395069 other:0.006990298628807068 :0.2918352782726288 +the:0.24912823736667633 a:0.03914743289351463 this:0.018529150635004044 his:0.018011538311839104 :0.14337170124053955 +to:0.12232285737991333 by:0.10769802331924438 in:0.07332966476678848 for:0.047128885984420776 :0.04298326000571251 +and:0.06469495594501495 of:0.029193205758929253 the:0.027126716449856758 in:0.01979748345911503 :0.14952848851680756 +to:0.07541608810424805 out:0.059696752578020096 the:0.04643328860402107 in:0.03465515002608299 :0.06849648803472519 +of:0.2736545503139496 and:0.16473324596881866 at:0.052388522773981094 or:0.045113760977983475 :0.08625303208827972 +and:0.0493975393474102 the:0.02989542856812477 to:0.025040972977876663 of:0.018592869862914085 :0.18725138902664185 +of:0.2423332780599594 the:0.12639766931533813 to:0.035906679928302765 a:0.03086441196501255 :0.03558281809091568 +of:0.12000703066587448 was:0.030397627502679825 is:0.026802878826856613 and:0.019365746527910233 :0.16274411976337433 +the:0.15559934079647064 he:0.05312260985374451 it:0.0456680953502655 is:0.03415120020508766 :0.06244019418954849 +the:0.3009214401245117 a:0.12529566884040833 to:0.038062043488025665 an:0.024153467267751694 :0.06692374497652054 +in:0.1992538869380951 and:0.07472135126590729 to:0.07348216325044632 on:0.0649859681725502 :0.05418441817164421 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +that:0.31795814633369446 the:0.09683865308761597 in:0.06004321947693825 it:0.05319331958889961 :0.03408966213464737 +much:0.07329022139310837 a:0.05318662151694298 well:0.03344776853919029 the:0.029731236398220062 :0.07335924357175827 +as:0.10654785484075546 the:0.09646869450807571 a:0.0749979242682457 and:0.0570065975189209 :0.051138848066329956 +the:0.22816912829875946 a:0.03806183859705925 his:0.017650101333856583 their:0.01201481930911541 :0.15112808346748352 +and:0.01572669856250286 A:0.012866204604506493 J:0.012352840043604374 A.:0.010822683572769165 :0.4346827566623688 +was:0.13951706886291504 had:0.07741622626781464 would:0.05342060327529907 has:0.0474373996257782 :0.05168382078409195 +erly:0.6150134801864624 westerly:0.1495198905467987 easterly:0.04450829327106476 west:0.03919147327542305 :0.06270608305931091 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.5411149859428406 these:0.03907497599720955 them:0.03836212679743767 his:0.028240131214261055 :0.04238632321357727 +and:0.1795828640460968 of:0.1417374610900879 the:0.036194317042827606 which:0.02383388951420784 :0.030697524547576904 +and:0.19142943620681763 with:0.04916854947805405 the:0.03861406072974205 but:0.036374494433403015 :0.05327007547020912 +and:0.054345328360795975 in:0.02332657389342785 quiet:0.021928275004029274 was:0.01655261591076851 :0.26005157828330994 +the:0.042267732322216034 and:0.039919715374708176 to:0.03665189445018768 The:0.029869111254811287 :0.17309218645095825 +the:0.050135575234889984 to:0.027169382199645042 of:0.015590879134833813 that:0.0138237364590168 :0.08927537500858307 +payable:0.20042531192302704 payable,:0.11128433048725128 unpaid:0.0544188916683197 the:0.028720641508698463 :0.15265417098999023 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +make:0.0437217578291893 do:0.043205857276916504 the:0.041280876845121384 get:0.02863045036792755 :0.10121334344148636 +the:0.30379197001457214 a:0.04591752588748932 said:0.03076009638607502 any:0.017828691750764847 :0.17128890752792358 +the:0.1783454865217209 them:0.06415063142776489 up:0.0554618164896965 a:0.041795890778303146 :0.05862536281347275 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.2249227911233902 a:0.04936114326119423 to:0.0247809961438179 his:0.020346708595752716 :0.08069629222154617 +be:0.07442525774240494 the:0.0700799897313118 do:0.02392088994383812 have:0.02045867219567299 :0.1277361661195755 +and:0.09628410637378693 in:0.033338818699121475 to:0.03293594345450401 is:0.027359334751963615 :0.11922182887792587 +been:0.2534629702568054 a:0.04625078663229942 not:0.024976437911391258 the:0.02223191224038601 :0.057718511670827866 +the:0.18315672874450684 be:0.02893400937318802 a:0.023990053683519363 his:0.011685280129313469 :0.12381016463041306 +and:0.040201012045145035 of:0.00983975175768137 or:0.007735136896371841 government:0.005451708100736141 :0.32943180203437805 +first:0.010610306635499 only:0.009095313958823681 result:0.008983327075839043 people:0.007988635450601578 :0.13653601706027985 +to:0.5964653491973877 the:0.046798136085271835 a:0.015742670744657516 at:0.006752929650247097 :0.039191991090774536 +months:0.1359078586101532 years:0.07268282026052475 weeks:0.05859023332595825 months,:0.05809473246335983 :0.07666147500276566 +and:0.05005105584859848 of:0.04184975475072861 to:0.029575832188129425 the:0.025873737409710884 :0.1339564472436905 +of:0.5641595721244812 and:0.041816987097263336 that:0.02409961260855198 which:0.02107088267803192 :0.02034818008542061 +and:0.17253726720809937 in:0.08620060235261917 of:0.05519677698612213 which:0.028350042179226875 :0.04503422975540161 +have:0.07205542922019958 are:0.06737742573022842 will:0.03617280349135399 were:0.03074602596461773 :0.11127283424139023 +in:0.08321623504161835 as:0.07520867884159088 with:0.04995541274547577 after:0.04026031121611595 :0.055608101189136505 +to:0.43044742941856384 that:0.19419340789318085 by:0.052262045443058014 in:0.04369883984327316 :0.02446490153670311 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +and:0.12827353179454803 to:0.05640602484345436 car:0.03796585276722908 railway:0.02707592211663723 :0.0934407114982605 +of:0.15113502740859985 is:0.07169639319181442 was:0.06329930573701859 and:0.047106582671403885 :0.03196551650762558 +and:0.03577709570527077 the:0.015789328143000603 which:0.015543913468718529 or:0.014205346815288067 :0.15918704867362976 +time:0.07472199946641922 same:0.03201199322938919 rate:0.022194763645529747 present:0.014643626287579536 :0.17514213919639587 +of:0.04585595428943634 and:0.02796279266476631 the:0.027106795459985733 that:0.016326798126101494 :0.19933722913265228 +and:0.0687747597694397 of:0.03322136774659157 in:0.02367989905178547 The:0.01856440305709839 :0.1641872525215149 +of:0.09306996315717697 and:0.05423002690076828 to:0.032714106142520905 is:0.019759133458137512 :0.12702405452728271 +been:0.12374086678028107 a:0.06211452558636665 the:0.0571790374815464 no:0.026615243405103683 :0.08565398305654526 +the:0.08837393671274185 a:0.07252279669046402 government:0.04410010948777199 government,:0.013160050846636295 :0.18911197781562805 +years:0.08919771015644073 weeks:0.060612402856349945 or:0.04844370111823082 other:0.04264088347554207 :0.1528342217206955 +most:0.012185011990368366 same:0.010640785098075867 result:0.010600059293210506 only:0.00753809604793787 :0.19594259560108185 +the:0.10095525532960892 he:0.0994708314538002 they:0.08630356937646866 it:0.0544084757566452 :0.056791290640830994 +and:0.06694648414850235 the:0.038779981434345245 in:0.02370786853134632 The:0.022191904485225677 :0.14339011907577515 +the:0.22539810836315155 f:0.023731226101517677 which:0.020064357668161392 a:0.019297996535897255 :0.13210003077983856 +said:0.1500219851732254 the:0.12549220025539398 lot:0.011132778599858284 a:0.010363791137933731 :0.15867651998996735 +the:0.25019004940986633 a:0.013421786949038506 tho:0.013406128622591496 New:0.012914796359837055 :0.16453571617603302 +was:0.030001413077116013 made:0.027072075754404068 the:0.024730263277888298 a:0.02270965464413166 :0.18800878524780273 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +of:0.5106539130210876 to:0.0998958945274353 in:0.03121688775718212 and:0.02358449622988701 :0.06290119141340256 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.08372167497873306 and:0.03123495914041996 is:0.012750539928674698 will:0.011324695311486721 :0.1348956972360611 +the:0.2175556868314743 a:0.07224298268556595 their:0.04497241601347923 his:0.018484992906451225 :0.12229423969984055 +of:0.3633894920349121 and:0.19216714799404144 in:0.03888750448822975 than:0.029401220381259918 :0.035322416573762894 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +the:0.3541310131549835 a:0.04380050301551819 tho:0.02461184747517109 his:0.015623302198946476 :0.09919270128011703 +A.:0.05330108851194382 and:0.04545971751213074 with:0.019838137552142143 the:0.01309643778949976 :0.35105523467063904 +was:0.07726441323757172 had:0.06851661205291748 has:0.05525830760598183 is:0.05169340595602989 :0.07759829610586166 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +to:0.07644255459308624 and:0.05204370617866516 that:0.04900076985359192 with:0.03547559678554535 :0.11748430877923965 +the:0.18441209197044373 a:0.030407169833779335 make:0.013215774670243263 be:0.012804392725229263 :0.08863893896341324 +way:0.054289884865283966 in:0.01722469925880432 and:0.015071636997163296 oath:0.0120081827044487 :0.1898518055677414 +of:0.12351847440004349 in:0.059508997946977615 the:0.03810635581612587 and:0.03617587313055992 :0.05671390891075134 +large:0.020793598145246506 great:0.014919187873601913 little:0.014875737018883228 good:0.014006031677126884 :0.21038340032100677 +The:0.097039595246315 It:0.07389768958091736 In:0.05122390761971474 He:0.04120514541864395 :0.09464696049690247 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.32523271441459656 but:0.06444734334945679 as:0.031160391867160797 the:0.030958540737628937 :0.04992028325796127 +the:0.27887752652168274 a:0.08077447861433029 their:0.01168113388121128 tho:0.011177686043083668 :0.1679486483335495 +years:0.0676259994506836 and:0.0671030580997467 yards:0.04846717789769173 miles:0.04327921196818352 :0.16807293891906738 +United:0.007961027324199677 first:0.00671287951990962 fact:0.0059057981707155704 city:0.004734683316200972 :0.28120264410972595 +a:0.07004442065954208 no:0.0664166584610939 been:0.06209052726626396 not:0.032648757100105286 :0.07627592235803604 +and:0.08452940732240677 as:0.049560051411390305 or:0.03587048500776291 to:0.025816911831498146 :0.14330238103866577 +and:0.5977444052696228 or:0.01980203203856945 of:0.016147775575518608 for:0.013252561911940575 :0.01806744374334812 +and:0.05495842546224594 to:0.015369053930044174 in:0.0077034179121255875 a:0.005855468101799488 :0.17722339928150177 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +der:0.310865193605423 til:0.17998485267162323 less:0.0338391549885273 known:0.010258867405354977 :0.2554386258125305 +for:0.08802872896194458 is:0.0680149719119072 that:0.059634704142808914 and:0.057866647839546204 :0.057213809341192245 +the:0.23257502913475037 which:0.22452734410762787 a:0.040780019015073776 this:0.031072011217474937 :0.058269891887903214 +the:0.12895959615707397 and:0.09330987930297852 which:0.028705868870019913 a:0.02834956906735897 :0.17744769155979156 +the:0.3850226104259491 motion:0.027956457808613777 this:0.027035804465413094 tho:0.02307535707950592 :0.09094890207052231 +of:0.49650683999061584 for:0.09443343430757523 on:0.03811304643750191 in:0.03067948669195175 :0.029690664261579514 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +the:0.056600045412778854 and:0.01565425470471382 was:0.015248616226017475 in:0.014682264998555183 :0.176300048828125 +and:0.081653892993927 the:0.05552442744374275 a:0.035182803869247437 by:0.026304097846150398 :0.08066945523023605 +two:0.01743932254612446 men:0.01714373752474785 are:0.014762850478291512 were:0.010604354552924633 :0.19320404529571533 +the:0.06187380105257034 to:0.05602315440773964 and:0.045424241572618484 a:0.021638793870806694 :0.17731474339962006 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +is:0.38182464241981506 was:0.13346201181411743 would:0.05311243236064911 will:0.049029674381017685 :0.034667398780584335 +most:0.025414256379008293 duty:0.021992603316903114 same:0.013607448898255825 property:0.013558924198150635 :0.211469829082489 +own:0.048197973519563675 hand,:0.009595496580004692 hands:0.009424029849469662 office:0.007155847270041704 :0.1683138906955719 +that:0.2237909883260727 the:0.15525655448436737 in:0.03858314827084541 to:0.032634343951940536 :0.046489790081977844 +the:0.08295564353466034 a:0.015425893478095531 to:0.007563948631286621 that:0.0068182810209691525 :0.21530497074127197 +a:0.12659746408462524 by:0.07578671723604202 the:0.061599478125572205 in:0.03553573042154312 :0.07086542993783951 +of:0.7010712027549744 and:0.02255376987159252 was:0.014497810043394566 is:0.01227868627756834 :0.02556130290031433 +the:0.2045731097459793 a:0.04723981022834778 this:0.031287167221307755 tho:0.021378561854362488 :0.1520950198173523 +own:0.04879292845726013 friends:0.012550354935228825 names:0.008948666043579578 duties:0.007647399324923754 :0.15534508228302002 +the:0.028845014050602913 mals:0.02622804418206215 and:0.022632822394371033 to:0.0185971911996603 :0.20425739884376526 +the:0.21838144958019257 kinds:0.025451449677348137 that:0.016584264114499092 who:0.01581062749028206 :0.12430498003959656 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +health.:0.12162729352712631 health:0.07229224592447281 the:0.03554172068834305 health,:0.026275591924786568 :0.11214388161897659 +that:0.07512260228395462 the:0.07202854752540588 to:0.04912074655294418 and:0.029544195160269737 :0.06597214192152023 +procured,:0.06558787077665329 the:0.0433640256524086 a:0.02072049491107464 .:0.009513833560049534 :0.23772473633289337 +corded:0.049314048141241074 ceived:0.027389822527766228 mained:0.025800583884119987 turned:0.01928764022886753 :0.24921071529388428 +and:0.15925246477127075 but:0.029935138300061226 the:0.02934732288122177 to:0.022281108424067497 :0.08835811167955399 +and:0.04001485928893089 value:0.030248237773776054 value,:0.01571975275874138 to:0.00969174038618803 :0.23898716270923615 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +water:0.00966782495379448 people:0.009183176793158054 same:0.008639867417514324 men:0.008285872638225555 :0.17893388867378235 +and:0.17465674877166748 to:0.07322591543197632 with:0.06759154051542282 the:0.039543747901916504 :0.04589603841304779 +and:0.06195370852947235 days:0.016424929723143578 two:0.014437914825975895 in:0.011777379550039768 :0.3086223900318146 +the:0.12832288444042206 be:0.06745855510234833 have:0.020909393206238747 a:0.016952181234955788 :0.08485974371433258 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +own:0.04081447422504425 home:0.013125790283083916 wife:0.008947865106165409 friends:0.006803629919886589 :0.15939073264598846 +be:0.2336062788963318 see:0.02932714857161045 have:0.02668045088648796 the:0.02106894925236702 :0.08179085701704025 +years:0.07146992534399033 and:0.027441296726465225 of:0.02624664455652237 years,:0.024395857006311417 :0.21602465212345123 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +to:0.13272568583488464 out:0.1056368350982666 over:0.07924520969390869 the:0.049604665488004684 :0.05239967256784439 +United:0.009478197433054447 State:0.009179197251796722 power:0.0038963789120316505 county:0.0037636482156813145 :0.3148278295993805 +and:0.08595158159732819 the:0.0499420128762722 who:0.04152020439505577 a:0.03881393373012543 :0.08313343673944473 +ary:0.22649133205413818 vation:0.05174393579363823 The:0.008150647394359112 -:0.0066842506639659405 :0.3749009966850281 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.045128125697374344 to:0.023564213886857033 a:0.01737498678267002 and:0.010896647348999977 :0.4742247462272644 +the:0.3365798890590668 that:0.03586157411336899 a:0.03331627696752548 any:0.017335977405309677 :0.10399572551250458 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +of:0.1544186770915985 and:0.06938447803258896 in:0.01435514073818922 that:0.014164745807647705 :0.1944085955619812 +Co.:0.020681684836745262 Co.,:0.013992960564792156 St.:0.011577130295336246 Ohio:0.010785521008074284 :0.45506933331489563 +and:0.02806411124765873 to:0.024815181270241737 ly:0.00858747772872448 but:0.007541814353317022 :0.37425506114959717 +the:0.1891835331916809 a:0.026230936869978905 be:0.02083137445151806 make:0.015038729645311832 :0.12446030974388123 +than:0.14115771651268005 in:0.014691607095301151 of:0.013228368014097214 or:0.01259298250079155 :0.140672966837883 +was:0.0976472869515419 had:0.09140907973051071 has:0.07320795953273773 would:0.046461839228868484 :0.07539671659469604 +the:0.032557565718889236 of:0.022338613867759705 and:0.012173477560281754 a:0.010442032478749752 :0.34088268876075745 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.06694648414850235 the:0.038779981434345245 in:0.02370786853134632 The:0.022191904485225677 :0.14339011907577515 +to:0.10506892204284668 of:0.08271876722574234 and:0.06641760468482971 in:0.03368266299366951 :0.08088164776563644 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.0879971981048584 a:0.028243308886885643 to:0.022534115239977837 running:0.01820700615644455 :0.1161595806479454 +of:0.025068577378988266 feet:0.01436467096209526 to:0.012564795091748238 a:0.012213860638439655 :0.21918167173862457 +the:0.07876148819923401 a:0.046899065375328064 and:0.03233928233385086 on:0.024011807516217232 :0.08076266944408417 +the:0.03000912256538868 and:0.020695405080914497 I:0.01500573381781578 a:0.012279502116143703 :0.3516938090324402 +and:0.0466720312833786 time:0.024397116154432297 line:0.01971709541976452 run:0.01665138639509678 :0.15866121649742126 +the:0.08945557475090027 to:0.04811519384384155 in:0.035292793065309525 with:0.034527432173490524 :0.06291854381561279 +people:0.010435015894472599 same:0.008794799447059631 most:0.008067882619798183 whole:0.007579886820167303 :0.1849643737077713 +in:0.43503037095069885 In:0.16354015469551086 on:0.1310827136039734 and:0.04051625356078148 :0.01814098097383976 +whole:0.0058426219038665295 right:0.005031251814216375 to:0.004449033178389072 most:0.0033405066933482885 :0.29730722308158875 +the:0.7403019070625305 tho:0.036499761044979095 this:0.030146988108754158 their:0.01926257647573948 :0.019076082855463028 +of:0.3239695727825165 and:0.10760839283466339 or:0.029408728703856468 to:0.020673124119639397 :0.0499708391726017 +be:0.5348942279815674 bo:0.03504813089966774 not:0.022879214957356453 do:0.011546929366886616 :0.042110029608011246 +fect:0.14168335497379303 fort:0.1357380747795105 forts:0.11032607406377792 fects:0.09773281216621399 :0.42011332511901855 +portunity:0.11236141622066498 erations:0.048121847212314606 posite:0.02527400106191635 posed:0.013666678220033646 :0.4975913465023041 +and:0.037457991391420364 or:0.009019949473440647 means:0.006585069466382265 action:0.004017935134470463 :0.2516362965106964 +the:0.2547304034233093 it:0.04677588865160942 they:0.03718069940805435 he:0.02591870166361332 :0.07231809943914413 +of:0.10893847793340683 and:0.10162439197301865 in:0.03443353250622749 to:0.032552313059568405 :0.09284967929124832 +of:0.08407729864120483 other:0.034365564584732056 and:0.034298740327358246 year:0.030411774292588234 :0.12436909973621368 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +is:0.322396844625473 was:0.25646743178367615 has:0.04792435094714165 Is:0.044729799032211304 :0.06822989135980606 +the:0.09406029433012009 and:0.08265171200037003 in:0.0505194216966629 to:0.04236471280455589 :0.04230758175253868 +be:0.33458244800567627 have:0.09582901000976562 not:0.03253082185983658 bo:0.023359639570116997 :0.0523490384221077 +upon:0.3955114185810089 on:0.30178460478782654 in:0.035821184515953064 at:0.016079451888799667 :0.012574813328683376 +the:0.18957194685935974 a:0.05663539096713066 this:0.03597540035843849 their:0.01524439174681902 :0.12522351741790771 +and:0.027353420853614807 feet:0.025492770597338676 chains:0.015952331945300102 of:0.012788612395524979 :0.27268531918525696 +the:0.1694609671831131 it:0.041758012026548386 he:0.03210287541151047 they:0.031908322125673294 :0.0770179033279419 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.3976355195045471 a:0.05051678791642189 which:0.03504031524062157 this:0.027235116809606552 :0.0762326791882515 +the:0.05381914973258972 to:0.04148606210947037 and:0.029639558866620064 a:0.021061250939965248 :0.14225879311561584 +of:0.18071217834949493 and:0.06994467228651047 in:0.024553397670388222 before:0.02418745495378971 :0.09097225964069366 +and:0.05617542937397957 the:0.031775619834661484 of:0.028597595170140266 is:0.017605168744921684 :0.1372944414615631 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +of:0.34157446026802063 and:0.17152775824069977 that:0.02261088229715824 to:0.018051955848932266 :0.06608034670352936 +by:0.18910381197929382 the:0.15000846982002258 a:0.07125911861658096 him:0.061988670378923416 :0.04906333610415459 +hands:0.0331977941095829 house:0.006775171961635351 United:0.006664929445832968 river:0.00660988874733448 :0.18195566534996033 +It:0.0338665172457695 Why:0.030052484944462776 The:0.02847112901508808 Are:0.028319725766777992 :0.17372901737689972 +be:0.2556263208389282 not:0.047902848571538925 have:0.0242348313331604 bo:0.014623435214161873 :0.05471419543027878 +the:0.3642539381980896 a:0.07990802824497223 which:0.03560930863022804 tho:0.026948025450110435 :0.09536205977201462 +mouth:0.011321264319121838 end:0.010178869590163231 top:0.009290688671171665 city:0.008032749406993389 :0.21781577169895172 +the:0.16937091946601868 and:0.11332499235868454 but:0.04729689657688141 it:0.04466000571846962 :0.043978478759527206 +The:0.11251092702150345 A:0.05561663955450058 It:0.035456739366054535 There:0.03190059959888458 :0.15613311529159546 +be:0.37835848331451416 not:0.041428662836551666 have:0.02777813747525215 bo:0.014303897507488728 :0.11938073486089706 +range:0.06669951975345612 north,:0.04448602721095085 north:0.037117891013622284 and:0.022484127432107925 :0.3335402309894562 +of:0.12086933106184006 with:0.050378963351249695 in:0.04893854260444641 to:0.03986239433288574 :0.043760400265455246 +Cos,:0.045109767466783524 .:0.027757391333580017 Cos.:0.02735423482954502 of:0.017537890002131462 :0.3427756726741791 +weakest:0.16418537497520447 the:0.03568093851208687 a:0.02157624438405037 to:0.01597004011273384 :0.10914603620767593 +of:0.2065230756998062 was:0.09703221172094345 is:0.07959417998790741 has:0.028109565377235413 :0.04687213525176048 +the:0.09889263659715652 a:0.041592590510845184 one:0.010740085504949093 in:0.008828560821712017 :0.14173245429992676 +to:0.20483297109603882 by:0.1525922268629074 that:0.14569076895713806 for:0.053217291831970215 :0.031280193477869034 +thing:0.051221322268247604 of:0.03991185501217842 day:0.028983313590288162 time:0.023267067968845367 :0.09169912338256836 +and:0.05415268987417221 to:0.03652338311076164 The:0.03138856962323189 of:0.02696387656033039 :0.1380712389945984 +to:0.3452385365962982 in:0.04347340390086174 the:0.031769927591085434 that:0.023464176803827286 :0.048195481300354004 +to:0.10117056220769882 with:0.06286454200744629 in:0.061080314218997955 of:0.05203980207443237 :0.0818861722946167 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +feet:0.12051685154438019 per:0.02863447740674019 and:0.027880918234586716 of:0.018122270703315735 :0.1702391505241394 +is:0.10539279878139496 was:0.09351851791143417 has:0.06006007269024849 will:0.05366509035229683 :0.08016209304332733 +and:0.012894507497549057 years:0.009193199686706066 of:0.005002589896321297 own:0.00494774617254734 :0.30953264236450195 +the:0.29240065813064575 a:0.04436548054218292 this:0.027326064184308052 his:0.01958583854138851 :0.15512648224830627 +the:0.2724389135837555 a:0.06098819524049759 his:0.02485448308289051 this:0.022358307614922523 :0.12872779369354248 +Roanoke,:0.04066048189997673 New:0.03898792341351509 the:0.035100601613521576 Alexandria,:0.01885674148797989 :0.27020373940467834 +ceived:0.03785296529531479 mained:0.026900403201580048 turn:0.02111835591495037 fused:0.01744651235640049 :0.3128122389316559 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +a:0.04744382202625275 not:0.0353211872279644 in:0.023179298266768456 the:0.020984048023819923 :0.12456022202968597 +and:0.04435814172029495 of:0.0159841887652874 the:0.010550742037594318 in:0.008101235143840313 :0.3536839485168457 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +The:0.2174820750951767 It:0.09978685528039932 He:0.03968305513262749 This:0.032803356647491455 :0.04737395793199539 +the:0.3965880870819092 a:0.08517132699489594 its:0.03124213218688965 their:0.019087718799710274 :0.03922241926193237 +The:0.13920386135578156 It:0.03436702862381935 This:0.02429589256644249 A:0.020795810967683792 :0.20131787657737732 +that:0.22885502874851227 the:0.10999374091625214 a:0.04100552201271057 like:0.020153053104877472 :0.0741346925497055 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +and:0.06903478503227234 of:0.0555778369307518 to:0.055329859256744385 in:0.018395492807030678 :0.20501013100147247 +other:0.013716711662709713 said:0.006867954507470131 amount:0.004925141576677561 same:0.004591533448547125 :0.26792410016059875 +and:0.2779751420021057 by:0.19999119639396667 in:0.06651780754327774 with:0.05881447345018387 :0.05618322640657425 +of:0.12486585229635239 and:0.10599320381879807 to:0.08672741800546646 in:0.05856870114803314 :0.052378471940755844 +of:0.4272863268852234 to:0.08283483237028122 from:0.06273199617862701 in:0.042206455022096634 :0.02955416403710842 +of:0.03971294313669205 and:0.039331045001745224 to:0.022609906271100044 the:0.020404739305377007 :0.23600104451179504 +the:0.1429598480463028 to:0.021596742793917656 that:0.02025025710463524 a:0.018102901056408882 :0.12341311573982239 +and:0.10306917130947113 the:0.07582410424947739 to:0.04220099002122879 by:0.027854949235916138 :0.13211122155189514 +the:0.22096885740756989 that:0.0522969551384449 and:0.030126135796308517 a:0.02933277003467083 :0.05762774497270584 +The:0.12435023486614227 In:0.05491557717323303 It:0.0404435396194458 He:0.032606709748506546 :0.17509765923023224 +and:0.0775747299194336 of:0.05450734496116638 or:0.02497086301445961 man:0.014134570024907589 :0.18893232941627502 +the:0.1413067728281021 a:0.01876738667488098 then:0.015619469806551933 all:0.01319449208676815 :0.11725562810897827 +of:0.08361119031906128 and:0.06447668373584747 to:0.03489081561565399 The:0.0207394789904356 :0.17172911763191223 +of:0.0634557232260704 and:0.055217891931533813 to:0.02329307422041893 The:0.02221360057592392 :0.13543002307415009 +that:0.24470114707946777 the:0.0387713760137558 nothing:0.030069896951317787 it:0.028726644814014435 :0.06321752071380615 +the:0.03074045665562153 to:0.019188696518540382 expenses:0.017151862382888794 in:0.014488063752651215 :0.18290644884109497 +of:0.19592346251010895 and:0.048020679503679276 was:0.03559274971485138 in:0.032669514417648315 :0.05906267836689949 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +only:0.08878594636917114 to:0.031153706833720207 a:0.022861909121274948 the:0.012271467596292496 :0.15369060635566711 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +first:0.009208612143993378 only:0.006305940914899111 most:0.005825683940201998 great:0.004390157759189606 :0.307474285364151 +of:0.2616574168205261 or:0.02415892668068409 to:0.01844417117536068 who:0.017930325120687485 :0.07902241498231888 +to:0.40537118911743164 by:0.09156427532434464 for:0.08044960349798203 and:0.05115324258804321 :0.05958707258105278 +that:0.15245844423770905 as:0.06430719792842865 and:0.051351238042116165 the:0.04819754883646965 :0.04803445562720299 +and:0.028264855965971947 John:0.00889989361166954 J:0.008507605642080307 James:0.007001461461186409 :0.4303606152534485 +the:0.20985670387744904 a:0.06694334000349045 this:0.03900710120797157 tho:0.016284488141536713 :0.10039827972650528 +to:0.21039532124996185 the:0.16405287384986877 a:0.06036590784788132 for:0.052382975816726685 :0.03503068909049034 +and:0.04391729086637497 the:0.03882559761404991 to:0.026454102247953415 of:0.01579160988330841 :0.18175525963306427 +the:0.05512511357665062 a:0.020321127027273178 in:0.0126890754327178 I:0.010932221077382565 :0.12367545068264008 +The:0.1279403120279312 It:0.04709465056657791 He:0.037880606949329376 A:0.03465387597680092 :0.133942648768425 +the:0.18948325514793396 a:0.09968501329421997 that:0.023879781365394592 such:0.017490483820438385 :0.07149295508861542 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.296182781457901 dollars:0.02640179917216301 thousand:0.023031197488307953 yards:0.0203521940857172 :0.21180459856987 +a:0.06854069232940674 the:0.04347847402095795 not:0.02790195681154728 in:0.016580922529101372 :0.1237509548664093 +to:0.49435412883758545 that:0.03964446857571602 the:0.029402324929833412 a:0.02035900577902794 :0.05679244175553322 +of:0.052961915731430054 and:0.042259376496076584 to:0.030205469578504562 in:0.014734516851603985 :0.21803930401802063 +and:0.21860665082931519 in:0.0350763201713562 with:0.026685548946261406 or:0.024341756477952003 :0.0949617251753807 +posit:0.014828719198703766 scribed:0.010758153162896633 way:0.006729384884238243 la:0.006370665039867163 :0.5394658446311951 +the:0.19420404732227325 a:0.10696050524711609 his:0.01646997407078743 an:0.011902466416358948 :0.19467492401599884 +of:0.13219472765922546 and:0.050535108894109726 in:0.04408593475818634 to:0.03827345743775368 :0.06856894493103027 +and:0.21324343979358673 the:0.043560873717069626 but:0.043384552001953125 which:0.025087954476475716 :0.05023950710892677 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +to:0.14569152891635895 by:0.08768941462039948 in:0.08407223969697952 and:0.0523529052734375 :0.06007331982254982 +the:0.3156227767467499 a:0.02813773788511753 this:0.02790733240544796 tho:0.015222071669995785 :0.10254357755184174 +the:0.3156227767467499 a:0.02813773788511753 this:0.02790733240544796 tho:0.015222071669995785 :0.10254357755184174 +man:0.04474784806370735 copy:0.027504270896315575 large:0.026947414502501488 great:0.01849599927663803 :0.1224396824836731 +the:0.19140371680259705 which:0.04145831614732742 a:0.04127545654773712 time:0.017332004383206367 :0.17483766376972198 +the:0.32006266713142395 our:0.0198029987514019 a:0.019326984882354736 this:0.017334794625639915 :0.12664347887039185 +in:0.1501265913248062 on:0.06613001227378845 at:0.04947385936975479 In:0.03858674317598343 :0.05038970708847046 +made:0.025488095358014107 a:0.021014297381043434 allowed:0.01847517490386963 given:0.009922458790242672 :0.11713609844446182 +plate:0.008260438218712807 ir:0.005940415430814028 y:0.005071023013442755 est:0.004721698816865683 :0.20367653667926788 +pose:0.6475765109062195 chase:0.07636850327253342 poses:0.05704968050122261 chaser:0.025555189698934555 :0.030520694330334663 +the:0.06727079302072525 and:0.03962697833776474 to:0.03891246020793915 be:0.020619863644242287 :0.15312908589839935 +City:0.009004589170217514 highest:0.006735390983521938 country:0.005515579599887133 city:0.004863635171204805 :0.2604116201400757 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +of:0.1532982438802719 to:0.14634762704372406 and:0.09326831251382828 at:0.030659137293696404 :0.06460411846637726 +the:0.029051201418042183 is:0.025403393432497978 were:0.02207031287252903 be:0.01965950056910515 :0.2011961191892624 +the:0.29190880060195923 a:0.10758247971534729 tho:0.01817150041460991 his:0.01808919757604599 :0.09809417277574539 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +C:0.07039203494787216 M:0.03244940936565399 D.,:0.028781747445464134 D:0.02713111788034439 :0.23644918203353882 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +the:0.03704138472676277 was:0.026406165212392807 and:0.02611684799194336 of:0.02325477823615074 :0.17209234833717346 +own:0.01570458710193634 friends:0.008582308888435364 life:0.0053565846756100655 way:0.005173441022634506 :0.19162988662719727 +and:0.05809294432401657 the:0.055553287267684937 of:0.03245769441127777 The:0.01770189218223095 :0.14393554627895355 +the:0.19997495412826538 a:0.03974639251828194 his:0.017335759475827217 which:0.013053822331130505 :0.12838388979434967 +of:0.11899907886981964 and:0.10874824225902557 in:0.060933277010917664 are:0.05839427560567856 :0.044678591191768646 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +and:0.056266579777002335 of:0.029604773968458176 was:0.024763107299804688 in:0.021911541000008583 :0.16173483431339264 +the:0.3113006055355072 a:0.048273373395204544 his:0.023777125403285027 him:0.011738223023712635 :0.11519155651330948 +much:0.19217327237129211 long:0.0447404645383358 far:0.038670528680086136 many:0.036391470581293106 :0.07718731462955475 +great:0.02843404747545719 good:0.021941043436527252 very:0.0215480737388134 member:0.021500952541828156 :0.1742185652256012 +of:0.5672645568847656 and:0.0733121708035469 in:0.01650732383131981 to:0.015823788940906525 :0.03491292893886566 +the:0.04832744598388672 a:0.012030865997076035 to:0.007320390548557043 that:0.007051507942378521 :0.17952220141887665 +the:0.18859097361564636 a:0.11328939348459244 his:0.019362524151802063 which:0.01671086810529232 :0.16596859693527222 +and:0.02420288696885109 part:0.01856953836977482 to:0.01827419362962246 in:0.006894845515489578 :0.2048100382089615 +are:0.12821727991104126 will:0.08541084825992584 were:0.0768047347664833 have:0.06771712005138397 :0.06655441224575043 +was:0.07283187657594681 had:0.029925251379609108 is:0.02092428132891655 would:0.01570786163210869 :0.24663648009300232 +not:0.3120758533477783 have:0.04304145649075508 be:0.039664678275585175 get:0.032190755009651184 :0.06620100140571594 +to:0.1054229810833931 known:0.035303451120853424 and:0.025720365345478058 enough:0.023566370829939842 :0.13121245801448822 +and:0.06721383333206177 the:0.03012911044061184 I:0.027833545580506325 The:0.01477043330669403 :0.17134453356266022 +and:0.24019990861415863 or:0.03866928070783615 but:0.03729516267776489 the:0.03101586364209652 :0.04675060510635376 +the:0.214127317070961 a:0.03604500740766525 that:0.014980710111558437 said:0.014186508022248745 :0.2011473923921585 +the:0.08249961584806442 a:0.035038650035858154 it:0.025135021656751633 I:0.022676721215248108 :0.10121399909257889 +of:0.11424706131219864 and:0.07783661037683487 in:0.0290034431964159 are:0.025431018322706223 :0.08873127400875092 +to:0.4583614766597748 of:0.05520434305071831 in:0.03299481049180031 with:0.02716466411948204 :0.04143177717924118 +made:0.09949346631765366 the:0.038440559059381485 a:0.036499395966529846 not:0.035363972187042236 :0.08851094543933868 +made:0.02806360088288784 a:0.022377289831638336 the:0.018533648923039436 in:0.014973068609833717 :0.15168671309947968 +to:0.6913524270057678 for:0.0748235210776329 enough:0.015124729834496975 that:0.011521363630890846 :0.018943894654512405 +been:0.29057466983795166 yet:0.030762234702706337 a:0.023921797052025795 only:0.02157551608979702 :0.0699056088924408 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +described:0.07543397694826126 the:0.07132262736558914 in:0.04212673008441925 to:0.028530534356832504 :0.15315677225589752 +wife:0.018166685476899147 own:0.015374706126749516 head:0.01408572681248188 only:0.008404894731938839 :0.17149822413921356 +that:0.6963539123535156 of:0.0688890591263771 is:0.011813598684966564 that,:0.011013905517756939 :0.016261572018265724 +is:0.08222179114818573 was:0.06293921172618866 will:0.060549382120370865 in:0.05574575066566467 :0.0492318719625473 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +by:0.05655832961201668 in:0.051935307681560516 to:0.049922071397304535 of:0.03994482010602951 :0.08253931254148483 +of:0.26379188895225525 and:0.08574610948562622 in:0.041888829320669174 to:0.03535842150449753 :0.07252159714698792 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.08841506391763687 of:0.022390011698007584 to:0.019702032208442688 the:0.018124939873814583 :0.23805148899555206 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +day:0.07796474546194077 few:0.0332782007753849 morning:0.03134932368993759 year:0.022410418838262558 :0.08794385939836502 +The:0.12130081653594971 In:0.03304015100002289 He:0.032143618911504745 It:0.03037090413272381 :0.13383808732032776 +the:0.27572545409202576 they:0.0771106630563736 he:0.05317124351859093 a:0.033576082438230515 :0.07415324449539185 +acre:0.13923442363739014 acre.:0.0955127477645874 cent:0.0656871646642685 acre,:0.04145609959959984 :0.1157623827457428 +to:0.07796575129032135 in:0.027092719450592995 husband:0.02243712730705738 own:0.020793331786990166 :0.15514366328716278 +and:0.26700156927108765 the:0.027855228632688522 to:0.023707104846835136 in:0.023072509095072746 :0.07579544931650162 +the:0.12462151050567627 a:0.031046340242028236 in:0.025560840964317322 of:0.016595331951975822 :0.11674822121858597 +of:0.1599900722503662 or:0.08174346387386322 from:0.03876263648271561 in:0.03356562554836273 :0.04553339630365372 +and:0.1861562579870224 the:0.048535652458667755 but:0.032498445361852646 which:0.025568785145878792 :0.07537857443094254 +sentatives:0.40738677978515625 sentative:0.3289569914340973 and:0.02431632950901985 or:0.002833590842783451 :0.1070820614695549 +of:0.16899985074996948 and:0.06124694645404816 in:0.053166043013334274 that:0.048530831933021545 :0.06305611878633499 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +made:0.03180757164955139 a:0.022379431873559952 taken:0.01652827113866806 the:0.01501802820712328 :0.20456822216510773 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +been:0.17653141915798187 a:0.04138403758406639 to:0.026100462302565575 the:0.025661727413535118 :0.16657906770706177 +are:0.11957117915153503 were:0.08775646984577179 have:0.0773358941078186 will:0.048048943281173706 :0.04959561303257942 +and:0.2275812327861786 the:0.04648534953594208 but:0.034807004034519196 was:0.023495467379689217 :0.04718128964304924 +the:0.11999445408582687 and:0.09936810284852982 said:0.038141414523124695 a:0.03154323622584343 :0.050777267664670944 +and:0.23887217044830322 but:0.0852087140083313 to:0.03622408211231232 the:0.03444542735815048 :0.032924309372901917 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +own:0.028608938679099083 hands:0.007770366035401821 heads:0.006800266448408365 eyes:0.004266418982297182 :0.2689429819583893 +and:0.05203657224774361 the:0.025522708892822266 to:0.0203176848590374 a:0.01924981363117695 :0.207204669713974 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +the:0.26767343282699585 a:0.06308043748140335 him:0.019573243334889412 any:0.016967283561825752 :0.12388986349105835 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +be:0.10218935459852219 the:0.06026586517691612 not:0.04845020920038223 is:0.02382350154221058 :0.08338171243667603 +of:0.3745439350605011 and:0.08090677857398987 the:0.07396677136421204 to:0.038946423679590225 :0.04136013239622116 +the:0.07946089655160904 be:0.048234399408102036 a:0.019374923780560493 make:0.01763739250600338 :0.1333828717470169 +of:0.2386932224035263 the:0.0706312358379364 and:0.06831055879592896 in:0.033748939633369446 :0.07603145390748978 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +I:0.03670034930109978 and:0.0321921706199646 In:0.03169824555516243 in:0.025398554280400276 :0.22199775278568268 +be:0.376168817281723 not:0.05877494812011719 have:0.028510527685284615 bo:0.025610964745283127 :0.044025178998708725 +.:0.019592341035604477 was:0.013041948899626732 made:0.006512117106467485 is:0.004279079381376505 :0.6881276965141296 +is:0.08047374337911606 was:0.05969255417585373 are:0.03944889083504677 the:0.03935001790523529 :0.07503548264503479 +and:0.03670224919915199 8,:0.016834519803524017 block:0.015296163968741894 1900,:0.010932953096926212 :0.15493179857730865 +than:0.31717488169670105 to:0.02850247733294964 a:0.017383985221385956 like:0.01572611927986145 :0.16138561069965363 +of:0.845988929271698 ot:0.01499489601701498 for:0.010577897541224957 that:0.009922720491886139 :0.007551295217126608 +the:0.07519902288913727 to:0.02204831875860691 that:0.015173443593084812 in:0.014102380722761154 :0.07552147656679153 +and:0.0979987308382988 in:0.023443710058927536 of:0.017538413405418396 the:0.017392735928297043 :0.17133092880249023 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +only:0.07370362430810928 the:0.05002272501587868 a:0.023070218041539192 to:0.02267402410507202 :0.12603025138378143 +following:0.01186576671898365 men:0.008772219531238079 only:0.007358260918408632 premises:0.00675900699570775 :0.14316615462303162 +that:0.1837279051542282 to:0.18029476702213287 the:0.11027342826128006 he:0.049060411751270294 :0.02774881199002266 +of:0.4982529878616333 and:0.07167799770832062 to:0.03364570066332817 for:0.020626278594136238 :0.02666572667658329 +of:0.7818968892097473 and:0.01747714914381504 which:0.015279133804142475 that:0.010620631277561188 :0.015014627017080784 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.26458612084388733 a:0.015090866945683956 said:0.010314958170056343 his:0.010259273461997509 :0.2561016380786896 +west:0.10908101499080658 and:0.08008266240358353 east:0.0749673843383789 east,:0.030492575839161873 :0.12640196084976196 +years:0.12932485342025757 times:0.07617907226085663 or:0.05775296315550804 and:0.02432863414287567 :0.14976607263088226 +great:0.02843404747545719 good:0.021941043436527252 very:0.0215480737388134 member:0.021500952541828156 :0.1742185652256012 +of:0.08582799136638641 in:0.0281797144562006 to:0.027058742940425873 for:0.02632255293428898 :0.13987424969673157 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +tax:0.01931089535355568 fine:0.01699601113796234 large:0.013961618766188622 debt:0.012202015146613121 :0.1559964120388031 +the:0.1975603848695755 a:0.027196025475859642 tho:0.02290324866771698 tbe:0.014078225940465927 :0.2476494461297989 +newspaper:0.0545027032494545 and:0.021651215851306915 of:0.01870276965200901 day:0.012246138416230679 :0.1382441222667694 +the:0.07088297605514526 a:0.026378586888313293 in:0.010076197795569897 that:0.007845034822821617 :0.1798364669084549 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.049598999321460724 the:0.03014093078672886 of:0.026381095871329308 to:0.015151511877775192 :0.1520911008119583 +the:0.01827068068087101 .:0.01358844619244337 of:0.010142999701201916 a:0.008339493535459042 :0.41033223271369934 +cate:0.5429122447967529 cious:0.02370624616742134 and:0.006948066409677267 day:0.006768433842808008 :0.16082824766635895 +a:0.05715007334947586 the:0.03727870434522629 not:0.035262029618024826 to:0.01900198683142662 :0.12210141867399216 +and:0.06417287886142731 the:0.051028989255428314 to:0.047874610871076584 in:0.029811013489961624 :0.11138448864221573 +the:0.188949316740036 a:0.09664733707904816 money:0.054450903087854385 their:0.024520650506019592 :0.05836247652769089 +of:0.08633282780647278 and:0.07186351716518402 to:0.035141024738550186 the:0.03411225229501724 :0.10169374197721481 +and:0.08435028046369553 to:0.026490027084946632 The:0.018797509372234344 of:0.016599323600530624 :0.16484713554382324 +the:0.05119917541742325 to:0.034736257046461105 appear:0.017404969781637192 by:0.012357802130281925 :0.14180274307727814 +the:0.3660360276699066 a:0.032497089356184006 his:0.02703598141670227 their:0.016084156930446625 :0.11258234828710556 +the:0.22307267785072327 a:0.042923394590616226 their:0.04057169333100319 his:0.0241769477725029 :0.05656540021300316 +to:0.1349526345729828 and:0.04150792583823204 that:0.03154797479510307 of:0.024895576760172844 :0.18884168565273285 +he:0.19081297516822815 the:0.08571518212556839 I:0.06488946825265884 she:0.0480913370847702 :0.04006572067737579 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +few:0.043048661202192307 very:0.01854846253991127 short:0.016552865505218506 great:0.012824597768485546 :0.16029050946235657 +be:0.17345429956912994 have:0.05872456729412079 see:0.026525968685746193 get:0.023200541734695435 :0.09837786108255386 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +been:0.17217190563678741 a:0.09063860774040222 the:0.08861395716667175 an:0.01522032730281353 :0.08020587265491486 +the:0.12382195889949799 be:0.02918289601802826 make:0.021456656977534294 a:0.014847091399133205 :0.10070481151342392 +the:0.05205106362700462 to:0.043498922139406204 and:0.03804327920079231 by:0.02749515138566494 :0.09896782785654068 +and:0.07780927419662476 to:0.06778313964605331 by:0.055806998163461685 in:0.0351787731051445 :0.11007780581712723 +whole:0.007475500460714102 streets:0.006916343700140715 same:0.005821989383548498 air:0.005270315334200859 :0.30703306198120117 +same:0.031224826350808144 time:0.014286727644503117 rate:0.012075764127075672 samo:0.010694079101085663 :0.28347769379615784 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +own:0.04887836053967476 respective:0.011901591904461384 friends:0.006266470532864332 hands:0.004259617067873478 :0.2530166804790497 +and:0.3194650709629059 the:0.07032915204763412 with:0.03756268322467804 to:0.02150014415383339 :0.07730082422494888 +the:0.35011526942253113 a:0.03142191097140312 which:0.0286727137863636 their:0.025885390117764473 :0.07947303354740143 +and:0.06933046877384186 of:0.036484524607658386 at:0.03212833032011986 the:0.025258760899305344 :0.23254743218421936 +the:0.1629452407360077 they:0.05455750599503517 I:0.041939280927181244 it:0.04113234952092171 :0.07055383920669556 +the:0.25970205664634705 a:0.05992930009961128 this:0.036947183310985565 tho:0.020482443273067474 :0.11506829410791397 +and:0.15184380114078522 was:0.0321371853351593 of:0.026478003710508347 to:0.025716599076986313 :0.18326331675052643 +the:0.4542311429977417 a:0.046682752668857574 said:0.04066171869635582 tho:0.02339947037398815 :0.04838148131966591 +the:0.16499608755111694 which:0.04624909162521362 a:0.029147297143936157 this:0.02656862884759903 :0.11993489414453506 +and:0.02932645007967949 or:0.008383680135011673 in:0.0055481744930148125 of:0.005445508752018213 :0.17907395958900452 +to:0.04749806225299835 and:0.039592444896698 the:0.03565717861056328 ing:0.01389260496944189 :0.22381576895713806 +and:0.04374485835433006 of:0.03984419256448746 to:0.036196425557136536 or:0.028516091406345367 :0.17317067086696625 +the:0.231194868683815 a:0.023538976907730103 his:0.019226305186748505 this:0.01653262972831726 :0.13800844550132751 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.09305436164140701 to:0.06336278468370438 and:0.043540310114622116 in:0.03228234127163887 :0.0799659937620163 +was:0.062197279185056686 and:0.030007129535079002 is:0.027708901092410088 had:0.022094199433922768 :0.25689566135406494 +same:0.007282408885657787 following:0.005648941732943058 people:0.005177968181669712 public:0.004665476735681295 :0.15079475939273834 +and:0.05328083783388138 of:0.027742620557546616 the:0.019254127517342567 County:0.009294492192566395 :0.3220826983451843 +the:0.2470327913761139 a:0.032168660312891006 this:0.026490701362490654 their:0.016191482543945312 :0.08412638306617737 +and:0.07609846442937851 of:0.06355909258127213 the:0.033895354717969894 he:0.016576087102293968 :0.13854674994945526 +the:0.15743298828601837 a:0.043017927557229996 his:0.012112443335354328 their:0.011538100428879261 :0.17358459532260895 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +and:0.06113314628601074 of:0.029657956212759018 the:0.017401548102498055 to:0.015805799514055252 :0.21781206130981445 +of:0.15314365923404694 the:0.09542173147201538 a:0.044891517609357834 is:0.03761304169893265 :0.0806649848818779 +years:0.06825094670057297 days:0.031560104340314865 per:0.022736582905054092 of:0.018993277102708817 :0.18493488430976868 +a:0.11144886165857315 confessed:0.10435259342193604 the:0.07816696912050247 to:0.05536689609289169 :0.07720238715410233 +the:0.08778533339500427 that:0.013556371442973614 in:0.013287113979458809 a:0.012764256447553635 :0.13573312759399414 +the:0.34096941351890564 a:0.0661131739616394 tho:0.020755289122462273 their:0.018121670931577682 :0.09304660558700562 +great:0.01577499508857727 man:0.013948860578238964 good:0.012798051349818707 very:0.012099371291697025 :0.14598198235034943 +own:0.038450948894023895 wife:0.007066089194267988 friends:0.006974545307457447 death:0.0045877187512815 :0.23671071231365204 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.6026408076286316 tho:0.03969359025359154 which:0.03060123883187771 a:0.028700387105345726 :0.0344688817858696 +the:0.06189349293708801 and:0.04964205250144005 a:0.019401831552386284 at:0.016651839017868042 :0.1891098916530609 +the:0.23037105798721313 a:0.04785827919840813 course,:0.04474009573459625 this:0.03450450673699379 :0.12198875099420547 +the:0.056680016219615936 a:0.019337333738803864 that:0.008361012674868107 in:0.007031572982668877 :0.15124107897281647 +us:0.3859330713748932 the:0.09877794981002808 them:0.0693734884262085 me:0.054668162018060684 :0.03501301631331444 +of:0.07308223098516464 was:0.061625685542821884 and:0.045686569064855576 in:0.03735773265361786 :0.111526720225811 +ceived:0.04537586867809296 ported:0.025890439748764038 cently:0.01930769346654415 the:0.018604246899485588 :0.282621830701828 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.03704138472676277 was:0.026406165212392807 and:0.02611684799194336 of:0.02325477823615074 :0.17209234833717346 +of:0.12410545349121094 or:0.05537458881735802 years:0.02324177697300911 ago:0.022427977994084358 :0.15289434790611267 +H.:0.04102307930588722 H:0.0342007577419281 A.:0.024306217208504677 J:0.02258160710334778 :0.23165148496627808 +the:0.08138395100831985 a:0.024454183876514435 that:0.021096965298056602 in:0.010235559195280075 :0.20519602298736572 +New:0.05426495149731636 the:0.02769509144127369 Morris,:0.01918359100818634 Alexandria,:0.018515700474381447 :0.2699425518512726 +a:0.06630861759185791 not:0.061363451182842255 the:0.05364001542329788 to:0.017353583127260208 :0.10260779410600662 +of:0.20758435130119324 was:0.08033792674541473 is:0.07909771800041199 in:0.05819007381796837 :0.05850136652588844 +with:0.14002454280853271 and:0.055127110332250595 to:0.05236343294382095 of:0.0404839925467968 :0.04151419922709465 +the:0.22166161239147186 that:0.11767648905515671 it:0.038614604622125626 a:0.02670278586447239 :0.10151902586221695 +and:0.11352339386940002 the:0.07747288048267365 or:0.019656579941511154 I:0.01913657784461975 :0.10323867946863174 +The:0.04508763551712036 It:0.029953857883810997 Why:0.022995227947831154 Are:0.019091608002781868 :0.1135447770357132 +from:0.22031912207603455 of:0.13649919629096985 to:0.08293911814689636 and:0.028113454580307007 :0.03959950432181358 +idly:0.6080272793769836 and:0.007659994997084141 the:0.007572186645120382 been:0.006270912010222673 :0.12285186350345612 +have:0.06006378307938576 was:0.05927580967545509 had:0.029958833009004593 am:0.028680074959993362 :0.07185864448547363 +that:0.07036437839269638 the:0.046612635254859924 he:0.04136972874403 to:0.0266824122518301 :0.16936831176280975 +and:0.16772380471229553 County,:0.0868883803486824 county,:0.03406292200088501 to:0.030738545581698418 :0.17453311383724213 +in:0.22388814389705658 between:0.11219743639230728 of:0.1023549810051918 or:0.03735734522342682 :0.03709496930241585 +to:0.3278769850730896 and:0.1024397760629654 for:0.09340279549360275 the:0.03607179969549179 :0.02998470701277256 +the:0.1356201320886612 life.:0.06822962313890457 life:0.0553629994392395 life,:0.04762827977538109 :0.178008571267128 +the:0.6289267539978027 his:0.05575616657733917 a:0.027924222871661186 tho:0.02730311080813408 :0.021778704598546028 +the:0.3214339315891266 a:0.07487248629331589 tho:0.015912845730781555 said:0.015259260311722755 :0.10341473668813705 +the:0.2074776589870453 to:0.12778863310813904 and:0.07984550297260284 a:0.0566224567592144 :0.04644537717103958 +the:0.19821929931640625 a:0.029644230380654335 this:0.017856424674391747 his:0.015245954506099224 :0.13322223722934723 +and:0.024642737582325935 or:0.013942353427410126 people:0.013126971200108528 of:0.011672702617943287 :0.30292126536369324 +the:0.2598726451396942 a:0.0577668696641922 tho:0.017695540562272072 his:0.011614101007580757 :0.15107402205467224 +the:0.12549543380737305 be:0.0644286498427391 a:0.023838398978114128 see:0.015834445133805275 :0.125673308968544 +of:0.10028576850891113 and:0.06547608971595764 to:0.03313282132148743 in:0.023120606318116188 :0.13868014514446259 +not:0.07336033880710602 have:0.058596447110176086 be:0.05654846131801605 make:0.017457451671361923 :0.08435508608818054 +the:0.10935290902853012 to:0.10201998054981232 from:0.05383326858282089 and:0.04409562423825264 :0.08209352195262909 +to:0.12863361835479736 the:0.1114785298705101 for:0.05194573849439621 in:0.04334886372089386 :0.03425487130880356 +the:0.0925494059920311 in:0.04862222447991371 at:0.045111026614904404 a:0.03327903151512146 :0.08767767995595932 +of:0.06723515689373016 and:0.06178874894976616 on:0.056742653250694275 in:0.03845237195491791 :0.0463566780090332 +the:0.1442648321390152 it:0.03542281314730644 I:0.0315731018781662 if:0.027808722108602524 :0.06093636155128479 +own:0.013033121824264526 first:0.005881595425307751 great:0.005494903773069382 power:0.004764233715832233 :0.15526984632015228 +to:0.04632631316781044 the:0.03323119133710861 and:0.02690225839614868 I:0.02035318873822689 :0.16611263155937195 +be:0.46371135115623474 have:0.022168757393956184 fail:0.02158273756504059 bo:0.01990802399814129 :0.048068176954984665 +was:0.0809631198644638 had:0.07403760403394699 is:0.0456225648522377 has:0.038104891777038574 :0.09096250683069229 +not:0.06575951725244522 a:0.03855109214782715 is:0.028831373900175095 will:0.027712006121873856 :0.0915253609418869 +to:0.14375396072864532 of:0.1400134563446045 and:0.06195772811770439 the:0.04872060567140579 :0.04451882094144821 +and:0.08999594300985336 to:0.03587965667247772 of:0.022132230922579765 or:0.016851991415023804 :0.15874354541301727 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +of:0.1535988748073578 and:0.14201773703098297 is:0.024873171001672745 in:0.02434464916586876 :0.08292907476425171 +who:0.13961882889270782 of:0.11651280522346497 to:0.038644105195999146 in:0.035913627594709396 :0.06037742272019386 +of:0.16821634769439697 and:0.13759571313858032 in:0.04858586564660072 to:0.03779813274741173 :0.03463459759950638 +the:0.027759378775954247 a:0.010878672823309898 that:0.00933171808719635 all:0.00695155281573534 :0.28096431493759155 +is:0.22306931018829346 was:0.20086292922496796 comes:0.05090031400322914 has:0.026298172771930695 :0.05364445596933365 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +to:0.18451008200645447 by:0.09893862158060074 in:0.060247279703617096 a:0.03826529160141945 :0.03675384819507599 +of:0.1390068382024765 and:0.08449778705835342 in:0.04465646296739578 the:0.03405291959643364 :0.056273605674505234 +own:0.032139454036951065 heads:0.013451086357235909 lives:0.011868396773934364 eyes:0.008842641487717628 :0.18949119746685028 +ing:0.6093611121177673 ed:0.04477781429886818 ing,:0.04000680521130562 ing.:0.016228552907705307 :0.04484100267291069 +to:0.07746292650699615 and:0.052026405930519104 of:0.0354277566075325 the:0.020724283531308174 :0.15677927434444427 +to:0.04632631316781044 the:0.03323119133710861 and:0.02690225839614868 I:0.02035318873822689 :0.16611263155937195 +the:0.07968827337026596 to:0.06771405041217804 not:0.0596885085105896 a:0.04979564622044563 :0.10524002462625504 +to:0.13883712887763977 and:0.06147338077425957 in:0.03745243698358536 for:0.03337906673550606 :0.042719580233097076 +is:0.034919995814561844 year:0.029065215960144997 to:0.014979002997279167 was:0.014687334187328815 :0.08876538276672363 +government:0.04678555577993393 Government:0.01852278597652912 College:0.014000426977872849 army:0.011054671369493008 :0.21521621942520142 +the:0.29769888520240784 a:0.0465904138982296 this:0.01584349013864994 their:0.013236184604465961 :0.13749662041664124 +ter:0.7979463934898376 ter,:0.08523084223270416 ter.:0.053529608994722366 ters:0.0035691524390131235 :0.024942900985479355 +the:0.046897873282432556 and:0.015749072656035423 a:0.0120101198554039 said:0.007542901672422886 :0.3266468346118927 +be:0.2097666710615158 not:0.04720428213477135 have:0.02686362899839878 bo:0.01757846027612686 :0.12030749768018723 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +to:0.05715765804052353 sense,:0.05626152455806732 and:0.0410606786608696 sense:0.03800741955637932 :0.135020911693573 +man:0.026880672201514244 few:0.017382152378559113 great:0.013142833486199379 member:0.012930776923894882 :0.24684329330921173 +a:0.08087269216775894 not:0.06978613883256912 the:0.0367606058716774 now:0.03539351746439934 :0.12590931355953217 +have:0.08931928873062134 are:0.08237066864967346 should:0.04830696061253548 shall:0.04495758190751076 :0.04045869782567024 +to:0.2857910394668579 in:0.05546402931213379 of:0.046742841601371765 from:0.03621899336576462 :0.03532571718096733 +of:0.48819297552108765 that:0.04741253703832626 to:0.02962649241089821 in:0.0268405694514513 :0.025464238598942757 +in:0.4965500235557556 In:0.15320926904678345 on:0.07144621759653091 and:0.0434635765850544 :0.0205632783472538 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.2104378193616867 he:0.08422277122735977 it:0.07524733990430832 I:0.0348530188202858 :0.0635671615600586 +the:0.1260632574558258 in:0.026815291494131088 a:0.02523108758032322 to:0.0228474922478199 :0.06097070500254631 +The:0.17134486138820648 It:0.05084473639726639 A:0.04724613204598427 He:0.0323488675057888 :0.08429794758558273 +and:0.16273915767669678 to:0.13002313673496246 City,:0.03269217535853386 County,:0.020176177844405174 :0.1511228382587433 +and:0.10470454394817352 in:0.031376272439956665 the:0.030806193128228188 he:0.027385108172893524 :0.09004949778318405 +to:0.7561981081962585 for:0.014165141619741917 that:0.012180007994174957 by:0.010966193862259388 :0.02324484847486019 +the:0.2305602878332138 a:0.051863014698028564 he:0.0214740801602602 his:0.019973929971456528 :0.06631091237068176 +own:0.06725557893514633 work:0.00676391925662756 first:0.006476877257227898 services,:0.0064607723616063595 :0.18562015891075134 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +to:0.09622615575790405 and:0.07434079051017761 was:0.04722599685192108 is:0.04529844596982002 :0.052413683384656906 +to:0.07692397385835648 of:0.07592055201530457 and:0.07587672024965286 was:0.02885829657316208 :0.10653427988290787 +The:0.10488750040531158 It:0.04723384976387024 He:0.026601646095514297 This:0.017522135749459267 :0.16824394464492798 +north:0.1218494325876236 south:0.11233953386545181 N.:0.06437461078166962 along:0.03862660750746727 :0.060662657022476196 +and:0.2359873652458191 on:0.07852049171924591 at:0.05741828307509422 to:0.03490287438035011 :0.045302096754312515 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +rected:0.698973536491394 rectly:0.04468303173780441 rect:0.02339581772685051 and:0.014792563393712044 :0.11567370593547821 +the:0.05381914973258972 to:0.04148606210947037 and:0.029639558866620064 a:0.021061250939965248 :0.14225879311561584 +the:0.23816195130348206 he:0.05521104112267494 they:0.034480080008506775 it:0.03341979533433914 :0.05414817854762077 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +of:0.1672901064157486 and:0.12808257341384888 which:0.057999204844236374 are:0.05294452980160713 :0.05286160856485367 +J:0.022769533097743988 M:0.019436107948422432 H.:0.017813459038734436 M.:0.017662255093455315 :0.3814413249492645 +and:0.008642764762043953 Smith,:0.007771878503262997 H.:0.005421595647931099 Smith:0.005155009217560291 :0.5260506868362427 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.39999353885650635 these:0.0273808091878891 of:0.02701677568256855 that:0.020620072260499 :0.04489506036043167 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.050613753497600555 of:0.03239477053284645 the:0.03035040944814682 a:0.018915854394435883 :0.16698254644870758 +of:0.3947654068470001 and:0.16582371294498444 in:0.028202369809150696 to:0.02261621505022049 :0.019244913011789322 +a:0.05153435841202736 not:0.05135783925652504 the:0.04938625544309616 to:0.03245376795530319 :0.166517436504364 +the:0.18450185656547546 a:0.09635505825281143 number,:0.05582280457019806 five:0.024363387376070023 :0.11196786910295486 +able:0.019208306446671486 a:0.017534621059894562 made:0.013883737847208977 in:0.010081056505441666 :0.19644016027450562 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +subject:0.012155482545495033 property:0.011088290251791477 said:0.008938451297581196 ground:0.008280253037810326 :0.16573114693164825 +of:0.2423332780599594 the:0.12639766931533813 to:0.035906679928302765 a:0.03086441196501255 :0.03558281809091568 +same:0.008054942823946476 amount:0.006518444512039423 cost:0.004075345583260059 public:0.0039640455506742 :0.2124376744031906 +of:0.254622220993042 hundred:0.07326696068048477 or:0.03358762711286545 and:0.02621084451675415 :0.10671117156744003 +the:0.21838144958019257 kinds:0.025451449677348137 that:0.016584264114499092 who:0.01581062749028206 :0.12430498003959656 +the:0.0755767822265625 to:0.07384463399648666 and:0.03983836621046066 for:0.031704749912023544 :0.07102198153734207 +the:0.05124129354953766 a:0.013805348426103592 and:0.010581012815237045 The:0.010050992481410503 :0.33066028356552124 +the:0.479012131690979 a:0.04627317562699318 tho:0.020104436203837395 this:0.018950048834085464 :0.05812440067529678 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +the:0.13479416072368622 a:0.12038777023553848 it:0.05354559049010277 this:0.041420213878154755 :0.05124850198626518 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.2925330400466919 be:0.024225082248449326 a:0.02416808530688286 tho:0.01585293933749199 :0.0657767802476883 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.34816616773605347 a:0.06360387057065964 this:0.018708012998104095 their:0.017725510522723198 :0.06631296128034592 +the:0.09662123769521713 a:0.023139910772442818 that:0.0229644775390625 to:0.020542431622743607 :0.07467919588088989 +was:0.08337639272212982 had:0.04350872337818146 is:0.03765808790922165 has:0.03345349431037903 :0.12556792795658112 +that:0.1503768265247345 far:0.054101575165987015 as:0.04557650536298752 much:0.03644964471459389 :0.12639553844928741 +The:0.027905933558940887 I:0.02220025844871998 the:0.018483029678463936 and:0.012289071455597878 :0.2897462248802185 +the:0.405021071434021 with:0.04594133049249649 and:0.043227292597293854 tho:0.023191198706626892 :0.06722529232501984 +Dominion:0.017197320237755775 and:0.009791536256670952 Man:0.007218019105494022 World:0.006571391597390175 :0.5454186201095581 +are:0.07463761419057846 will:0.06166946515440941 have:0.06064322963356972 were:0.05281594768166542 :0.08023057878017426 +the:0.09875110536813736 it:0.0421869158744812 he:0.02537091262638569 a:0.024399852380156517 :0.07307907938957214 +the:0.3533540666103363 a:0.057787831872701645 which:0.04502158984541893 tho:0.023748820647597313 :0.07603554427623749 +and:0.07960325479507446 of:0.027260733768343925 the:0.021411161869764328 in:0.01971002295613289 :0.2414972484111786 +and:0.11472632735967636 was:0.041325364261865616 in:0.035061780363321304 to:0.032532624900341034 :0.08671540766954422 +a:0.10832900553941727 one:0.060187291353940964 the:0.044850751757621765 in:0.03305242583155632 :0.12145286053419113 +The:0.05721575766801834 the:0.04803638532757759 I:0.0364888571202755 and:0.033765148371458054 :0.09559469670057297 +and:0.26906487345695496 in:0.04597388580441475 or:0.040052641183137894 are:0.03160115331411362 :0.03092765063047409 +States:0.49575793743133545 States,:0.18300187587738037 States.:0.11009777337312698 Slates:0.013771237805485725 :0.10942719876766205 +and:0.047815654426813126 to:0.04143374785780907 the:0.03562593460083008 in:0.023147381842136383 :0.20045548677444458 +the:0.0742499977350235 a:0.05588375777006149 to:0.052780330181121826 that:0.030308891087770462 :0.11100843548774719 +and:0.08139264583587646 at:0.048977330327034 of:0.04892975464463234 in:0.037945229560136795 :0.09150588512420654 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +nary:0.5892845392227173 nance:0.11390217393636703 the:0.0062110875733196735 and:0.003885957645252347 :0.20397967100143433 +action:0.041134849190711975 effort:0.02989397943019867 old:0.0180367399007082 hour:0.01677156426012516 :0.1936364769935608 +and:0.03840019553899765 was:0.031980402767658234 of:0.03043646365404129 is:0.02448493055999279 :0.19379198551177979 +and:0.17756028473377228 the:0.036626964807510376 but:0.03392687439918518 in:0.03238222002983093 :0.08242741227149963 +the:0.06689293682575226 and:0.0645606592297554 The:0.03201711177825928 in:0.02390316128730774 :0.13849776983261108 +of:0.20512045919895172 that:0.06414607167243958 is:0.05738304555416107 in:0.0471513457596302 :0.034597791731357574 +and:0.09491663426160812 to:0.05844150856137276 of:0.03669184073805809 for:0.014364121481776237 :0.19632290303707123 +of:0.028582613915205002 the:0.019100816920399666 to:0.013037389144301414 and:0.011944547295570374 :0.32640552520751953 +and:0.01757393591105938 use:0.008772843517363071 position:0.006617881823331118 of:0.004560476168990135 :0.22291123867034912 +and:0.0868942067027092 to:0.07954796403646469 in:0.029140345752239227 the:0.02615291066467762 :0.13408365845680237 +of:0.7540520429611206 and:0.01938818395137787 to:0.015761390328407288 from:0.012130426242947578 :0.013448239304125309 +the:0.08541252464056015 and:0.05018014460802078 to:0.028838355094194412 ing:0.026326708495616913 :0.11925210058689117 +of:0.026865780353546143 and:0.02609340101480484 that:0.010732418857514858 in:0.010592840611934662 :0.2688520848751068 +and:0.04133732244372368 to:0.02159709669649601 of:0.018143514171242714 the:0.01165824569761753 :0.2721802890300751 +and:0.0495171993970871 of:0.02759302221238613 in:0.023531515151262283 was:0.01878044195473194 :0.20643211901187897 +a:0.06118714064359665 the:0.050940897315740585 and:0.032706793397665024 at:0.02186533249914646 :0.12100937217473984 +have:0.15657615661621094 are:0.11812344193458557 were:0.06235668435692787 had:0.031704165041446686 :0.049045637249946594 +less:0.16388309001922607 only:0.07187820225954056 exceeding:0.0698845311999321 to:0.05197839438915253 :0.080666184425354 +the:0.16198518872261047 of:0.05040537565946579 that:0.03940856456756592 over:0.02987198904156685 :0.09997092932462692 +the:0.3722181022167206 a:0.04742797836661339 tho:0.023397093638777733 their:0.017577219754457474 :0.04961908236145973 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +house:0.25130030512809753 house,:0.07634054124355316 house.:0.04615100100636482 and:0.020843368023633957 :0.09000266343355179 +were:0.0658615380525589 and:0.04894523695111275 of:0.0464400090277195 are:0.04235554486513138 :0.03620371222496033 +and:0.061897072941064835 The:0.02109656296670437 to:0.020044682547450066 in:0.01843499392271042 :0.19543470442295074 +The:0.15158428251743317 It:0.03560137376189232 I:0.0331832580268383 He:0.03240996226668358 :0.14113552868366241 +the:0.25105637311935425 a:0.03005695529282093 this:0.028350625187158585 which:0.016253216192126274 :0.06920009851455688 +a:0.17669302225112915 the:0.06442230194807053 one:0.0643208846449852 to:0.03397764265537262 :0.08270365744829178 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +to:0.06302565336227417 and:0.040363337844610214 for:0.02055111899971962 in:0.013819947838783264 :0.312700092792511 +and:0.0847393274307251 the:0.05064842104911804 to:0.04256176948547363 or:0.03248463571071625 :0.06905897706747055 +of:0.043941378593444824 to:0.037642598152160645 and:0.034602437168359756 the:0.02310463786125183 :0.27632540464401245 +same:0.08011641353368759 time:0.07184487581253052 end:0.06589904427528381 close:0.049993909895420074 :0.10817048698663712 +of:0.0624932162463665 and:0.043197404593229294 in:0.022007839754223824 to:0.018637100234627724 :0.13852976262569427 +and:0.04374485835433006 of:0.03984419256448746 to:0.036196425557136536 or:0.028516091406345367 :0.17317067086696625 +condition:0.03179839625954628 policy:0.024602048099040985 and:0.020899280905723572 conditions:0.01181511115282774 :0.16149574518203735 +by:0.3564993739128113 to:0.13828067481517792 the:0.062322914600372314 in:0.041522763669490814 :0.03185928240418434 +of:0.052961915731430054 and:0.042259376496076584 to:0.030205469578504562 in:0.014734516851603985 :0.21803930401802063 +The:0.03614247590303421 the:0.028449440374970436 It:0.019693385809659958 and:0.015370918437838554 :0.21648409962654114 +made:0.03623724356293678 not:0.029954059049487114 the:0.027799684554338455 to:0.0265266764909029 :0.10307937115430832 +wife,:0.03618200495839119 own:0.019316434860229492 wife:0.016476640477776527 head:0.009530908428132534 :0.19299203157424927 +the:0.09237869083881378 to:0.03470788151025772 and:0.02360212244093418 at:0.01435923296958208 :0.20779313147068024 +the:0.28120145201683044 a:0.027324872091412544 this:0.02135888859629631 their:0.019099190831184387 :0.15987198054790497 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +out:0.1396881490945816 to:0.07152523845434189 up:0.06840772181749344 into:0.06359469145536423 :0.0521351583302021 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +stead:0.0514560304582119 terest:0.032112639397382736 crease:0.024081068113446236 cluding:0.018196197226643562 :0.4239555597305298 +was:0.09676894545555115 had:0.07636670023202896 has:0.048378705978393555 is:0.04066783934831619 :0.08108793944120407 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +year:0.096944659948349 of:0.052757635712623596 year,:0.04933981969952583 day:0.029724150896072388 :0.07694106549024582 +able:0.02052224799990654 the:0.018948271870613098 a:0.01583198830485344 to:0.010842688381671906 :0.25195765495300293 +the:0.31372517347335815 a:0.027814989909529686 this:0.027335787191987038 his:0.02113000862300396 :0.13386748731136322 +notice:0.07217790186405182 attention:0.022323543205857277 opinion:0.014685163274407387 the:0.013374590314924717 :0.1980496048927307 +the:0.14960211515426636 he:0.05717658996582031 a:0.0393727570772171 they:0.03007892146706581 :0.0786096453666687 +the:0.032960206270217896 make:0.027133883908391 be:0.023363476619124413 get:0.02211287058889866 :0.13976211845874786 +of:0.16473336517810822 that:0.15962977707386017 and:0.06048159673810005 in:0.058807119727134705 :0.04319445416331291 +the:0.289553165435791 a:0.039030589163303375 tho:0.0203312486410141 which:0.01809917390346527 :0.11391796171665192 +the:0.06518685817718506 in:0.05896725878119469 and:0.04565414413809776 a:0.02982492931187153 :0.15189020335674286 +rived:0.12602032721042633 ranged:0.0633881539106369 rangements:0.04998837411403656 ticle:0.03915231674909592 :0.26496440172195435 +The:0.0639394074678421 In:0.03494757041335106 A:0.023649176582694054 It:0.02001248300075531 :0.25276145339012146 +the:0.046920135617256165 and:0.039922211319208145 to:0.03789965808391571 in:0.01614304631948471 :0.1635422259569168 +the:0.033280931413173676 a:0.007149042095988989 in:0.006868236698210239 interest:0.006118277087807655 :0.19123975932598114 +of:0.20822295546531677 No.:0.02717147208750248 in:0.02012035623192787 to:0.01928524300456047 :0.16379432380199432 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.1562797725200653 will:0.10168756544589996 was:0.06666197627782822 or:0.04571050778031349 :0.04193366318941116 +and:0.018233777955174446 A.:0.01630954071879387 M.:0.014575653709471226 J.:0.01091326680034399 :0.2698972523212433 +and:0.08275645971298218 man:0.07027754932641983 man,:0.05123565346002579 man.:0.033197950571775436 :0.11191584169864655 +cent:0.13522960245609283 cent,:0.06581839919090271 cent.:0.044413406401872635 acre.:0.020095303654670715 :0.21638329327106476 +and:0.08852656185626984 the:0.035111863166093826 a:0.013970529660582542 of:0.013502247631549835 :0.2284352332353592 +National:0.21660839021205902 Presbyterian:0.026079589501023293 Baptist:0.02188888005912304 Congregational:0.01980924978852272 :0.12600746750831604 +the:0.2880380153656006 my:0.040555406361818314 with:0.03823091462254524 it:0.03472408279776573 :0.029971105977892876 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +and:0.11035484075546265 to:0.03642633929848671 of:0.03023754060268402 which:0.02749023586511612 :0.10002293437719345 +the:0.31464412808418274 said:0.08237156271934509 a:0.04653462395071983 taxes:0.028644828125834465 :0.10205380618572235 +in:0.09169615060091019 a:0.06102108582854271 the:0.047266967594623566 to:0.03085501864552498 :0.09015129506587982 +be:0.17345429956912994 have:0.05872456729412079 see:0.026525968685746193 get:0.023200541734695435 :0.09837786108255386 +the:0.3168526589870453 a:0.04383625462651253 any:0.030006565153598785 their:0.02214740961790085 :0.11680266261100769 +that:0.1490834355354309 and:0.1471451371908188 to:0.13996568322181702 of:0.12711240351200104 :0.060960885137319565 +a:0.15462026000022888 possible:0.0878792554140091 probable:0.03085695020854473 to:0.021735455840826035 :0.12533342838287354 +the:0.1004353016614914 and:0.08852702379226685 in:0.039212025701999664 a:0.028978917747735977 :0.05719660222530365 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +was:0.12242129445075989 is:0.09990368038415909 would:0.03246508538722992 will:0.029962066560983658 :0.09964106231927872 +of:0.2954813241958618 and:0.04400423541665077 in:0.0357806459069252 was:0.03294584900140762 :0.09226828068494797 +with:0.10176599025726318 the:0.06980293989181519 so:0.03908796235918999 so,:0.037140198051929474 :0.04784158617258072 +few:0.051079586148262024 large:0.024098575115203857 distance:0.013609298504889011 number:0.012391366064548492 :0.18838486075401306 +a:0.08295644819736481 the:0.06243587285280228 in:0.042179033160209656 at:0.030603790655732155 :0.10974930226802826 +point:0.008153515867888927 United:0.006996845360845327 the:0.00499371811747551 and:0.004810061771422625 :0.27846869826316833 +of:0.09019574522972107 and:0.02418879233300686 interests:0.022438054904341698 way:0.01298720296472311 :0.11953777074813843 +is:0.23661984503269196 was:0.11923599988222122 are:0.10496758669614792 were:0.08456110209226608 :0.0454346127808094 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +be:0.21712274849414825 not:0.03837251290678978 make:0.02899589017033577 enable:0.02725437842309475 :0.07336467504501343 +a:0.18496516346931458 the:0.1556345373392105 his:0.02649701200425625 her:0.021524779498577118 :0.13712148368358612 +the:0.2674359381198883 a:0.05690370127558708 this:0.01533267181366682 his:0.014866044744849205 :0.14666245877742767 +hour:0.011348850093781948 act:0.010712109506130219 increase:0.010590460151433945 order:0.008685150183737278 :0.13869991898536682 +mand:0.02698928490281105 fendants,:0.026155292987823486 mands:0.020530864596366882 struction:0.02033807523548603 :0.46629831194877625 +The:0.1591113805770874 It:0.06385966390371323 He:0.04794802889227867 In:0.04349079355597496 :0.07119573652744293 +a:0.1323946863412857 the:0.07133578509092331 not:0.05409318581223488 only:0.015604213811457157 :0.07645665854215622 +country:0.04265175014734268 city:0.02772749587893486 place:0.013813643716275692 time:0.012881061993539333 :0.11461232602596283 +the:0.19542470574378967 a:0.098954938352108 this:0.03471769392490387 his:0.030331803485751152 :0.04237240180373192 +to:0.05417047441005707 the:0.04525991156697273 and:0.03854946419596672 be:0.031962595880031586 :0.13746048510074615 +man:0.015913596376776695 great:0.014226000756025314 good:0.01393088884651661 few:0.011469213292002678 :0.13402096927165985 +be:0.6524730324745178 bo:0.017418965697288513 have:0.013761873356997967 fail:0.008669206872582436 :0.07311935722827911 +see:0.06610053032636642 know:0.04153205454349518 get:0.03821968287229538 be:0.03567847982048988 :0.08496139198541641 +way:0.03148665651679039 own:0.009761325083673 effects:0.004578299354761839 face:0.004202363081276417 :0.11516524851322174 +other:0.3305002748966217 of:0.11616583913564682 one:0.04413100332021713 man:0.01494230329990387 :0.08670829236507416 +and:0.14398200809955597 the:0.050556331872940063 but:0.030881119892001152 of:0.02715335227549076 :0.052079249173402786 +of:0.4483805298805237 was:0.053688857704401016 is:0.03952641785144806 hereof:0.019663043320178986 :0.03314029052853584 +is:0.1894799768924713 was:0.12776467204093933 has:0.04927068203687668 would:0.030614657327532768 :0.04570606350898743 +and:0.04649359732866287 of:0.0363968163728714 to:0.013845517300069332 the:0.012232024222612381 :0.19545559585094452 +and:0.049344852566719055 of:0.03631150349974632 in:0.025504175573587418 to:0.021751681342720985 :0.11860650032758713 +to:0.07570474594831467 will:0.029490645974874496 would:0.02722705341875553 in:0.024718649685382843 :0.12615418434143066 +of:0.028564415872097015 and:0.027678536251187325 to:0.02665065787732601 sense:0.019598737359046936 :0.1912468820810318 +of:0.14202256500720978 and:0.018925167620182037 part:0.010866875760257244 cases:0.008961865678429604 :0.13422942161560059 +opinion:0.02445247583091259 satisfaction.:0.019775515422225 satisfaction:0.017872462049126625 and:0.01562117226421833 :0.15387482941150665 +Affairs:0.022787967696785927 Missionary:0.007927969098091125 and:0.007115384563803673 to:0.00677160918712616 :0.5173628330230713 +the:0.03704138472676277 was:0.026406165212392807 and:0.02611684799194336 of:0.02325477823615074 :0.17209234833717346 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +the:0.04235187917947769 of:0.029636071994900703 and:0.022724121809005737 in:0.01737128384411335 :0.18492244184017181 +Shore:0.029064390808343887 Star:0.006310188677161932 streets,:0.0060780467465519905 States:0.00534562673419714 :0.26552870869636536 +have:0.06165377050638199 was:0.05973309278488159 am:0.059124771505594254 had:0.029696080833673477 :0.054272331297397614 +of:0.07502088695764542 and:0.043521441519260406 to:0.01928253099322319 The:0.014538625255227089 :0.26241737604141235 +and:0.1916869431734085 but:0.05883181840181351 the:0.034608595073223114 or:0.03025689534842968 :0.053979404270648956 +the:0.17503193020820618 it:0.05118609964847565 we:0.04077436402440071 there:0.04075484722852707 :0.0525207482278347 +the:0.04226868599653244 paid:0.027922919020056725 made:0.02305094711482525 a:0.02211936004459858 :0.12796582281589508 +few:0.07875297963619232 short:0.024754704907536507 large:0.013339917175471783 very:0.013314071111381054 :0.16041849553585052 +She:0.10528451949357986 The:0.10225753486156464 It:0.04024270921945572 I:0.03028048761188984 :0.08750642091035843 +to:0.22120605409145355 and:0.029700998216867447 the:0.02755153551697731 a:0.02303675003349781 :0.15561608970165253 +States:0.49575793743133545 States,:0.18300187587738037 States.:0.11009777337312698 Slates:0.013771237805485725 :0.10942719876766205 +streets:0.009439263492822647 center:0.00615588016808033 medium:0.0059091574512422085 whole:0.005678780376911163 :0.22837640345096588 +majority:0.011460143141448498 and:0.010354720987379551 amount:0.007399249821901321 body:0.006747770588845015 :0.2168014794588089 +a:0.05323678255081177 the:0.031364601105451584 an:0.009784958325326443 food:0.00939509179443121 :0.21692855656147003 +and:0.012194700539112091 personal:0.006044873967766762 way:0.0059951595030725 use:0.004583870060741901 :0.24028579890727997 +and:0.1910855919122696 the:0.05547243729233742 but:0.050915610045194626 in:0.02342265099287033 :0.03815087676048279 +to:0.1291029155254364 that:0.12345065176486969 by:0.0655493438243866 the:0.04910627380013466 :0.04706413298845291 +to:0.8292338252067566 not:0.08674409985542297 be:0.004224404226988554 the:0.004033798351883888 :0.00969839096069336 +the:0.08416326344013214 to:0.04893683269619942 that:0.029128754511475563 by:0.02865462750196457 :0.24961498379707336 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +The:0.15353433787822723 It:0.045933812856674194 In:0.044111598283052444 He:0.030210742726922035 :0.08093585073947906 +great:0.02480023354291916 good:0.02036597765982151 very:0.012420708313584328 number:0.012132282368838787 :0.14305108785629272 +own:0.026312939822673798 great:0.005628270097076893 kind:0.00539973471313715 most:0.0044264704920351505 :0.2576349079608917 +on:0.4173179864883423 in:0.05522419139742851 and:0.046252451837062836 to:0.03023982234299183 :0.07728690654039383 +sembled:0.057388730347156525 sociation:0.05640421807765961 surance:0.036078717559576035 sessment:0.027333654463291168 :0.4805257320404053 +a:0.09054484963417053 not:0.05907275155186653 the:0.05140354856848717 to:0.020944934338331223 :0.08050735294818878 +be:0.2938750982284546 have:0.0287790484726429 bo:0.023288235068321228 fail:0.016588324680924416 :0.10884790867567062 +own:0.039164334535598755 way:0.0390905998647213 face:0.013622461818158627 head:0.013170926831662655 :0.22250564396381378 +of:0.7358492016792297 to:0.0370698906481266 in:0.021552182734012604 ot:0.014087188057601452 :0.015508436597883701 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +time:0.062497083097696304 as:0.03424028307199478 to:0.02136545069515705 time,:0.017479538917541504 :0.08758080005645752 +and:0.05603400617837906 of:0.027014801278710365 sky,:0.020938847213983536 sky.:0.009801540523767471 :0.1717718243598938 +and:0.06369385123252869 was:0.04283175617456436 in:0.04234876483678818 of:0.036779437214136124 :0.08844035863876343 +and:0.10361621528863907 to:0.04937046021223068 of:0.04595204070210457 in:0.026147326454520226 :0.08214155584573746 +or:0.0707063302397728 hundred:0.060837723314762115 thousand:0.027260633185505867 feet:0.02666441537439823 :0.13826969265937805 +and:0.08050479739904404 for:0.04103555902838707 to:0.03992191329598427 in:0.03084407187998295 :0.05454643815755844 +of:0.030003875494003296 and:0.02583606168627739 the:0.02163279987871647 is:0.014304575510323048 :0.2048557698726654 +country:0.016832508146762848 whole:0.014066764153540134 country.:0.008502583019435406 same:0.007648801896721125 :0.21189598739147186 +and:0.18063488602638245 than:0.08990266919136047 to:0.049316149204969406 in:0.04016545042395592 :0.041349656879901886 +the:0.08012685924768448 a:0.017227964475750923 in:0.014050197787582874 to:0.010753449983894825 :0.11773963272571564 +to:0.47943735122680664 and:0.1750693917274475 from:0.023821711540222168 in:0.02021058276295662 :0.02142958529293537 +to:0.5519165992736816 for:0.22131319344043732 and:0.030762944370508194 in:0.014790459536015987 :0.014762762002646923 +and:0.01395807508379221 Dominion:0.009901419281959534 Point:0.006726900581270456 World:0.005763300694525242 :0.5314805507659912 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.08479227125644684 The:0.03236805275082588 the:0.02685909904539585 of:0.017994176596403122 :0.2394992858171463 +and:0.13147298991680145 the:0.05397869646549225 or:0.03518654406070709 sheep,:0.03234212100505829 :0.06887759268283844 +of:0.429914653301239 and:0.04132172465324402 in:0.03921584039926529 to:0.028748806565999985 :0.045380908995866776 +the:0.07440399378538132 a:0.017962154000997543 that:0.01563267596065998 to:0.013424801640212536 :0.11494894325733185 +the:0.3005935251712799 this:0.025293590500950813 a:0.02072061412036419 his:0.016292957589030266 :0.160421684384346 +the:0.1589212268590927 a:0.03325991705060005 his:0.011522147804498672 tho:0.008170703426003456 :0.19908154010772705 +the:0.3532179892063141 this:0.04334685206413269 such:0.042043332010507584 these:0.03608725592494011 :0.045647505670785904 +and:0.09715990722179413 of:0.04495907202363014 in:0.03721807152032852 are:0.03330158442258835 :0.11484304070472717 +the:0.13420601189136505 be:0.07779470831155777 do:0.04936353862285614 say:0.024857966229319572 :0.10675863176584244 +of:0.6806798577308655 and:0.09842591732740402 ot:0.016764327883720398 which:0.013705159537494183 :0.012809558771550655 +have:0.15061868727207184 are:0.09036047756671906 were:0.03311512991786003 shall:0.030860180035233498 :0.06623836606740952 +of:0.09019574522972107 and:0.02418879233300686 interests:0.022438054904341698 way:0.01298720296472311 :0.11953777074813843 +and:0.08999594300985336 to:0.03587965667247772 of:0.022132230922579765 or:0.016851991415023804 :0.15874354541301727 +and:0.012066561728715897 head:0.011923297308385372 to:0.010439890436828136 own:0.009111875668168068 :0.2442973107099533 +and:0.12356142699718475 the:0.03102414309978485 thence:0.026081616058945656 where:0.02480556257069111 :0.11123976111412048 +Beginning:0.08209330588579178 The:0.07166307419538498 Lot:0.05023729428648949 All:0.04335113614797592 :0.2518983483314514 +own:0.024346470832824707 way:0.017602095380425453 head:0.007926814258098602 first:0.007175259757786989 :0.16886745393276215 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +four:0.5734240412712097 more:0.034922659397125244 two:0.029269374907016754 three:0.029031865298748016 :0.04469878599047661 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.04410000890493393 by:0.03666263818740845 the:0.03545143082737923 to:0.03300180286169052 :0.1517150104045868 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +of:0.10584504902362823 and:0.05206933245062828 to:0.029441572725772858 The:0.021883340552449226 :0.158884197473526 +and:0.2215251922607422 of:0.06948129832744598 in:0.048959240317344666 or:0.037426915019750595 :0.04432927817106247 +was:0.23167705535888672 had:0.14131374657154083 would:0.08513027429580688 could:0.04818457365036011 :0.03702700883150101 +given:0.09272374957799911 required:0.026068923994898796 authorized:0.025863230228424072 given,:0.025625068694353104 :0.22338485717773438 +to:0.05761298909783363 is:0.04853184521198273 in:0.03676239401102066 with:0.02986454777419567 :0.10141244530677795 +the:0.30020076036453247 this:0.03825056180357933 which:0.03455261141061783 their:0.027387863025069237 :0.053156737238168716 +the:0.25511494278907776 a:0.06312001496553421 this:0.02212608978152275 least:0.020562157034873962 :0.17292429506778717 +and:0.04200073704123497 thence:0.023631781339645386 of:0.02155917137861252 the:0.013553915545344353 :0.24991655349731445 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +the:0.10560695827007294 he:0.03691737726330757 they:0.03010660596191883 in:0.027515040710568428 :0.048274021595716476 +the:0.26676398515701294 a:0.03313422575592995 be:0.01904895529150963 tho:0.010729256086051464 :0.12926270067691803 +to:0.22332355380058289 and:0.1370897889137268 in:0.06754230707883835 at:0.0495549775660038 :0.05609223246574402 +and:0.06417416781187057 to:0.04619235917925835 in:0.03660014271736145 of:0.027054816484451294 :0.08436601608991623 +the:0.05381914973258972 to:0.04148606210947037 and:0.029639558866620064 a:0.021061250939965248 :0.14225879311561584 +the:0.019180655479431152 a:0.007308303844183683 more:0.0068436372093856335 to:0.006773075088858604 :0.24053096771240234 +the:0.17334724962711334 be:0.05435311421751976 a:0.017550259828567505 make:0.014319978654384613 :0.08399850130081177 +not:0.05973779037594795 to:0.035441718995571136 the:0.022304750978946686 in:0.02002786472439766 :0.29658132791519165 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.3174518346786499 a:0.06131645292043686 this:0.036209940910339355 his:0.025401590391993523 :0.0812159851193428 +of:0.11418196558952332 in:0.0455792136490345 the:0.022649971768260002 at:0.017244504764676094 :0.14525097608566284 +of:0.14388273656368256 and:0.10763783752918243 in:0.04527675360441208 was:0.04377913102507591 :0.045085981488227844 +the:0.19832824170589447 a:0.09125901013612747 to:0.05497390404343605 and:0.03346908837556839 :0.09961900115013123 +cents:0.3129333555698395 per:0.17883460223674774 inches:0.03911827504634857 to:0.033680886030197144 :0.08253884315490723 +the:0.08439909666776657 a:0.051545243710279465 not:0.04494616761803627 being:0.028346296399831772 :0.12822674214839935 +the:0.056677404791116714 a:0.015527436509728432 that:0.015480848960578442 tho:0.014284596778452396 :0.26348212361335754 +same:0.004481728188693523 first:0.004426463507115841 following:0.0038797075394541025 whole:0.003827434265986085 :0.31451550126075745 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +the:0.43786951899528503 their:0.02229662425816059 a:0.021143930032849312 this:0.01969832368195057 :0.10451214760541916 +the:0.03223620727658272 in:0.0278143510222435 to:0.02435837686061859 and:0.019658146426081657 :0.17389750480651855 +and:0.045401427894830704 the:0.040773991495370865 to:0.022685488685965538 of:0.016923587769269943 :0.16253194212913513 +care:0.022105859592556953 difficulty:0.01935972273349762 interest:0.013608690351247787 force:0.012260408140718937 :0.2688240110874176 +of:0.1135721355676651 and:0.0630519911646843 to:0.026499858126044273 in:0.024273987859487534 :0.14849446713924408 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +the:0.4326539933681488 a:0.04531736671924591 this:0.03561047464609146 his:0.016203109174966812 :0.0596928671002388 +the:0.27269619703292847 a:0.07919644564390182 his:0.03331129625439644 this:0.027586879208683968 :0.07434006035327911 +not:0.05740869790315628 the:0.04080542176961899 now:0.025067243725061417 in:0.024771258234977722 :0.1612943410873413 +the:0.05082084983587265 a:0.02805444784462452 any:0.020677393302321434 other:0.0164695605635643 :0.26022598147392273 +effort:0.027502190321683884 increase:0.012627086602151394 average:0.011703498661518097 amount:0.010409015230834484 :0.15063728392124176 +and:0.049639929085969925 the:0.032496191561222076 to:0.028257355093955994 in:0.022397233173251152 :0.2920646667480469 +from:0.23741890490055084 the:0.08827043324708939 by:0.07154131680727005 and:0.048398323357105255 :0.048491060733795166 +and:0.02215227298438549 a:0.021442338824272156 the:0.008613670244812965 as:0.005621702875941992 :0.17093586921691895 +the:0.2880367040634155 this:0.017711739987134933 a:0.01730170287191868 tho:0.013746817596256733 :0.1631246656179428 +to:0.02967057004570961 from:0.020282721146941185 of:0.01840437576174736 in:0.017036596313118935 :0.2809731364250183 +of:0.26166126132011414 who:0.0577114038169384 to:0.04644044488668442 in:0.0401947945356369 :0.036791641265153885 +and:0.06073677912354469 the:0.055549025535583496 to:0.02688998356461525 that:0.02637510746717453 :0.15084384381771088 +of:0.5336541533470154 where:0.05763067677617073 and:0.028712652623653412 in:0.020878473296761513 :0.021274931728839874 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.2201753854751587 other:0.030265433713793755 of:0.027039149776101112 that:0.016955988481640816 :0.10122275352478027 +the:0.2945614457130432 a:0.03598383814096451 their:0.03303138166666031 his:0.025330014526844025 :0.049480754882097244 +the:0.12902836501598358 a:0.09869427233934402 by:0.07415343075990677 from:0.05912094935774803 :0.0452677384018898 +is:0.08047374337911606 was:0.05969255417585373 are:0.03944889083504677 the:0.03935001790523529 :0.07503548264503479 +of:0.5481492877006531 and:0.06362822651863098 was:0.01954040676355362 is:0.015189114026725292 :0.031874220818281174 +out:0.12322621792554855 up:0.09536804258823395 forth:0.09300448000431061 the:0.06327935308218002 :0.07428506761789322 +Minnesota,:0.16082733869552612 North:0.06339981406927109 Nevada,:0.04429492726922035 California,:0.030216926708817482 :0.08564545214176178 +own:0.0184226892888546 names:0.006107894703745842 way:0.005015367642045021 lives:0.0041093118488788605 :0.3019191324710846 +the:0.2594860792160034 he:0.09724856913089752 we:0.06358207762241364 I:0.05569741874933243 :0.06275215744972229 +are:0.13472002744674683 will:0.07703649252653122 can:0.06837166845798492 have:0.06673654168844223 :0.07746236026287079 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +was:0.09587524831295013 had:0.08440673351287842 have:0.07852274924516678 am:0.06717825680971146 :0.05261755734682083 +the:0.09875110536813736 it:0.0421869158744812 he:0.02537091262638569 a:0.024399852380156517 :0.07307907938957214 +of:0.3543664515018463 and:0.0964115709066391 from:0.043880585581064224 in:0.03433232381939888 :0.027656959369778633 +in:0.2513737976551056 on:0.1625305861234665 at:0.09680065512657166 upon:0.07781482487916946 :0.04027649015188217 +the:0.15901851654052734 a:0.03010326437652111 this:0.025831393897533417 which:0.018483884632587433 :0.16851350665092468 +and:0.0747377872467041 to:0.0563892237842083 by:0.047118157148361206 in:0.03180957958102226 :0.11779145151376724 +therefore,:0.1712215542793274 the:0.05531970411539078 I:0.05411145091056824 sir,:0.04541229456663132 :0.045090921223163605 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +of:0.063718281686306 and:0.04278974235057831 the:0.02715965174138546 in:0.01733359508216381 :0.2573067247867584 +other:0.03612355515360832 the:0.02903304062783718 in:0.013398311100900173 more:0.01205820869654417 :0.19348107278347015 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +the:0.20082557201385498 a:0.022558052092790604 tho:0.014281364157795906 tbe:0.011055930517613888 :0.2716144025325775 +same:0.024334345012903214 best:0.02018236741423607 most:0.01119261234998703 first:0.010579735971987247 :0.15516099333763123 +the:0.24253425002098083 be:0.03314215689897537 whether:0.028364010155200958 make:0.020574694499373436 :0.07394088059663773 +the:0.4218318462371826 a:0.06445962935686111 tho:0.024213993921875954 his:0.021088384091854095 :0.05070343241095543 +and:0.13839654624462128 of:0.126355841755867 in:0.05063873529434204 on:0.0388985350728035 :0.04183877632021904 +of:0.17078569531440735 the:0.10595076531171799 a:0.0970381423830986 and:0.03182600066065788 :0.047168586403131485 +to:0.1925009787082672 of:0.049826350063085556 that:0.049282971769571304 the:0.04517592862248421 :0.04628020524978638 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.07552014291286469 The:0.03097405657172203 of:0.02570183202624321 in:0.020382003858685493 :0.1654927134513855 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +to:0.47180187702178955 and:0.03353957086801529 deed:0.01534315850585699 mortgage:0.014550541527569294 :0.13593584299087524 +the:0.04452856630086899 and:0.04289734363555908 of:0.035191088914871216 The:0.018371591344475746 :0.17243686318397522 +of:0.048868875950574875 and:0.04405232146382332 the:0.03280138224363327 to:0.023142416030168533 :0.15923365950584412 +and:0.09066857397556305 of:0.036750975996255875 was:0.018701767548918724 the:0.009786552749574184 :0.3290668725967407 +A:0.011123798787593842 C:0.011096302419900894 M:0.010114583186805248 W:0.00914588663727045 :0.40005025267601013 +than:0.33993300795555115 and:0.05091477930545807 proportion:0.016590291634202003 size:0.01106527540832758 :0.08334676176309586 +same:0.004845309071242809 most:0.004082027357071638 said:0.003979674074798822 whole:0.003920022863894701 :0.3504473567008972 +the:0.2621416449546814 a:0.06336333602666855 two:0.015027310699224472 tho:0.012502145022153854 :0.138868510723114 +and:0.07730965316295624 A.:0.029963558539748192 the:0.016571570187807083 at:0.013919293880462646 :0.21074029803276062 +and:0.14022988080978394 in:0.03629114478826523 is:0.020425502210855484 to:0.019702451303601265 :0.11856561154127121 +best:0.025925908237695694 money:0.0135252196341753 same:0.013196386396884918 most:0.011481710709631443 :0.1574658900499344 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +own:0.032139454036951065 heads:0.013451086357235909 lives:0.011868396773934364 eyes:0.008842641487717628 :0.18949119746685028 +and:0.07971695065498352 in:0.05802195146679878 men:0.0440191812813282 of:0.03225422278046608 :0.07876387983560562 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.3156227767467499 a:0.02813773788511753 this:0.02790733240544796 tho:0.015222071669995785 :0.10254357755184174 +and:0.04606704041361809 I:0.03813885524868965 to:0.029400339350104332 the:0.022358404472470284 :0.1808074712753296 +the:0.02659345045685768 a:0.017539821565151215 any:0.014126922003924847 other:0.014120267704129219 :0.28184041380882263 +2,:0.07107056677341461 and:0.06859860569238663 to:0.04132326692342758 the:0.023775985464453697 :0.2751813530921936 +the:0.08149748295545578 a:0.03034103848040104 to:0.015494018793106079 that:0.012293822132050991 :0.14923621714115143 +line:0.04638683795928955 as:0.04636450111865997 to:0.042298778891563416 and:0.037508588284254074 :0.12187334895133972 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +been:0.3446783125400543 a:0.02494148723781109 not:0.0243774875998497 become:0.023557474836707115 :0.0681038573384285 +the:0.07843209058046341 it:0.06289228796958923 they:0.04159010946750641 I:0.03336562588810921 :0.05542558804154396 +the:0.20258139073848724 a:0.05300552397966385 his:0.028646109625697136 their:0.023513611406087875 :0.08028780668973923 +he:0.19138307869434357 that:0.16559500992298126 to:0.07303448766469955 the:0.060600053519010544 :0.06558080017566681 +the:0.20647062361240387 a:0.025052815675735474 this:0.018603747710585594 tho:0.010255366563796997 :0.1496637761592865 +in:0.05822969600558281 as:0.0582154355943203 whereas,:0.05255779251456261 with:0.037500251084566116 :0.09540987014770508 +the:0.22588394582271576 said:0.03959399461746216 a:0.029176130890846252 this:0.017163624987006187 :0.1706891506910324 +be:0.3596512973308563 have:0.07968432456254959 bo:0.02379876933991909 not:0.023058302700519562 :0.04656831547617912 +and:0.06960646063089371 of:0.037814896553754807 the:0.022459954023361206 to:0.015816429629921913 :0.23065310716629028 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +for:0.5385962724685669 of:0.04002111405134201 and:0.032187703996896744 to:0.02999563328921795 :0.028567275032401085 +the:0.12725774943828583 it:0.06838037073612213 I:0.04583201929926872 we:0.04483018442988396 :0.044356707483530045 +in:0.06417431682348251 and:0.041396614164114 to:0.035485442727804184 were:0.03297015652060509 :0.11045510321855545 +and:0.008898347616195679 A:0.007283604703843594 W:0.006974478717893362 C:0.0066928560845553875 :0.4792376160621643 +stantly:0.059671033173799515 sidered:0.0463675931096077 cerned:0.04543745145201683 cerned,:0.04034874960780144 :0.42350783944129944 +a:0.04890450835227966 not:0.040928423404693604 in:0.027550706639885902 the:0.01751522719860077 :0.10871876776218414 +of:0.19616274535655975 and:0.09231320768594742 in:0.057005852460861206 are:0.05649012699723244 :0.03235524892807007 +and:0.07083451747894287 to:0.048347171396017075 was:0.042876094579696655 of:0.03583204746246338 :0.10980508476495743 +and:0.16121689975261688 in:0.08341708779335022 to:0.04750348627567291 of:0.04067854583263397 :0.03631821274757385 +and:0.23989351093769073 or:0.053150348365306854 with:0.039683859795331955 in:0.035638477653265 :0.06931648403406143 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.28941839933395386 and:0.08385927975177765 is:0.05426408722996712 that:0.04514165222644806 :0.033574674278497696 +way:0.03606124594807625 and:0.01777646876871586 county:0.011548400856554508 city:0.009632619097828865 :0.17959138751029968 +wife:0.021548351272940636 name:0.01674782671034336 own:0.015260620042681694 head:0.010895077139139175 :0.132144495844841 +the:0.32753992080688477 a:0.10612612962722778 all:0.06326087564229965 his:0.015418164432048798 :0.07644952833652496 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +the:0.1280546486377716 a:0.03444410860538483 that:0.02103813923895359 to:0.013963618315756321 :0.16288727521896362 +of:0.8716740012168884 ot:0.01737171970307827 ol:0.00559009937569499 the:0.00516350194811821 :0.013582938350737095 +be:0.5348942279815674 bo:0.03504813089966774 not:0.022879214957356453 do:0.011546929366886616 :0.042110029608011246 +gress:0.04693561792373657 struction:0.03899412974715233 tract:0.019549887627363205 science:0.0168913621455431 :0.49915534257888794 +or:0.1036146953701973 of:0.0706036165356636 and:0.06592372059822083 years:0.05638580024242401 :0.12367873638868332 +and:0.13241499662399292 that:0.025829117745161057 to:0.02306465059518814 in:0.020753804594278336 :0.07270032167434692 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +good:0.059572309255599976 little:0.030785225331783295 great:0.029773332178592682 few:0.017572185024619102 :0.15864945948123932 +and:0.059630993753671646 of:0.054260578006505966 in:0.03848695009946823 or:0.025469819083809853 :0.167164146900177 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.056805647909641266 a:0.02587648667395115 in:0.012934517115354538 to:0.009866847656667233 :0.1839962601661682 +of:0.2082275152206421 and:0.10016873478889465 in:0.04004693031311035 is:0.021118026226758957 :0.06905855238437653 +The:0.12096619606018066 He:0.06560133397579193 It:0.0468921922147274 She:0.03350965306162834 :0.1022120788693428 +not:0.6112032532691956 the:0.04129374772310257 to:0.014176788739860058 not,:0.013844328932464123 :0.02658628299832344 +and:0.05646193027496338 of:0.037202876061201096 in:0.006146769504994154 or:0.005431736819446087 :0.2756018340587616 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.124028779566288 a:0.027667483314871788 that:0.025090837851166725 to:0.022512344643473625 :0.10051637887954712 +and:0.02755524404346943 of:0.022592777386307716 the:0.020127812400460243 to:0.013820424675941467 :0.36443018913269043 +same:0.01216926984488964 most:0.0088626928627491 whole:0.007088327780365944 said:0.005795723758637905 :0.181741863489151 +and:0.08765310794115067 to:0.04953109100461006 of:0.048250582069158554 in:0.036836862564086914 :0.15536601841449738 +duty:0.04568930342793465 name:0.03906054049730301 names:0.023045549169182777 life:0.010997536592185497 :0.09187357872724533 +of:0.09491533786058426 time:0.030142569914460182 very:0.018649784848093987 few:0.012612746097147465 :0.11163702607154846 +the:0.13782940804958344 a:0.025745820254087448 tho:0.0061098490841686726 Oold:0.0060784476809203625 :0.48439687490463257 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +as:0.12683242559432983 that:0.11798974871635437 and:0.08579567074775696 to:0.05519978329539299 :0.10333330929279327 +and:0.01903972402215004 .:0.009648098610341549 1:0.006267441436648369 cent:0.005729762837290764 :0.5818012952804565 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +after:0.06772276759147644 as:0.026908470317721367 and:0.025578297674655914 to:0.023359917104244232 :0.14953918755054474 +few:0.04614032059907913 large:0.032894838601350784 number:0.027825430035591125 man:0.020079948008060455 :0.27402108907699585 +sistance:0.030317770317196846 sistant:0.0184161514043808 sembly:0.01641475409269333 and:0.012488316744565964 :0.6023054122924805 +of:0.036657996475696564 and:0.03340523689985275 the:0.031991537660360336 to:0.025885803624987602 :0.23983913660049438 +fault:0.03168436884880066 manded:0.029777145013213158 mands:0.026975292712450027 cided:0.02430719882249832 :0.31503814458847046 +the:0.19392439723014832 them:0.06788373738527298 that:0.05555390566587448 it:0.03667240962386131 :0.03409754857420921 +people:0.011340887285768986 name:0.007570529822260141 names:0.006429736502468586 best:0.006127492059022188 :0.1443205326795578 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.21664531528949738 to:0.05232913792133331 of:0.041508182883262634 with:0.030281057581305504 :0.12201469391584396 +of:0.06662063300609589 amount:0.020894194021821022 country:0.016187801957130432 sum:0.016109276562929153 :0.125102236866951 +been:0.2786584198474884 no:0.03032675012946129 done:0.02879645675420761 had:0.021162208169698715 :0.07170844078063965 +of:0.09166861325502396 ending:0.054768819361925125 and:0.05204349756240845 for:0.04795829951763153 :0.04073769971728325 +day:0.2603262960910797 of:0.027865666896104813 quarter:0.01385278906673193 and:0.012004978954792023 :0.13150055706501007 +the:0.33396631479263306 this:0.06302427500486374 a:0.03803303465247154 such:0.031707651913166046 :0.08001942932605743 +a:0.12835265696048737 one:0.07882986217737198 the:0.0730794221162796 two:0.0366738885641098 :0.07320515066385269 +and:0.07313369959592819 of:0.029176589101552963 the:0.01658129319548607 to:0.015715744346380234 :0.1999908983707428 +the:0.07281932234764099 and:0.04741334542632103 of:0.030424920842051506 to:0.027311047539114952 :0.04751238226890564 +the:0.047289181500673294 ing:0.034615885466337204 and:0.03212983161211014 or:0.014711245894432068 :0.17798757553100586 +own:0.04768075421452522 respective:0.017744114622473717 hands:0.013820149935781956 power:0.011315437965095043 :0.21525795757770538 +west:0.0677780732512474 east:0.043131060898303986 the:0.035895105451345444 of:0.033664487302303314 :0.11211716383695602 +gestion:0.43355897068977356 gest:0.22251681983470917 gested:0.041033536195755005 was:0.0048072184436023235 :0.15540653467178345 +to:0.12846003472805023 and:0.041031260043382645 the:0.02457653358578682 that:0.0233308095484972 :0.1434071809053421 +been:0.13079425692558289 not:0.04662260040640831 a:0.041290976107120514 done:0.016206087544560432 :0.17265023291110992 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.1589212268590927 a:0.03325991705060005 his:0.011522147804498672 tho:0.008170703426003456 :0.19908154010772705 +the:0.22978441417217255 a:0.021940257400274277 which:0.020601050928235054 tho:0.017396461218595505 :0.14877361059188843 +and:0.027009058743715286 from:0.019589073956012726 the:0.018721219152212143 in:0.01694181188941002 :0.2900768518447876 +the:0.12832114100456238 a:0.03221902251243591 any:0.031131183728575706 them:0.01625955104827881 :0.171066552400589 +and:0.04374485835433006 of:0.03984419256448746 to:0.036196425557136536 or:0.028516091406345367 :0.17317067086696625 +be:0.352428138256073 not:0.08391603827476501 have:0.051531121134757996 bo:0.028459612280130386 :0.07882138341665268 +the:0.08480799198150635 it:0.07370693236589432 I:0.03486417979001999 a:0.03378768637776375 :0.050411876291036606 +the:0.14263567328453064 a:0.06903142482042313 an:0.010722463950514793 this:0.007207494229078293 :0.23005624115467072 +and:0.4578589200973511 at:0.02036227658390999 of:0.01603805087506771 in:0.014069217257201672 :0.09952487796545029 +one:0.06642015278339386 man:0.034472256898880005 day:0.02016838826239109 year:0.01629609987139702 :0.18722473084926605 +are:0.09747233241796494 were:0.07985945791006088 have:0.0643911138176918 had:0.03416930511593819 :0.0772809088230133 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +of:0.07280606031417847 and:0.0727236270904541 the:0.025531833991408348 The:0.020401481539011 :0.23072367906570435 +own:0.05067488178610802 husband,:0.018633967265486717 husband:0.01767956092953682 mother:0.011176587082445621 :0.1787686049938202 +the:0.1863274723291397 it:0.042253028601408005 they:0.03893416374921799 he:0.033220455050468445 :0.050786491483449936 +the:0.13869960606098175 a:0.029493244364857674 tho:0.017397478222846985 which:0.011226626113057137 :0.3186214566230774 +be:0.15765896439552307 say:0.02613239921629429 get:0.017636997625231743 bo:0.016221310943365097 :0.08007300645112991 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.24712783098220825 he:0.05059380829334259 it:0.0502612367272377 we:0.03041335567831993 :0.06632205843925476 +the:0.18927958607673645 a:0.051388200372457504 this:0.03782668337225914 order:0.01877155900001526 :0.07179225981235504 +in:0.18219807744026184 by:0.12848052382469177 on:0.04924535006284714 at:0.03768770769238472 :0.07816801965236664 +of:0.7522770762443542 and:0.033704593777656555 in:0.01809707283973694 the:0.013485456816852093 :0.01587766967713833 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +part:0.091539666056633 days:0.06527552008628845 in:0.021340221166610718 morning:0.019678667187690735 :0.1256515234708786 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +and:0.10008768737316132 the:0.04532693326473236 or:0.03229464963078499 of:0.02540978044271469 :0.10718156397342682 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.05949728190898895 a:0.019256506115198135 to:0.01516098901629448 all:0.009482420980930328 :0.09250325709581375 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +for:0.0778295248746872 to:0.07684282213449478 and:0.050129447132349014 medicines:0.031888775527477264 :0.1293470710515976 +is:0.13152818381786346 was:0.07284553349018097 are:0.07113300263881683 were:0.04709012806415558 :0.04771535098552704 +and:0.15166135132312775 which:0.0376129224896431 but:0.0367603562772274 to:0.028081174939870834 :0.036608610302209854 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +the:0.09875110536813736 it:0.0421869158744812 he:0.02537091262638569 a:0.024399852380156517 :0.07307907938957214 +of:0.22159621119499207 and:0.11863826215267181 to:0.048288751393556595 in:0.03963373601436615 :0.05428825691342354 +a:0.030897174030542374 made:0.02794378250837326 the:0.02632596343755722 in:0.01629124954342842 :0.20545263588428497 +pleased:0.0450122132897377 respected:0.03470098599791527 appreciated:0.023427309468388557 esteemed:0.022927137091755867 :0.32962876558303833 +and:0.22791464626789093 to:0.0649857223033905 was:0.04626055806875229 in:0.028059622272849083 :0.0577513761818409 +not:0.06125786155462265 to:0.04089048504829407 a:0.03257095068693161 the:0.03140793740749359 :0.12550465762615204 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +to:0.016637418419122696 s:0.015247886069118977 e:0.012740468606352806 The:0.008328604511916637 :0.24238963425159454 +of:0.3336794972419739 in:0.03611926734447479 and:0.027569998055696487 to:0.02207939140498638 :0.07949471473693848 +time:0.15255865454673767 one:0.03256341069936752 distant:0.025959759950637817 other:0.021819932386279106 :0.1912112832069397 +active:0.031991031020879745 well:0.026462754234671593 and:0.02122475579380989 in:0.020450754091143608 :0.1666010171175003 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +to:0.6566842198371887 from:0.027572328224778175 and:0.02106339856982231 of:0.013883985579013824 :0.027042744681239128 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +the:0.03490433469414711 to:0.030834581702947617 and:0.027459897100925446 of:0.022100787609815598 :0.20628975331783295 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.055290818214416504 the:0.03496865928173065 of:0.018648765981197357 The:0.017157357186079025 :0.15760640799999237 +and:0.08308430016040802 in:0.04475298523902893 was:0.03890383988618851 the:0.03789543733000755 :0.05451611056923866 +the:0.09023686498403549 a:0.08294136822223663 not:0.040206097066402435 to:0.021504878997802734 :0.12167760729789734 +ice:0.12432530522346497 ing:0.10460612922906876 ices:0.04989170283079147 I:0.0402611568570137 :0.17764420807361603 +able:0.0860903337597847 a:0.03972162678837776 the:0.026214152574539185 made:0.02178824692964554 :0.12845510244369507 +place:0.020262641832232475 same:0.008637369610369205 right:0.007231765892356634 first:0.006044592708349228 :0.13481776416301727 +in:0.23557338118553162 by:0.13814184069633484 to:0.09898746758699417 for:0.05816046893596649 :0.053434938192367554 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +and:0.10567285865545273 who:0.08419721573591232 to:0.06943949311971664 in:0.04704180732369423 :0.0687498152256012 +of:0.1724570095539093 and:0.09148659557104111 in:0.03189599886536598 is:0.017987320199608803 :0.07053915411233902 +in:0.4812202751636505 In:0.08246029168367386 as:0.03166704624891281 and:0.02377104014158249 :0.023668544366955757 +the:0.1915142834186554 a:0.11704868078231812 his:0.022188888862729073 an:0.0193969514220953 :0.12121709436178207 +not:0.12711554765701294 have:0.07978193461894989 be:0.07144283503293991 make:0.018953820690512657 :0.07893119007349014 +and:0.059463515877723694 are:0.02456372044980526 to:0.021299319341778755 the:0.02093273587524891 :0.1690751165151596 +of:0.059805020689964294 and:0.031850654631853104 feet:0.018693285062909126 deg.:0.014708147384226322 :0.2714568078517914 +from:0.011848337016999722 way:0.00902454275637865 way.:0.006976319942623377 and:0.00691948551684618 :0.23452942073345184 +and:0.08435028046369553 to:0.026490027084946632 The:0.018797509372234344 of:0.016599323600530624 :0.16484713554382324 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +country:0.023979390040040016 city,:0.018591221421957016 city:0.018282363191246986 act,:0.015703648328781128 :0.14142222702503204 +Mary:0.025503195822238922 Helen:0.011747745797038078 Margaret:0.011299786157906055 Anna:0.010347080416977406 :0.4094873368740082 +of:0.01351224910467863 and:0.011748633347451687 men:0.005366005469113588 other:0.005194411613047123 :0.23916111886501312 +to:0.09074921905994415 in:0.07670731842517853 was:0.06360509246587753 of:0.04279365763068199 :0.03890326991677284 +to:0.0395541675388813 have:0.034717388451099396 the:0.022165078669786453 and:0.014638366177678108 :0.06757333874702454 +The:0.12347546219825745 He:0.0886625275015831 It:0.0318145677447319 A:0.02614038996398449 :0.09122518450021744 +the:0.2621471583843231 said:0.050270501524209976 this:0.025035984814167023 a:0.014293658547103405 :0.1564904749393463 +than:0.05985552445054054 and:0.023963987827301025 ordered:0.018710443750023842 of:0.015021445229649544 :0.16909447312355042 +of:0.14176200330257416 the:0.044619861990213394 to:0.038603249937295914 in:0.03745146468281746 :0.06757300347089767 +was:0.08995236456394196 had:0.06274683773517609 would:0.03565724939107895 has:0.03159787133336067 :0.11311502754688263 +the:0.22930465638637543 be:0.09880590438842773 a:0.015581533312797546 any:0.01134631410241127 :0.10943780839443207 +and:0.030277177691459656 of:0.01857934705913067 in:0.012999184429645538 at:0.012027131393551826 :0.23561610281467438 +of:0.26225513219833374 and:0.2289394736289978 to:0.03861873224377632 are:0.03033686801791191 :0.024900535121560097 +and:0.2505214512348175 to:0.09986717253923416 or:0.037173960357904434 in:0.026306843385100365 :0.048416752368211746 +said:0.023936228826642036 first:0.009840335696935654 same:0.008390171453356743 United:0.00631711445748806 :0.1966845691204071 +the:0.18859097361564636 a:0.11328939348459244 his:0.019362524151802063 which:0.01671086810529232 :0.16596859693527222 +of:0.25783640146255493 by:0.06586049497127533 to:0.04936249554157257 me:0.04841221496462822 :0.037379179149866104 +of:0.8639765977859497 ot:0.014098672196269035 in:0.01114635355770588 to:0.010284706950187683 :0.008392732590436935 +be:0.5335502624511719 not:0.03582688793540001 have:0.025172755122184753 be,:0.02471955679357052 :0.045599110424518585 +was:0.057074569165706635 said:0.046108897775411606 had:0.04143989086151123 is:0.031729843467473984 :0.1601923257112503 +and:0.25986361503601074 but:0.09875402599573135 for:0.036302682012319565 if:0.030716627836227417 :0.04863300919532776 +of:0.5592598915100098 the:0.019788833335042 ment:0.015009617432951927 and:0.01328243501484394 :0.06027727201581001 +only:0.038702499121427536 first:0.03590204194188118 most:0.022235482931137085 last:0.013927548192441463 :0.16359886527061462 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +of:0.20472344756126404 and:0.14076249301433563 with:0.02372637577354908 at:0.022209394723176956 :0.08591653406620026 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +the:0.3274030387401581 a:0.038815755397081375 his:0.017238527536392212 their:0.014773347415030003 :0.14373314380645752 +of:0.6562463045120239 to:0.029828861355781555 and:0.02232644148170948 that:0.020302852615714073 :0.020574957132339478 +than:0.08509264141321182 and:0.07594901323318481 to:0.03119552880525589 in:0.028119169175624847 :0.1350720375776291 +The:0.11370518058538437 It:0.07694088667631149 He:0.036247797310352325 In:0.028237726539373398 :0.08677830547094345 +date:0.008520219475030899 United:0.008137640543282032 time:0.00669322581961751 day:0.006416283547878265 :0.18612447381019592 +the:0.25598159432411194 a:0.11598072201013565 his:0.0183290746062994 an:0.013898208737373352 :0.12166686356067657 +the:0.28668782114982605 a:0.03528083488345146 tho:0.02147672511637211 this:0.020856961607933044 :0.12847952544689178 +be:0.32472315430641174 not:0.06591826677322388 have:0.023862294852733612 bo:0.017070438712835312 :0.0436340868473053 +and:0.18950487673282623 of:0.027423424646258354 was:0.026021558791399002 the:0.02501760981976986 :0.17140185832977295 +many:0.06868955492973328 two:0.049827247858047485 no:0.04765280336141586 a:0.03628687188029289 :0.07285839319229126 +the:0.04562543332576752 other:0.023590903729200363 a:0.01945280097424984 of:0.011290200985968113 :0.39372000098228455 +the:0.21953414380550385 he:0.05930737406015396 a:0.03779294341802597 it:0.03125927597284317 :0.04553556442260742 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +of:0.13582949340343475 and:0.035089850425720215 to:0.010613946244120598 way:0.00886631477624178 :0.1884675770998001 +to:0.14422355592250824 and:0.09167651832103729 for:0.0456569604575634 or:0.018319692462682724 :0.13812385499477386 +the:0.09593760967254639 he:0.0405699722468853 is:0.03948673978447914 they:0.03792184218764305 :0.07013159245252609 +first:0.009790876880288124 following:0.006149866618216038 whole:0.005654805805534124 most:0.005593015346676111 :0.15460732579231262 +much:0.09353991597890854 that:0.05836639180779457 far:0.040379591286182404 many:0.02907097525894642 :0.1364181488752365 +and:0.050768375396728516 to:0.045309100300073624 the:0.04298311844468117 The:0.02757575735449791 :0.15350723266601562 +and:0.08218533545732498 of:0.07150294631719589 to:0.027049470692873 for:0.01884802058339119 :0.15661901235580444 +miles:0.11817292124032974 feet:0.09549535810947418 yards:0.07403653860092163 per:0.04595483839511871 :0.06866344809532166 +of:0.053394194692373276 and:0.04597931727766991 to:0.022372465580701828 in:0.01902657188475132 :0.18564067780971527 +the:0.03332658112049103 to:0.022931043058633804 and:0.01972917653620243 a:0.019408833235502243 :0.12702010571956635 +and:0.058023806661367416 to:0.0368904210627079 for:0.03364080935716629 in:0.02717730775475502 :0.06699936836957932 +the:0.11260659247636795 a:0.05999134108424187 fifteen:0.02998356893658638 eight:0.026190195232629776 :0.12329750508069992 +and:0.06551449000835419 of:0.025544308125972748 who:0.02431388385593891 the:0.016070624813437462 :0.20832055807113647 +of:0.04051817208528519 and:0.03718051686882973 to:0.018426859751343727 the:0.01836816780269146 :0.2756634056568146 +to:0.31352874636650085 and:0.02044372633099556 conditions:0.00941998790949583 from:0.006340670399367809 :0.10568353533744812 +mortgage:0.017104318365454674 court:0.01415981724858284 Court:0.01396509911864996 city:0.01147906482219696 :0.1542939394712448 +active:0.03488383814692497 and:0.02495027706027031 well:0.02071763202548027 good:0.020635563880205154 :0.19683369994163513 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +not:0.05706451088190079 a:0.04755685478448868 the:0.04174186289310455 to:0.04006669297814369 :0.1287747025489807 +been:0.29594847559928894 not:0.024957755580544472 a:0.020227642729878426 the:0.013771025463938713 :0.21970221400260925 +of:0.2618464529514313 that:0.10973607748746872 the:0.06461881846189499 in:0.03503893315792084 :0.05305001884698868 +other:0.21355979144573212 of:0.09560303390026093 one:0.018103886395692825 time:0.014161513186991215 :0.10402428358793259 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +portion:0.023507189005613327 amount:0.015597259625792503 number:0.015045814216136932 part:0.01269564963877201 :0.182438462972641 +of:0.01907205581665039 and:0.012006949633359909 quarter:0.00902811624109745 .:0.0062836636789143085 :0.3388664722442627 +of:0.1352790892124176 and:0.04832310229539871 to:0.017215460538864136 the:0.011583392508327961 :0.19328036904335022 +the:0.13996563851833344 be:0.03720291703939438 make:0.016837669536471367 see:0.014875257387757301 :0.12346942722797394 +the:0.1365995556116104 a:0.026257531717419624 tho:0.018788879737257957 to:0.009727010503411293 :0.3012331426143646 +the:0.22167356312274933 a:0.058219313621520996 their:0.021905571222305298 which:0.013619703240692616 :0.14481906592845917 +to:0.09026160836219788 in:0.026301978155970573 and:0.02459906041622162 that:0.0244526918977499 :0.18586039543151855 +fault:0.03168436884880066 manded:0.029777145013213158 mands:0.026975292712450027 cided:0.02430719882249832 :0.31503814458847046 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +said:0.1500219851732254 the:0.12549220025539398 lot:0.011132778599858284 a:0.010363791137933731 :0.15867651998996735 +made:0.03180757164955139 a:0.022379431873559952 taken:0.01652827113866806 the:0.01501802820712328 :0.20456822216510773 +be:0.16844679415225983 have:0.1423194408416748 not:0.029740620404481888 do:0.018237287178635597 :0.06196768954396248 +the:0.24587583541870117 a:0.04224688559770584 this:0.027290090918540955 their:0.020765990018844604 :0.07188902050256729 +the:0.15015961229801178 a:0.046407587826251984 not:0.02289862558245659 said:0.015618505887687206 :0.1824188232421875 +friends:0.008782325312495232 people:0.007463868707418442 wife:0.006818915251642466 .:0.005464496091008186 :0.14837265014648438 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.08717020601034164 a:0.027077138423919678 that:0.016298159956932068 of:0.010400110855698586 :0.1288018822669983 +and:0.07535151392221451 of:0.06617868691682816 the:0.047003064304590225 to:0.032776180654764175 :0.11754058301448822 +the:0.34086576104164124 a:0.026586618274450302 him:0.017604418098926544 his:0.016579842194914818 :0.09291145950555801 +said:0.02630019746720791 necessary:0.024182887747883797 the:0.023610929027199745 a:0.023093437775969505 :0.15968811511993408 +to:0.1057017520070076 of:0.09572919458150864 the:0.09459977596998215 a:0.08698458969593048 :0.08867352455854416 +to:0.034851476550102234 the:0.030564311891794205 and:0.02941354364156723 in:0.019157547503709793 :0.14008194208145142 +and:0.02790852077305317 was:0.027750752866268158 the:0.026688382029533386 to:0.026047153398394585 :0.22097638249397278 +know:0.05386008322238922 want:0.026809213683009148 think:0.024889199063181877 see:0.023745935410261154 :0.10354577004909515 +Smith,:0.007405806332826614 H.:0.006444642320275307 .:0.005681787151843309 B.:0.0055131674744188786 :0.5249585509300232 +of:0.055577248334884644 in:0.051055047661066055 from:0.050943635404109955 and:0.05086309835314751 :0.09598994255065918 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +that:0.06918302923440933 the:0.054958097636699677 he:0.04918424412608147 mortgage:0.03165533393621445 :0.08809952437877655 +by:0.12789300084114075 a:0.09917756915092468 the:0.08211778104305267 in:0.060577232390642166 :0.04914049431681633 +the:0.18557436764240265 and:0.11839883774518967 which:0.020633595064282417 was:0.01620630919933319 :0.08383646607398987 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.06478627026081085 a:0.06128722429275513 not:0.021487269550561905 in:0.01586754247546196 :0.11026989668607712 +and:0.09097404778003693 in:0.06209049001336098 of:0.02813759818673134 on:0.024866344407200813 :0.16742879152297974 +the:0.2640995681285858 in:0.06789816915988922 him:0.05449710041284561 them:0.03421405702829361 :0.03287941962480545 +parts:0.030602803453803062 kinds:0.02443745546042919 sections:0.014889106154441833 points:0.011572755873203278 :0.16345873475074768 +same:0.008386632427573204 said:0.007425816264003515 first:0.006227140314877033 people:0.0055081890895962715 :0.1473887860774994 +of:0.19360564649105072 in:0.06613899767398834 to:0.05805118381977081 are:0.04500534385442734 :0.05942533165216446 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.37593549489974976 are:0.030479388311505318 the:0.021959565579891205 were:0.01885497197508812 :0.05885947495698929 +and:0.042588815093040466 was:0.0418924018740654 of:0.03348160162568092 is:0.024259153753519058 :0.15120083093643188 +have:0.0678984746336937 had:0.05922248587012291 was:0.05307925119996071 am:0.035322632640600204 :0.07714415341615677 +of:0.15989235043525696 and:0.0820305198431015 in:0.04822153225541115 are:0.03056366927921772 :0.04331782087683678 +to:0.06882689893245697 and:0.02311992272734642 the:0.022819750010967255 in:0.021848957985639572 :0.30247437953948975 +most:0.011967163532972336 same:0.008219918236136436 law:0.00713571161031723 first:0.006926900241523981 :0.183078795671463 +of:0.21620246767997742 the:0.05825432017445564 in:0.0356372632086277 was:0.03104325942695141 :0.04219447448849678 +the:0.38262537121772766 a:0.07442652434110641 this:0.03883367404341698 tho:0.014785719104111195 :0.040683601051568985 +to:0.07841677218675613 in:0.059420328587293625 as:0.0472736656665802 the:0.04591191187500954 :0.06444104015827179 +same:0.08206795901060104 best:0.013935613445937634 most:0.01101525966078043 work:0.007118729874491692 :0.1815721094608307 +said:0.014038375578820705 people:0.012619299814105034 United:0.008266115561127663 same:0.008011269383132458 :0.16576042771339417 +forces:0.06737685203552246 with:0.051783282309770584 and:0.027912789955735207 force:0.022472737357020378 :0.2356380671262741 +crease:0.06219052895903587 terest:0.04438423365354538 terests:0.02982996590435505 to:0.027297964319586754 :0.28168097138404846 +same:0.01679157465696335 most:0.010438467375934124 best:0.007098878268152475 work:0.0064550782553851604 :0.17278651893138885 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +to:0.05125154182314873 the:0.04827206954360008 and:0.038923755288124084 in:0.018520846962928772 :0.13497978448867798 +and:0.03772604092955589 of:0.025209734216332436 to:0.01666112430393696 the:0.015603117644786835 :0.33514517545700073 +of:0.16881924867630005 edited:0.0974903553724289 and:0.07417644560337067 that:0.041271865367889404 :0.04102657735347748 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +to:0.06861526519060135 the:0.044976018369197845 and:0.03211219608783722 The:0.01635529100894928 :0.13306035101413727 +and:0.03522072732448578 of:0.029043197631835938 is:0.028261788189411163 are:0.023251891136169434 :0.21871109306812286 +year:0.054262395948171616 hundred:0.027934180572628975 few:0.019497117027640343 week:0.017275383695960045 :0.18007616698741913 +the:0.13172504305839539 a:0.018614526838064194 this:0.009167280979454517 tho:0.006786441896110773 :0.18937033414840698 +and:0.14002951979637146 the:0.0719948559999466 but:0.03342325985431671 in:0.02131953276693821 :0.07462337613105774 +made:0.030262194573879242 the:0.016572775319218636 not:0.015843136236071587 in:0.013721431605517864 :0.1286921203136444 +same:0.027323294430971146 said:0.012797917239367962 act:0.00957584846764803 following:0.008536102250218391 :0.20993933081626892 +and:0.2296929806470871 the:0.08543740957975388 at:0.03544043004512787 but:0.02618495747447014 :0.05158817395567894 +against:0.39314329624176025 to:0.06207723543047905 of:0.05008251219987869 and:0.04452509060502052 :0.031213484704494476 +the:0.30219581723213196 a:0.09552950412034988 his:0.027702156454324722 their:0.01772269979119301 :0.09083547443151474 +a:0.08161184936761856 the:0.07028279453516006 not:0.048839062452316284 to:0.04423639550805092 :0.10553665459156036 +was:0.09778641909360886 would:0.05124053731560707 had:0.04490083456039429 is:0.04257037490606308 :0.054119087755680084 +the:0.3852786421775818 a:0.03082306869328022 tho:0.024668704718351364 their:0.012485736981034279 :0.15140856802463531 +of:0.0602259524166584 and:0.05056743323802948 The:0.022304175421595573 in:0.020060980692505836 :0.16214866936206818 +States:0.5542920231819153 States,:0.05260438099503517 States.:0.029614483937621117 State*:0.022295890375971794 :0.21487949788570404 +and:0.03735194355249405 to:0.03092276304960251 man:0.012174458242952824 of:0.011667679995298386 :0.17203247547149658 +and:0.013141176663339138 of:0.010104114189743996 amount:0.00803851243108511 in:0.006518904585391283 :0.17827506363391876 +had:0.06005103886127472 was:0.03503425046801567 would:0.0328034944832325 has:0.03246438130736351 :0.0828024297952652 +the:0.2934998869895935 a:0.045258887112140656 this:0.01828850992023945 their:0.016086256131529808 :0.140462726354599 +.:0.7421523928642273 .,:0.014854008331894875 .;:0.0071090045385062695 of:0.006448814179748297 :0.10614755004644394 +the:0.33352184295654297 a:0.10343541949987411 this:0.024022702127695084 said:0.016796348616480827 :0.09637048840522766 +the:0.23303501307964325 a:0.06966289132833481 his:0.01205426175147295 this:0.012035135179758072 :0.21045386791229248 +and:0.08894175291061401 to:0.06101304292678833 or:0.02709626406431198 company:0.023650985211133957 :0.07650718092918396 +same:0.013585232198238373 first:0.012981027364730835 city:0.012977709993720055 case:0.009776578284800053 :0.1773841828107834 +same:0.00934559665620327 first:0.00678707379847765 last:0.006334449630230665 said:0.005455273203551769 :0.16671065986156464 +described:0.14053335785865784 the:0.013045265339314938 is:0.01092260330915451 named:0.01027007307857275 :0.20978911221027374 +of:0.4511801302433014 that:0.10026607662439346 to:0.06826234608888626 for:0.04356086254119873 :0.03867634758353233 +ings:0.3458589017391205 The:0.01528382208198309 In:0.01460304856300354 est:0.009369644336402416 :0.25340718030929565 +residence,:0.07484793663024902 in:0.0298598799854517 Mrs.:0.026793740689754486 of:0.0203520767390728 :0.12882280349731445 +be:0.11901996284723282 make:0.02841160073876381 the:0.02680486999452114 do:0.025511672720313072 :0.08063743263483047 +and:0.1735726147890091 to:0.044000182300806046 in:0.04278992488980293 a:0.030784307047724724 :0.08330424875020981 +be:0.048110805451869965 the:0.03059931844472885 make:0.02434101514518261 have:0.023586247116327286 :0.1203310564160347 +States:0.5542920231819153 States,:0.05260438099503517 States.:0.029614483937621117 State*:0.022295890375971794 :0.21487949788570404 +of:0.1662067323923111 and:0.09742428362369537 who:0.0494556650519371 in:0.04622693359851837 :0.07052101194858551 +the:0.05889824405312538 a:0.034334998577833176 to:0.03257574513554573 made:0.03023160807788372 :0.12583310902118683 +and:0.12576612830162048 the:0.04110649228096008 which:0.029149355366826057 or:0.019094357267022133 :0.0992201566696167 +and:0.09507608413696289 to:0.006297721993178129 mind:0.00463274959474802 part:0.0044562495313584805 :0.23523084819316864 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.0840577706694603 to:0.02613346464931965 the:0.024517489597201347 with:0.020902086049318314 :0.17070721089839935 +of:0.13549824059009552 that:0.09343075007200241 and:0.06450560688972473 in:0.0542505718767643 :0.03932233527302742 +United:0.015556160360574722 most:0.007520648185163736 State:0.006463862955570221 said:0.00635764142498374 :0.2803380787372589 +in:0.07737243920564651 of:0.061351172626018524 is:0.048817794770002365 was:0.03319690749049187 :0.06973240524530411 +the:0.16695578396320343 that:0.031080257147550583 then:0.02739577554166317 as:0.02467697113752365 :0.060348991304636 +man:0.19636958837509155 lady:0.05884050577878952 man,:0.057203859090805054 woman:0.04979968070983887 :0.13517288863658905 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +of:0.07007896155118942 in:0.03706254065036774 the:0.032110583037137985 to:0.023634647950530052 :0.14758828282356262 +.:0.09236336499452591 and:0.019609279930591583 to:0.015853017568588257 a:0.010980116203427315 :0.24598614871501923 +is:0.06207302212715149 was:0.04437074065208435 the:0.043500084429979324 are:0.041704192757606506 :0.04893315210938454 +the:0.052942901849746704 that:0.01617402769625187 a:0.011746729724109173 in:0.0093600545078516 :0.18000073730945587 +that:0.14519347250461578 and:0.09147260338068008 as:0.0821712538599968 to:0.07683881372213364 :0.06113103777170181 +morning:0.08151228725910187 night:0.07143339514732361 and:0.0709478110074997 the:0.05493669956922531 :0.0767500177025795 +the:0.39689773321151733 a:0.05059128254652023 page:0.023032668977975845 tho:0.021531622856855392 :0.07169301807880402 +of:0.0922306701540947 and:0.05377952754497528 the:0.01756790094077587 The:0.013786387629806995 :0.20113897323608398 +slightest:0.04368678480386734 least:0.04216061905026436 consent:0.03421429917216301 aid:0.019135409966111183 :0.19262853264808655 +in:0.09731705486774445 who:0.09089881181716919 of:0.07130848616361618 to:0.060731176286935806 :0.054346662014722824 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +way:0.03912458196282387 own:0.018912620842456818 appearance:0.009663407690823078 work:0.005304303951561451 :0.14451958239078522 +The:0.08312344551086426 It:0.04722513258457184 We:0.03580104932188988 I:0.032677702605724335 :0.09653884172439575 +the:0.08277282118797302 York:0.0556320883333683 that:0.04578486457467079 I:0.0320536345243454 :0.0828385204076767 +and:0.048959601670503616 was:0.027905398979783058 of:0.024971548467874527 a:0.015912827104330063 :0.10665283352136612 +of:0.1569567173719406 and:0.12375526130199432 to:0.0395297147333622 in:0.03516063839197159 :0.0472756028175354 +of:0.12000703066587448 was:0.030397627502679825 is:0.026802878826856613 and:0.019365746527910233 :0.16274411976337433 +of:0.12330823391675949 in:0.025668511167168617 and:0.024010827764868736 the:0.011842970736324787 :0.11512729525566101 +the:0.31998127698898315 said:0.07809343934059143 a:0.038549985736608505 this:0.020978450775146484 :0.12393716722726822 +for:0.09515415877103806 and:0.08439981192350388 at:0.07887627929449081 in:0.06809492409229279 :0.0454079806804657 +in:0.1586204171180725 of:0.08677606284618378 as:0.07402457296848297 and:0.046666219830513 :0.04154270514845848 +of:0.2443680614233017 and:0.06600739061832428 to:0.0647965595126152 by:0.04025474190711975 :0.054487887769937515 +cents:0.08863135427236557 per:0.07615605741739273 o'clock:0.04691489413380623 to:0.04480727016925812 :0.16766592860221863 +the:0.06649284064769745 to:0.056111760437488556 a:0.026837626472115517 and:0.026476765051484108 :0.17009203135967255 +the:0.08465837687253952 and:0.07171924412250519 at:0.06213650479912758 or:0.04999573901295662 :0.07613454014062881 +the:0.39937636256217957 a:0.0520293302834034 to:0.02845984324812889 tho:0.01912357099354267 :0.14142553508281708 +is:0.03213724121451378 and:0.03003314882516861 of:0.02708303928375244 the:0.024624982848763466 :0.09573892503976822 +the:0.3168341815471649 a:0.03056204691529274 this:0.021556323394179344 tho:0.011605266481637955 :0.16333064436912537 +States:0.412871778011322 States,:0.1430540382862091 States.:0.058108676224946976 and:0.013363955542445183 :0.17593489587306976 +the:0.21278734505176544 a:0.026309555396437645 his:0.022373508661985397 tho:0.013685236684978008 :0.14600686728954315 +and:0.029100090265274048 states:0.017728526145219803 part:0.016275623813271523 corner:0.011730166152119637 :0.2353425920009613 +the:0.2232370674610138 a:0.05659591034054756 their:0.01971409097313881 his:0.011634659953415394 :0.10576451569795609 +of:0.5336541533470154 where:0.05763067677617073 and:0.028712652623653412 in:0.020878473296761513 :0.021274931728839874 +the:0.35338008403778076 this:0.03785690665245056 which:0.037591759115457535 a:0.02815735898911953 :0.09389755874872208 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +liams:0.2673260271549225 liam:0.18540288507938385 and:0.005059715360403061 I:0.0018613190623000264 :0.39759960770606995 +and:0.04966575279831886 to:0.014486420899629593 of:0.013642175123095512 in:0.008633660152554512 :0.1908898800611496 +the:0.10423926264047623 a:0.03252110257744789 to:0.020863793790340424 in:0.01877010054886341 :0.12184619903564453 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +and:0.22532013058662415 as:0.03650839626789093 to:0.031434256583452225 the:0.021123334765434265 :0.07127664238214493 +of:0.48877114057540894 to:0.09900523722171783 for:0.059411581605672836 in:0.0322566032409668 :0.028955955058336258 +is:0.027602044865489006 year:0.02591228112578392 morning:0.015282494015991688 was:0.0128434207290411 :0.154457688331604 +and:0.07697460800409317 to:0.0386991947889328 of:0.025459159165620804 the:0.021705245599150658 :0.1874276101589203 +the:0.05674300342798233 and:0.03816640004515648 to:0.028459249064326286 in:0.019976070150732994 :0.18523631989955902 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +own:0.025663912296295166 people:0.016796793788671494 country:0.015315479598939419 State:0.011126575991511345 :0.1643151491880417 +to:0.34865477681159973 by:0.25729092955589294 for:0.07983484864234924 that:0.0646713376045227 :0.02795303426682949 +man:0.03793071210384369 and:0.014607659541070461 home:0.007385602220892906 woman:0.006935137789696455 :0.21075782179832458 +a:0.03833957016468048 the:0.03677399829030037 not:0.0350802056491375 in:0.017863549292087555 :0.15307003259658813 +than:0.11669106781482697 the:0.03627428784966469 and:0.025810010731220245 or:0.018836405128240585 :0.1774042397737503 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +m:0.07350753992795944 m.:0.01172391977161169 and:0.009197265841066837 in.:0.0073861670680344105 :0.24626527726650238 +of:0.08705247193574905 or:0.06591145694255829 in:0.06562905758619308 and:0.04189128056168556 :0.08030854165554047 +the:0.25835153460502625 this:0.048190414905548096 a:0.023138348013162613 his:0.02303454466164112 :0.0763203576207161 +the:0.45601245760917664 a:0.04931095615029335 his:0.03159221261739731 their:0.02529408037662506 :0.032748445868492126 +and:0.046435464173555374 of:0.036569878458976746 is:0.020806685090065002 was:0.017214680090546608 :0.25581836700439453 +is:0.0643310695886612 was:0.05479997768998146 the:0.05184550583362579 he:0.04512649029493332 :0.06401044130325317 +a:0.08788780122995377 not:0.050552643835544586 the:0.042617060244083405 now:0.01887482777237892 :0.10952841490507126 +the:0.034794073551893234 and:0.032807253301143646 a:0.019953837618231773 The:0.016081083565950394 :0.12207594513893127 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +own:0.025663912296295166 people:0.016796793788671494 country:0.015315479598939419 State:0.011126575991511345 :0.1643151491880417 +was:0.06021321192383766 had:0.040149930864572525 would:0.02450430393218994 is:0.021390175446867943 :0.09917697310447693 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +stones.:0.024522822350263596 and:0.020883115008473396 stones:0.014308667741715908 metals:0.014070947654545307 :0.2909410893917084 +of:0.12000703066587448 was:0.030397627502679825 is:0.026802878826856613 and:0.019365746527910233 :0.16274411976337433 +a:0.0661444142460823 to:0.04986611753702164 the:0.04327281564474106 one:0.03250493109226227 :0.17121301591396332 +gether:0.16223034262657166 day:0.11127959936857224 ward:0.10195557773113251 gether,:0.060056235641241074 :0.09700620919466019 +the:0.26079562306404114 this:0.04426567628979683 said:0.0343012660741806 a:0.021424107253551483 :0.07575207203626633 +a:0.1501687467098236 the:0.1352919638156891 to:0.1322047859430313 that:0.027440551668405533 :0.09360752999782562 +United:0.015556160360574722 most:0.007520648185163736 State:0.006463862955570221 said:0.00635764142498374 :0.2803380787372589 +the:0.15991640090942383 we:0.05487038940191269 a:0.04838232323527336 it:0.03322818502783775 :0.047879625111818314 +the:0.05346386879682541 and:0.04576350376009941 ing:0.0309879332780838 of:0.02665935456752777 :0.13690578937530518 +a:0.02836454287171364 made:0.02077404037117958 the:0.020418105646967888 was:0.009990881197154522 :0.2544764280319214 +and:0.18015967309474945 but:0.05592251569032669 the:0.027254153043031693 in:0.021550098434090614 :0.12587596476078033 +lot:0.02140873670578003 mortgage:0.021078843623399734 Court,:0.018072711303830147 county:0.01616648957133293 :0.15376237034797668 +and:0.1522207260131836 who:0.06391912698745728 but:0.04378936439752579 which:0.02844591811299324 :0.07329386472702026 +be:0.07599867135286331 a:0.042271342128515244 than:0.029152749106287956 the:0.020234061405062675 :0.11215940117835999 +of:0.0794096440076828 and:0.07653651386499405 to:0.0672253966331482 in:0.04820767417550087 :0.056866537779569626 +the:0.05082084983587265 a:0.02805444784462452 any:0.020677393302321434 other:0.0164695605635643 :0.26022598147392273 +the:0.08331819623708725 they:0.0335758775472641 of:0.032067399471998215 is:0.02719995193183422 :0.09573166072368622 +merous:0.011666856706142426 and:0.007815837860107422 the:0.004741305019706488 in:0.004231629427522421 :0.30058589577674866 +that:0.31795814633369446 the:0.09683865308761597 in:0.06004321947693825 it:0.05319331958889961 :0.03408966213464737 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +great:0.012880701571702957 little:0.0108603835105896 large:0.010587240569293499 few:0.009551470167934895 :0.2745766341686249 +and:0.14737364649772644 in:0.07095346599817276 of:0.07024718821048737 is:0.04401625692844391 :0.043681927025318146 +been:0.2530875504016876 not:0.05342184379696846 a:0.03354465216398239 become:0.017324406653642654 :0.07013625651597977 +hour:0.02021348848938942 act:0.01762322336435318 area:0.015654176473617554 amount:0.013847878202795982 :0.20173698663711548 +street:0.02935134619474411 line:0.009514017961919308 street,:0.008951961994171143 road:0.00881130900233984 :0.3437905013561249 +cures:0.01840890571475029 and:0.016195174306631088 in:0.010274446569383144 three:0.008041474036872387 :0.24459253251552582 +wife:0.023018240928649902 own:0.01781407557427883 friends:0.011615267023444176 head:0.009715096093714237 :0.15365344285964966 +She:0.07529354840517044 The:0.06990429759025574 I:0.038339462131261826 He:0.03135063499212265 :0.15736474096775055 +The:0.1450512856245041 It:0.07713662087917328 He:0.04425930604338646 A:0.02963528037071228 :0.1210540160536766 +of:0.6064191460609436 and:0.07907073199748993 for:0.0284972433000803 to:0.015320997685194016 :0.01904302090406418 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +own:0.03925302252173424 husband,:0.01156309712678194 husband:0.010581855662167072 life:0.008124218322336674 :0.1931963711977005 +on:0.16465702652931213 out:0.08969847112894058 to:0.08273357897996902 by:0.07404020428657532 :0.04171309992671013 +and:0.04093339666724205 of:0.036822300404310226 Mrs.:0.013941916637122631 the:0.013454572297632694 :0.23129989206790924 +village:0.026621287688612938 a:0.0220374446362257 the:0.02179875038564205 in:0.01774846576154232 :0.2242189645767212 +the:0.5208903551101685 a:0.02678559720516205 tho:0.025641772896051407 his:0.022445544600486755 :0.06135255843400955 +way:0.16450229287147522 other:0.07219991832971573 of:0.041196439415216446 manner:0.026460304856300354 :0.09639552980661392 +the:0.04595606029033661 and:0.037162743508815765 of:0.028402812778949738 that:0.018531620502471924 :0.17974373698234558 +the:0.05149473994970322 a:0.015960680320858955 to:0.006948273628950119 of:0.00638584652915597 :0.14900046586990356 +the:0.07756981998682022 a:0.02023162879049778 to:0.012884993106126785 that:0.012401355430483818 :0.24802663922309875 +limits:0.0665447935461998 last:0.04726732149720192 past:0.03963100165128708 next:0.035790055990219116 :0.16751502454280853 +the:0.14102531969547272 a:0.026749592274427414 be:0.026187364012002945 make:0.014612981118261814 :0.08965674787759781 +that:0.21033650636672974 to:0.06944866478443146 what:0.051626820117235184 how:0.04970178008079529 :0.06173611059784889 +a:0.07918372005224228 the:0.07116357237100601 any:0.05897308140993118 being:0.019170474261045456 :0.17469313740730286 +to:0.06615866720676422 and:0.050912272185087204 the:0.043433114886283875 in:0.02440524473786354 :0.17356552183628082 +of:0.3418981432914734 to:0.04876032844185829 for:0.044650234282016754 and:0.04220011830329895 :0.0398571640253067 +a:0.09513393044471741 as:0.026067202910780907 person:0.021888650953769684 an:0.019867824390530586 :0.1656625121831894 +and:0.04390879347920418 age.:0.030888862907886505 age,:0.01300208643078804 men:0.008264873176813126 :0.28052759170532227 +and:0.13436855375766754 of:0.08674952387809753 was:0.03193396329879761 who:0.024518432095646858 :0.16198794543743134 +to:0.0945824608206749 and:0.05394674092531204 will:0.04550204798579216 are:0.03938056528568268 :0.09682361781597137 +the:0.15755914151668549 route:0.0721316710114479 a:0.02969161421060562 and:0.022551650181412697 :0.2826765179634094 +the:0.09024307131767273 fro:0.08087580651044846 in:0.01779618300497532 to:0.01765761710703373 :0.11977783590555191 +and:0.07710987329483032 H.:0.04166842997074127 A.:0.02512725256383419 W.:0.02199392206966877 :0.42095303535461426 +a:0.06116678938269615 the:0.05016138032078743 to:0.049214109778404236 not:0.034347567707300186 :0.13954657316207886 +will:0.0619724839925766 are:0.05009233579039574 can:0.046613842248916626 have:0.04591258987784386 :0.07120462507009506 +is:0.04271118342876434 was:0.04236637428402901 had:0.03896050900220871 will:0.033311549574136734 :0.11573445051908493 +the:0.2185955047607422 of:0.08073771744966507 that:0.04003255441784859 over:0.028565621003508568 :0.1182565912604332 +of:0.09227855503559113 to:0.07695029675960541 for:0.040190257132053375 the:0.03755904361605644 :0.06836435943841934 +was:0.06250575929880142 had:0.05470244213938713 has:0.04697459563612938 would:0.04631569981575012 :0.11133020371198654 +and:0.08159136772155762 at:0.06441885232925415 by:0.04745582863688469 the:0.046362441033124924 :0.05326974764466286 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.056202832609415054 a:0.03315127268433571 to:0.008049010299146175 in:0.006229947321116924 :0.19985048472881317 +and:0.06590539216995239 in:0.052330855280160904 the:0.050151024013757706 of:0.04733622446656227 :0.11259154975414276 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +of:0.037800513207912445 and:0.02942241169512272 amount:0.021100500598549843 statement:0.012380347587168217 :0.14839588105678558 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +be:0.11536943912506104 have:0.05012073740363121 say:0.04808042198419571 not:0.043034616857767105 :0.08299042284488678 +vey:0.19216622412204742 rounded:0.18089883029460907 prised:0.06976166367530823 plus:0.054528310894966125 :0.28065797686576843 +of:0.2292966991662979 and:0.07261987775564194 in:0.041862428188323975 that:0.03531231731176376 :0.049074687063694 +der:0.17858342826366425 til:0.02962576039135456 doubtedly:0.018870219588279724 known:0.016605017706751823 :0.2431364208459854 +of:0.3698994517326355 and:0.048449933528900146 council:0.020818352699279785 is:0.01532029639929533 :0.0482129231095314 +own:0.04584718123078346 name:0.014591141603887081 life:0.014553029090166092 wife:0.011785115115344524 :0.17689689993858337 +the:0.15285855531692505 a:0.018190471455454826 this:0.015163258649408817 tho:0.009580033831298351 :0.174189493060112 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +The:0.1502804458141327 It:0.08000706881284714 He:0.03289454057812691 If:0.027447471395134926 :0.06665049493312836 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +of:0.5092393755912781 that:0.034098152071237564 and:0.028377849608659744 which:0.018712829798460007 :0.04128056764602661 +the:0.046248506754636765 of:0.028941499069333076 a:0.024247318506240845 and:0.01678858883678913 :0.2056138962507248 +a:0.23133119940757751 the:0.08044146746397018 an:0.06728164106607437 of:0.031182732433080673 :0.13741479814052582 +and:0.09376385807991028 was:0.09244845062494278 of:0.07036088407039642 in:0.039679206907749176 :0.061326030641794205 +the:0.0899164229631424 it:0.04676468297839165 that:0.03811938688158989 I:0.027750108391046524 :0.04320202022790909 +of:0.5134692192077637 for:0.09189792722463608 and:0.03459160402417183 ot:0.027936724945902824 :0.02523493766784668 +the:0.12974026799201965 it:0.08351660519838333 he:0.07084870338439941 there:0.040097229182720184 :0.049420323222875595 +of:0.10289880633354187 to:0.08620297908782959 the:0.04697924107313156 for:0.02521561272442341 :0.07757754623889923 +rived:0.15628229081630707 ranged:0.061474982649087906 rested:0.019895652309060097 rangements:0.014449487440288067 :0.4258666932582855 +than:0.06898549944162369 and:0.0629039853811264 of:0.04715478792786598 to:0.029828550294041634 :0.12322087585926056 +the:0.10251546651124954 had:0.03954211249947548 he:0.0307412538677454 it:0.018766185268759727 :0.05989549309015274 +and:0.053881824016571045 of:0.04116074740886688 was:0.011380735784769058 is:0.010742897167801857 :0.11805199831724167 +the:0.18647164106369019 there:0.04391520470380783 it:0.03558826446533203 we:0.02607993595302105 :0.08354317396879196 +in:0.0790674015879631 by:0.07642442733049393 at:0.07438260316848755 a:0.06509241461753845 :0.0811329185962677 +amount:0.07291113585233688 of:0.05390322208404541 name:0.02313896082341671 and:0.021873069927096367 :0.10090520977973938 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +the:0.045363109558820724 a:0.0383765883743763 to:0.022936204448342323 and:0.015339110977947712 :0.2440134584903717 +that:0.1524582803249359 of:0.06789367645978928 in:0.05526398494839668 is:0.05330189689993858 :0.046932220458984375 +and:0.21424095332622528 of:0.166617289185524 are:0.053340643644332886 in:0.050165459513664246 :0.04541546851396561 +and:0.1411992609500885 the:0.0423048660159111 but:0.038883406668901443 a:0.0346624031662941 :0.05085230618715286 +and:0.0885007381439209 the:0.06860265135765076 or:0.04655395820736885 to:0.02991180121898651 :0.06671816110610962 +and:0.2678232192993164 but:0.07297138124704361 as:0.06760211288928986 the:0.04861024394631386 :0.020892564207315445 +are:0.06340624392032623 can:0.057436153292655945 have:0.055783502757549286 will:0.04483238607645035 :0.055710162967443466 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +of:0.26166126132011414 who:0.0577114038169384 to:0.04644044488668442 in:0.0401947945356369 :0.036791641265153885 +the:0.04574476182460785 of:0.0336393304169178 and:0.03274253010749817 to:0.025858016684651375 :0.24179460108280182 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.05259525030851364 he:0.04970686510205269 lie:0.022337649017572403 a:0.016646649688482285 :0.3025642931461334 +are:0.11483923345804214 were:0.09597868472337723 will:0.0752810537815094 have:0.0710834264755249 :0.059421516954898834 +the:0.07157498598098755 that:0.02745174616575241 to:0.016496160998940468 in:0.015115072019398212 :0.0737408921122551 +block:0.3464915156364441 6,:0.04700630158185959 and:0.033357467502355576 Block:0.02194172888994217 :0.12800543010234833 +be:0.1793118417263031 have:0.14432963728904724 not:0.06800069659948349 make:0.018001725897192955 :0.06031649559736252 +to:0.17244479060173035 in:0.06034943088889122 the:0.056955307722091675 on:0.055950429290533066 :0.03906293585896492 +not:0.2557368278503418 be:0.1790817677974701 have:0.03112739324569702 see:0.0292335357517004 :0.07961880415678024 +the:0.307650625705719 a:0.0880710706114769 his:0.0219810102134943 their:0.020556118339300156 :0.10248715430498123 +the:0.07343453168869019 be:0.041080839931964874 make:0.027448516339063644 satisfy:0.024129368364810944 :0.15050044655799866 +is:0.13308504223823547 was:0.07141561061143875 has:0.05683671683073044 are:0.03290768712759018 :0.05925880745053291 +and:0.08017352223396301 or:0.017271341755986214 as:0.014428701251745224 to:0.01297165360301733 :0.15440040826797485 +and:0.12121192365884781 to:0.08029984682798386 of:0.07974941283464432 the:0.06457079201936722 :0.056572217494249344 +the:0.269552618265152 he:0.039182309061288834 it:0.03655403479933739 they:0.027830254286527634 :0.07611489295959473 +the:0.38344189524650574 a:0.05141311511397362 this:0.02808067761361599 his:0.02087569795548916 :0.12761615216732025 +up:0.11458978801965714 on:0.06837602704763412 upon:0.06442716717720032 to:0.06121785566210747 :0.05442233383655548 +is:0.2836778461933136 was:0.14617128670215607 Is:0.059683095663785934 has:0.04191187396645546 :0.05975716933608055 +The:0.1131976991891861 It:0.0428619384765625 He:0.02895273268222809 A:0.028854070231318474 :0.2102336287498474 +had:0.0689370185136795 are:0.057630088180303574 has:0.05263235792517662 was:0.0512041337788105 :0.04832220822572708 +was:0.1472414880990982 has:0.07323020696640015 is:0.07167426496744156 had:0.06797470897436142 :0.07300592958927155 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +the:0.2665107846260071 he:0.04667758196592331 a:0.046205759048461914 after:0.040759529918432236 :0.05025465786457062 +water:0.00966782495379448 people:0.009183176793158054 same:0.008639867417514324 men:0.008285872638225555 :0.17893388867378235 +and:0.0656159520149231 of:0.04815356805920601 Mrs.:0.024378594011068344 who:0.018749596551060677 :0.2298658937215805 +and:0.05112564563751221 the:0.042766448110342026 of:0.0421486459672451 to:0.014141315594315529 :0.20135405659675598 +hundred:0.073576420545578 miles:0.04765622690320015 or:0.04536386951804161 years:0.04475238174200058 :0.04394714534282684 +and:0.31480157375335693 of:0.1958143413066864 or:0.020619157701730728 in:0.01854625716805458 :0.046481527388095856 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +the:0.18504953384399414 a:0.10684847831726074 he:0.022240065038204193 his:0.017091955989599228 :0.07495864480733871 +and:0.06869807094335556 of:0.05643536150455475 at:0.046134572476148605 in:0.043484095484018326 :0.083501435816288 +of:0.7634511590003967 and:0.020767755806446075 or:0.010631034150719643 ot:0.010437746532261372 :0.02841258980333805 +to:0.12720419466495514 and:0.05893868952989578 of:0.013978765346109867 The:0.013562268577516079 :0.18175913393497467 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.08655639737844467 the:0.047471191734075546 In:0.027467943727970123 in:0.027000989764928818 :0.1378188133239746 +of:0.2374371439218521 in:0.08457008749246597 and:0.08258876204490662 to:0.06276047974824905 :0.037648480385541916 +few:0.03586839511990547 large:0.014755520969629288 great:0.012330948375165462 man:0.012073556892573833 :0.1379711776971817 +was:0.08337639272212982 had:0.04350872337818146 is:0.03765808790922165 has:0.03345349431037903 :0.12556792795658112 +the:0.04689796268939972 to:0.03126247599720955 and:0.020432747900485992 in:0.01963122934103012 :0.14793656766414642 +of:0.1196826919913292 from:0.08404527604579926 and:0.06588666886091232 at:0.02597990073263645 :0.05522492527961731 +of:0.4691944718360901 other:0.0130397854372859 people:0.007967798039317131 likely:0.007148536387830973 :0.16825197637081146 +of:0.26166126132011414 who:0.0577114038169384 to:0.04644044488668442 in:0.0401947945356369 :0.036791641265153885 +and:0.05807390436530113 of:0.04163937643170357 the:0.038299791514873505 to:0.032564207911491394 :0.17890730500221252 +and:0.10588057339191437 to:0.08815823495388031 of:0.061997879296541214 in:0.04015016928315163 :0.03384280204772949 +to:0.6919640898704529 and:0.0256570465862751 of:0.02291717194020748 in:0.01622863858938217 :0.027764098718762398 +The:0.11963796615600586 He:0.050756070762872696 It:0.04380486160516739 I:0.030076565220952034 :0.12044751644134521 +of:0.06238963454961777 or:0.04788828641176224 years:0.04160742834210396 hundred:0.01739099994301796 :0.1993463784456253 +The:0.16273514926433563 A:0.032634444534778595 He:0.027853982523083687 There:0.027525639161467552 :0.07524603605270386 +the:0.19952242076396942 them:0.021019678562879562 it:0.019667338579893112 they:0.018266472965478897 :0.05155465379357338 +of:0.847794234752655 and:0.015719780698418617 ot:0.012126009911298752 to:0.008858460932970047 :0.00676656374707818 +the:0.11966671794652939 be:0.034739550203084946 a:0.02505585551261902 make:0.01889226958155632 :0.17931059002876282 +and:0.05573238432407379 the:0.03132566064596176 of:0.027884313836693764 ing:0.022799795493483543 :0.21444107592105865 +he:0.35606738924980164 the:0.10604841262102127 they:0.0538540817797184 it:0.040672626346349716 :0.03718937560915947 +time:0.05944718420505524 as:0.04869021475315094 in:0.030727997422218323 at:0.027378162369132042 :0.0900932252407074 +own:0.04081447422504425 home:0.013125790283083916 wife:0.008947865106165409 friends:0.006803629919886589 :0.15939073264598846 +most:0.016121458262205124 first:0.011562547646462917 only:0.011556863784790039 fact:0.008206295780837536 :0.17433685064315796 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +said:0.1500219851732254 the:0.12549220025539398 lot:0.011132778599858284 a:0.010363791137933731 :0.15867651998996735 +or:0.032063279300928116 time:0.023299897089600563 time,:0.01730325073003769 compensation:0.012513627298176289 :0.128845676779747 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +had:0.045709509402513504 were:0.04348515719175339 who:0.03712145611643791 have:0.035572707653045654 :0.13358333706855774 +of:0.4065811038017273 and:0.12414950132369995 in:0.04405973479151726 to:0.03467285633087158 :0.04123358428478241 +than:0.5037482976913452 or:0.029834920540452003 of:0.016829904168844223 and:0.01634834334254265 :0.0702856257557869 +have:0.08714407682418823 was:0.054069168865680695 am:0.04160205274820328 had:0.031781408935785294 :0.06784556806087494 +the:0.06530466675758362 as:0.054402343928813934 and:0.023783458396792412 a:0.015754537656903267 :0.18948236107826233 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +be:0.0414009653031826 the:0.04007848724722862 say:0.03422047570347786 do:0.023411089554429054 :0.09669414907693863 +and:0.12458362430334091 the:0.04957427829504013 in:0.02819318138062954 at:0.026153087615966797 :0.09218247979879379 +and:0.10782095044851303 a:0.01674387976527214 to:0.011154876090586185 at:0.008416898548603058 :0.18023645877838135 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +been:0.22281159460544586 a:0.05023995414376259 not:0.02663886733353138 the:0.02092059515416622 :0.09591406583786011 +the:0.32626771926879883 a:0.07757411897182465 their:0.014547687955200672 his:0.014400610700249672 :0.07696579396724701 +is:0.20393991470336914 was:0.09463091939687729 will:0.03776639699935913 would:0.033526234328746796 :0.08905144780874252 +the:0.07367540895938873 any:0.02619357779622078 a:0.023281792178750038 to:0.02031240612268448 :0.22161464393138885 +The:0.07422997057437897 It:0.03291499614715576 He:0.03112214058637619 A:0.022547494620084763 :0.21224075555801392 +of:0.1352790892124176 and:0.04832310229539871 to:0.017215460538864136 the:0.011583392508327961 :0.19328036904335022 +and:0.06078639253973961 the:0.05651214346289635 but:0.03402988612651825 that:0.02036563865840435 :0.06628412753343582 +to:0.12691153585910797 and:0.08139467239379883 in:0.019182782620191574 at:0.013792588375508785 :0.13370390236377716 +two:0.37359344959259033 more:0.15407869219779968 the:0.053720589727163315 a:0.02790110744535923 :0.060787368565797806 +most:0.012185011990368366 same:0.010640785098075867 result:0.010600059293210506 only:0.00753809604793787 :0.19594259560108185 +a:0.15839922428131104 the:0.07261718064546585 an:0.024287039414048195 that:0.017714153975248337 :0.08983969688415527 +of:0.46543776988983154 or:0.03707808628678322 and:0.022365543991327286 who:0.017387274652719498 :0.06369864195585251 +House:0.0363449864089489 bill:0.017932526767253876 said:0.012171602807939053 same:0.010757827199995518 :0.19350014626979828 +the:0.15248674154281616 to:0.09791299700737 in:0.061218153685331345 and:0.04374425858259201 :0.03941350430250168 +have:0.042148031294345856 was:0.037198200821876526 am:0.03423941507935524 had:0.020618068054318428 :0.18111546337604523 +and:0.19794420897960663 the:0.03724869713187218 which:0.03707576543092728 of:0.025863341987133026 :0.08399645984172821 +been:0.1944916695356369 a:0.04642651602625847 not:0.042508579790592194 the:0.023006413131952286 :0.0756799504160881 +been:0.13410697877407074 not:0.04381132125854492 a:0.04288191720843315 the:0.024317098781466484 :0.1391572505235672 +was:0.09676894545555115 had:0.07636670023202896 has:0.048378705978393555 is:0.04066783934831619 :0.08108793944120407 +as:0.2854502499103546 of:0.04378032684326172 more:0.021298302337527275 to:0.02128286100924015 :0.09543389081954956 +is:0.09520597755908966 the:0.07973258942365646 was:0.05478208139538765 he:0.04249510541558266 :0.05439095199108124 +a:0.0969633013010025 the:0.0648980587720871 to:0.04573076590895653 up:0.037522196769714355 :0.1293124258518219 +3,:0.045125849545001984 2,:0.037112075835466385 1,:0.03673957660794258 12,:0.035881128162145615 :0.1331353634595871 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +@:0.11280246824026108 per:0.03863491863012314 a.:0.03394245356321335 cents:0.03291086480021477 :0.1957012265920639 +see:0.06433354318141937 have:0.05678051337599754 go:0.02799326926469803 know:0.023850277066230774 :0.07935503125190735 +and:0.11810974776744843 to:0.02774137258529663 in:0.025511184707283974 was:0.016490839421749115 :0.11258117854595184 +men:0.04359745234251022 were:0.015509942546486855 years:0.015090897679328918 or:0.014872479252517223 :0.1598673164844513 +up:0.09211339801549911 forth:0.07664547860622406 the:0.059878427535295486 out:0.05361489579081535 :0.07867125421762466 +the:0.3563273847103119 a:0.07223746180534363 tho:0.014278980903327465 to:0.010953599587082863 :0.18552513420581818 +is:0.10638667643070221 was:0.058703381568193436 the:0.04770724102854729 they:0.04377366602420807 :0.07071080058813095 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +was:0.15722407400608063 had:0.07920701056718826 would:0.03728184476494789 has:0.03418896347284317 :0.04567604511976242 +and:0.077823206782341 to:0.015965336933732033 The:0.014817792922258377 the:0.014084563590586185 :0.22017669677734375 +the:0.37907859683036804 a:0.02686871588230133 which:0.026268187910318375 this:0.02436216175556183 :0.07021014392375946 +the:0.3620527684688568 a:0.07572485506534576 his:0.03267187997698784 their:0.02008524164557457 :0.04740538075566292 +same:0.010934919118881226 time:0.010454383678734303 first:0.009145384654402733 people:0.00796397402882576 :0.14912302792072296 +best:0.009411870501935482 same:0.009307817555963993 most:0.006454617716372013 right:0.005816057324409485 :0.18493624031543732 +the:0.12719152867794037 be:0.04652707651257515 a:0.018788708373904228 have:0.015042596496641636 :0.18694472312927246 +the:0.37276965379714966 his:0.051420215517282486 a:0.05133013427257538 their:0.027928782626986504 :0.07826399803161621 +and:0.12119331955909729 of:0.04585008695721626 in:0.03777806833386421 was:0.022724749520421028 :0.09550255537033081 +the:0.44965681433677673 a:0.032794080674648285 this:0.026357434689998627 their:0.01904727704823017 :0.09060363471508026 +of:0.09578967094421387 and:0.06816214323043823 the:0.05727604031562805 in:0.05121491104364395 :0.07540250569581985 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.08841506391763687 of:0.022390011698007584 to:0.019702032208442688 the:0.018124939873814583 :0.23805148899555206 +the:0.41592705249786377 a:0.07252958416938782 this:0.022005192935466766 his:0.021646367385983467 :0.09412668645381927 +and:0.04971609264612198 a:0.025335116311907768 to:0.023700740188360214 the:0.02348339930176735 :0.18449902534484863 +the:0.23778501152992249 a:0.04167201742529869 this:0.0313517302274704 case:0.030637137591838837 :0.06804704666137695 +and:0.020876893773674965 the:0.016334988176822662 found:0.013562116771936417 in:0.012807175517082214 :0.11898943781852722 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +the:0.07469012588262558 that:0.06923278421163559 and:0.06159823760390282 of:0.05525615066289902 :0.16640444099903107 +most:0.016742993146181107 way:0.011628659442067146 best:0.011511281132698059 same:0.008628121577203274 :0.19581106305122375 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +of:0.41397953033447266 that:0.06880637258291245 was:0.025193659588694572 to:0.02403162606060505 :0.019863907247781754 +of:0.10688550770282745 and:0.06566615402698517 to:0.052950579673051834 is:0.03042311780154705 :0.2114744335412979 +a:0.1834913194179535 the:0.1755906343460083 an:0.022042857483029366 his:0.021829474717378616 :0.06766588240861893 +of:0.12724798917770386 and:0.025601813569664955 in:0.021108953282237053 to:0.01847909577190876 :0.34814414381980896 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.07379915565252304 of:0.0413859486579895 the:0.024783428758382797 to:0.02179376222193241 :0.1913040429353714 +been:0.08323688805103302 had:0.027186118066310883 passed:0.02113470248878002 made:0.018988944590091705 :0.10792592167854309 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.06021793559193611 to:0.037822216749191284 all:0.0219991784542799 in:0.020223468542099 :0.1562107801437378 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.025249503552913666 the:0.024753650650382042 he:0.020541826263070107 and:0.014663442969322205 :0.2931392788887024 +of:0.30704087018966675 in:0.06137271970510483 and:0.03209385275840759 to:0.020185178145766258 :0.07886309176683426 +and:0.04803938791155815 the:0.04767899215221405 to:0.021618526428937912 of:0.017917659133672714 :0.191166490316391 +the:0.10076464712619781 I:0.027867956086993217 a:0.022341996431350708 my:0.021357078105211258 :0.16959351301193237 +and:0.08064266294240952 to:0.03201528638601303 The:0.029231559485197067 in:0.019574876874685287 :0.1676018238067627 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +other:0.06311880052089691 the:0.04928509145975113 any:0.030333664268255234 more:0.015550999902188778 :0.23898138105869293 +not:0.03207344189286232 in:0.02457379177212715 the:0.022985851392149925 to:0.013101138174533844 :0.1891595721244812 +of:0.3698994517326355 and:0.048449933528900146 council:0.020818352699279785 is:0.01532029639929533 :0.0482129231095314 +the:0.3840215802192688 a:0.06986421346664429 his:0.02905266545712948 all:0.013674640096724033 :0.09508845210075378 +the:0.2058650106191635 he:0.1091388538479805 it:0.030257245525717735 a:0.023823294788599014 :0.04783012717962265 +in:0.062106113880872726 the:0.05010206624865532 he:0.021708134561777115 a:0.021049264818429947 :0.12265604734420776 +the:0.27010613679885864 a:0.0523328073322773 this:0.03379684314131737 his:0.019980663433670998 :0.11185620725154877 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +.:0.02620924636721611 and:0.01877867430448532 was:0.012102216482162476 W.:0.010312190279364586 :0.4833039939403534 +to:0.0645369365811348 and:0.06338825076818466 is:0.03361452370882034 was:0.028090020641684532 :0.1647658348083496 +and:0.24087126553058624 the:0.05385132506489754 in:0.04654349759221077 to:0.029319293797016144 :0.05954420566558838 +of:0.08459937572479248 and:0.07613139599561691 who:0.04115675389766693 were:0.036890238523483276 :0.08338601142168045 +and:0.005589594133198261 State:0.004416936542838812 interest:0.004257540684193373 water:0.0037460075691342354 :0.27420586347579956 +and:0.162528857588768 of:0.05552639812231064 or:0.03448222205042839 by:0.032773856073617935 :0.08790799230337143 +the:0.5004146099090576 this:0.040877118706703186 a:0.02447516657412052 tho:0.021137885749340057 :0.08680352568626404 +people:0.03804104030132294 country:0.017359575256705284 government:0.013312110677361488 own:0.012002583593130112 :0.12004205584526062 +and:0.09682788699865341 of:0.02252979576587677 The:0.020638849586248398 to:0.01941891573369503 :0.13447760045528412 +said:0.1500219851732254 the:0.12549220025539398 lot:0.011132778599858284 a:0.010363791137933731 :0.15867651998996735 +the:0.06720370054244995 by:0.029793331399559975 and:0.025137238204479218 I:0.01939680427312851 :0.21557524800300598 +and:0.06181712821125984 of:0.028551995754241943 the:0.024418797343969345 The:0.012518285773694515 :0.208424910902977 +tirely:0.14674857258796692 titled:0.11478353291749954 gaged:0.05022111535072327 tered:0.048769138753414154 :0.43846118450164795 +the:0.09661852568387985 and:0.02404104545712471 a:0.023883143439888954 it:0.02139248140156269 :0.08052186667919159 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +a:0.09727022051811218 the:0.035239506512880325 in:0.017114032059907913 made:0.014231592416763306 :0.11427835375070572 +the:0.25633329153060913 a:0.025198739022016525 tho:0.013773227110505104 his:0.012604352086782455 :0.11103355884552002 +and:0.22160419821739197 but:0.05369598791003227 in:0.025410808622837067 the:0.025392893701791763 :0.04988750070333481 +of:0.36508485674858093 is:0.04585647955536842 and:0.03913920000195503 was:0.0327279232442379 :0.032145559787750244 +H.:0.03978720307350159 M.:0.035693246871232986 W.:0.03491802141070366 M:0.033732783049345016 :0.21382631361484528 +and:0.05268455296754837 the:0.04614332690834999 in:0.0312070120126009 to:0.02464228682219982 :0.1685846596956253 +man:0.039872314780950546 and:0.016598554328083992 fashioned:0.01167137548327446 lady:0.007690893951803446 :0.23707324266433716 +in:0.12324357032775879 on:0.11455389112234116 up:0.08551361411809921 into:0.07543458789587021 :0.06510044634342194 +and:0.13912388682365417 of:0.02954438142478466 when:0.021990075707435608 or:0.014523585326969624 :0.12794984877109528 +the:0.37287822365760803 a:0.03191135823726654 this:0.03071599081158638 his:0.019166259095072746 :0.10257755219936371 +large:0.01912548951804638 great:0.013521389104425907 few:0.012179944664239883 man:0.010077769868075848 :0.13847605884075165 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +copy:0.4191751778125763 check:0.25798624753952026 to:0.035092275589704514 check,:0.026170410215854645 :0.05740532651543617 +of:0.060112014412879944 and:0.05789463594555855 the:0.021353289484977722 in:0.020336193963885307 :0.18926295638084412 +to:0.19968442618846893 by:0.11225464195013046 the:0.08395642787218094 him:0.0315629243850708 :0.08001375198364258 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.17678041756153107 a:0.048382364213466644 and:0.02823897823691368 his:0.021397940814495087 :0.08289629966020584 +the:0.19244946539402008 for:0.10469789057970047 a:0.07334283739328384 to:0.053763002157211304 :0.04520372301340103 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +a:0.029354669153690338 made:0.021220248192548752 in:0.017908724024891853 the:0.015689436346292496 :0.1536957174539566 +of:0.3435779809951782 the:0.10480012744665146 and:0.030361685901880264 a:0.027243437245488167 :0.06984665989875793 +for:0.12756237387657166 in:0.05905727669596672 to:0.05541633069515228 at:0.04675412178039551 :0.048647575080394745 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +and:0.08287619799375534 the:0.061260756105184555 there:0.03438302129507065 it:0.028078103438019753 :0.080323226749897 +and:0.0558992438018322 to:0.05480438470840454 in:0.04480363801121712 is:0.03595069423317909 :0.09229017794132233 +night:0.25072893500328064 night,:0.052236489951610565 night.:0.05073974281549454 evening:0.04897261783480644 :0.03441696986556053 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +person:0.038550298660993576 other:0.03786362335085869 of:0.03518802300095558 means:0.021130600944161415 :0.25681039690971375 +the:0.19890324771404266 a:0.06238383799791336 10:0.014085824601352215 tho:0.012628848664462566 :0.2294413447380066 +and:0.050106313079595566 of:0.043823182582855225 to:0.029129333794116974 was:0.019634990021586418 :0.1384277492761612 +few:0.0274173803627491 man:0.0220799557864666 great:0.014200017787516117 little:0.011377600952982903 :0.19847974181175232 +and:0.034152112901210785 to:0.02268051542341709 the:0.019686255604028702 of:0.01725943759083748 :0.26792827248573303 +and:0.14503689110279083 who:0.09395500272512436 of:0.07385672628879547 are:0.04716670140624046 :0.05289765074849129 +the:0.1419462263584137 defaulting:0.02986433357000351 a:0.02769085019826889 living:0.019745804369449615 :0.16059251129627228 +first:0.007022919598966837 same:0.006967464461922646 whole:0.0044900113716721535 most:0.004318702965974808 :0.18164874613285065 +feet:0.06955459713935852 and:0.04505881294608116 the:0.030069466680288315 to:0.018703078851103783 :0.18188002705574036 +to:0.8856840133666992 and:0.016865307465195656 for:0.009144280105829239 lo:0.004332595970481634 :0.028740322217345238 +Smith,:0.008779487572610378 D.:0.008481524884700775 J.:0.007099892012774944 M.:0.005762062501162291 :0.581443190574646 +known:0.1759290248155594 as:0.025265147909522057 to:0.02500397153198719 and:0.02481864020228386 :0.11190159618854523 +the:0.16537229716777802 to:0.09173831343650818 and:0.0590706467628479 over:0.025342373177409172 :0.07086963206529617 +the:0.44562551379203796 a:0.05322560295462608 tho:0.020550759509205818 his:0.017284570261836052 :0.07683994621038437 +the:0.2416260838508606 this:0.10596612840890884 said:0.08157451450824738 sale:0.05325058102607727 :0.07906840741634369 +a:0.06815875321626663 the:0.04489733651280403 not:0.027803532779216766 in:0.01649516448378563 :0.15705691277980804 +was:0.09468281269073486 had:0.08124123513698578 could:0.07446011155843735 is:0.029965508729219437 :0.12526023387908936 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +of:0.06243603676557541 and:0.03124147653579712 the:0.031099895015358925 to:0.02866937778890133 :0.160891592502594 +and:0.11160493642091751 to:0.0576801672577858 was:0.03805528208613396 in:0.02999466471374035 :0.0903942659497261 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +or:0.20169222354888916 and:0.08387629687786102 times:0.06593895703554153 of:0.05614687129855156 :0.12507827579975128 +.:0.03411855548620224 and:0.013994636945426464 of:0.009391434490680695 to:0.009247751906514168 :0.4090573489665985 +and:0.010714796371757984 personal:0.007091358304023743 way:0.0065934560261666775 use:0.004318660125136375 :0.26850077509880066 +and:0.0898527130484581 at:0.03319815546274185 on:0.023128675296902657 the:0.02266259305179119 :0.12624697387218475 +not:0.175098717212677 you:0.1725754290819168 we:0.03839212283492088 it:0.033096253871917725 :0.056465957313776016 +little:0.038362618535757065 good:0.034189946949481964 well:0.03307667002081871 fair:0.013445897959172726 :0.16696645319461823 +the:0.1643211990594864 any:0.07601075619459152 a:0.039951059967279434 said:0.01559517066925764 :0.1388280838727951 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.1870483160018921 the:0.0613366924226284 which:0.03364431485533714 but:0.026776684448122978 :0.10181968659162521 +by:0.1682618409395218 of:0.090984046459198 the:0.03445810824632645 and:0.026887916028499603 :0.12394536286592484 +United:0.0071173785254359245 county:0.005634572356939316 power:0.0055475314147770405 court:0.004211070016026497 :0.24433790147304535 +a:0.11982297152280807 the:0.0720692053437233 not:0.04205060005187988 now:0.02124835178256035 :0.10504660755395889 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.036253198981285095 to:0.02004418708384037 the:0.01763332262635231 of:0.017534999176859856 :0.2048463374376297 +with:0.17948688566684723 to:0.07239363342523575 more:0.06285937875509262 in:0.05412232130765915 :0.048973146826028824 +and:0.09434641152620316 the:0.0325472392141819 to:0.019487394019961357 for:0.016648627817630768 :0.19277353584766388 +and:0.112490713596344 of:0.0981990173459053 for:0.048407889902591705 in:0.04835676774382591 :0.04699316620826721 +with:0.09246551245450974 and:0.08241820335388184 for:0.08143113553524017 to:0.04190392419695854 :0.12622760236263275 +of:0.049607351422309875 and:0.04027963802218437 the:0.025710824877023697 boy.:0.02218504063785076 :0.266752690076828 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +the:0.13621118664741516 a:0.12344107776880264 it:0.022403046488761902 such:0.021391451358795166 :0.09848775714635849 +the:0.1232864260673523 a:0.028600754216313362 incorporation:0.01573808118700981 their:0.014741507358849049 :0.2113962173461914 +own:0.026312939822673798 great:0.005628270097076893 kind:0.00539973471313715 most:0.0044264704920351505 :0.2576349079608917 +the:0.05381914973258972 to:0.04148606210947037 and:0.029639558866620064 a:0.021061250939965248 :0.14225879311561584 +of:0.025249503552913666 the:0.024753650650382042 he:0.020541826263070107 and:0.014663442969322205 :0.2931392788887024 +to:0.9368049502372742 not:0.021573500707745552 that:0.0027813727501779795 for:0.0027810055762529373 :0.002353648655116558 +of:0.10244373977184296 the:0.04621248319745064 and:0.040502190589904785 township:0.03618945926427841 :0.17125414311885834 +have:0.13509273529052734 are:0.1225762590765953 were:0.06269194185733795 had:0.05880216136574745 :0.039876364171504974 +the:0.23799699544906616 a:0.04221582040190697 tho:0.014849789440631866 this:0.014704192988574505 :0.22046831250190735 +of:0.6076688170433044 to:0.028563065454363823 in:0.02636244334280491 and:0.021417487412691116 :0.023759089410305023 +be:0.6364110708236694 not:0.035120315849781036 have:0.031172461807727814 bo:0.028466086834669113 :0.04677203670144081 +The:0.11182372272014618 It:0.06708060950040817 He:0.0487355999648571 A:0.029839754104614258 :0.05806015431880951 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +of:0.7001802325248718 in:0.03143475204706192 and:0.029718229547142982 ot:0.0126274973154068 :0.02512865513563156 +of:0.037483688443899155 and:0.027150260284543037 or:0.012879520654678345 the:0.011059503071010113 :0.20259979367256165 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +was:0.07158710807561874 and:0.06810256838798523 has:0.05311843007802963 had:0.04852965846657753 :0.0465739481151104 +and:0.060976170003414154 of:0.05561760812997818 the:0.01769671030342579 who:0.017284270375967026 :0.23141048848628998 +and:0.0422595776617527 to:0.029549067839980125 with:0.02723599039018154 that:0.025873979553580284 :0.0336194671690464 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.3646732270717621 in:0.09916098415851593 to:0.05398139730095863 and:0.048662032932043076 :0.059601280838251114 +the:0.09121808409690857 by:0.08643487095832825 to:0.08249347656965256 a:0.07529312372207642 :0.04763316363096237 +in:0.19920262694358826 on:0.06334847956895828 at:0.0628231018781662 for:0.035381466150283813 :0.04058995097875595 +the:0.24912823736667633 a:0.03914743289351463 this:0.018529150635004044 his:0.018011538311839104 :0.14337170124053955 +follows::0.11521518230438232 much:0.058868300169706345 well:0.03995947539806366 a:0.03831657022237778 :0.07569565623998642 +at:0.0984998568892479 like:0.08029864728450775 for:0.050426751375198364 upon:0.03423438221216202 :0.08003076165914536 +the:0.16294650733470917 a:0.04083753004670143 of:0.025738924741744995 and:0.025229984894394875 :0.07699500024318695 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +of:0.07024689763784409 and:0.06308383494615555 the:0.048368632793426514 in:0.03213687613606453 :0.07288353890180588 +the:0.32753992080688477 a:0.10612612962722778 all:0.06326087564229965 his:0.015418164432048798 :0.07644952833652496 +years:0.035794660449028015 and:0.03354695066809654 per:0.02758864499628544 to:0.019167397171258926 :0.2746295630931854 +and:0.021993694826960564 to:0.01539535541087389 of:0.013667707331478596 the:0.007905849255621433 :0.5160576701164246 +made:0.02335195243358612 a:0.016694355756044388 the:0.014393177814781666 was:0.01245870441198349 :0.3120877146720886 +is:0.20393991470336914 was:0.09463091939687729 will:0.03776639699935913 would:0.033526234328746796 :0.08905144780874252 +the:0.18144066631793976 a:0.11393709480762482 not:0.06494130939245224 it:0.023664221167564392 :0.06099635735154152 +and:0.05573238432407379 the:0.03132566064596176 of:0.027884313836693764 ing:0.022799795493483543 :0.21444107592105865 +that:0.13781405985355377 a:0.08368394523859024 the:0.05455737188458443 to:0.04330388829112053 :0.11693491041660309 +and:0.3544411063194275 to:0.01956457644701004 of:0.011634700000286102 per:0.00904819555580616 :0.24477192759513855 +and:0.06863650679588318 in:0.058020543307065964 of:0.04181024432182312 for:0.034566428512334824 :0.06073855981230736 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +way:0.05570651590824127 own:0.04812422767281532 home:0.016076523810625076 appearance:0.012915507890284061 :0.12457786500453949 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +and:0.032757390290498734 loam:0.026449989527463913 to:0.007662029936909676 day:0.00654632318764925 :0.281485915184021 +The:0.030801717191934586 A:0.02610592357814312 and:0.02522239461541176 W:0.009690074250102043 :0.2673029899597168 +and:0.10637549310922623 as:0.10022462904453278 to:0.07356608659029007 in:0.06537024676799774 :0.07282628864049911 +person:0.031494513154029846 man:0.015483200550079346 of:0.011446020565927029 person,:0.008230315521359444 :0.145439013838768 +is:0.2306077778339386 was:0.1955881416797638 would:0.07234462350606918 will:0.05431658402085304 :0.04618776962161064 +city:0.02639019303023815 point:0.020899686962366104 country:0.019149024039506912 time:0.018201515078544617 :0.16868844628334045 +a:0.11123333871364594 the:0.10567262768745422 to:0.06453710794448853 and:0.06386737525463104 :0.08020460605621338 +years:0.07547539472579956 per:0.0312809981405735 minutes:0.02967146784067154 and:0.027003014460206032 :0.13634198904037476 +and:0.1229013204574585 Block:0.06424395740032196 to:0.05824132636189461 from:0.028613699600100517 :0.16101548075675964 +are:0.12217803299427032 were:0.07861416786909103 will:0.07099581509828568 have:0.06905921548604965 :0.08099502325057983 +the:0.04715224355459213 and:0.026498761028051376 to:0.02552896738052368 in:0.02014913223683834 :0.1957295536994934 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +with:0.9232609868049622 therewith,:0.008490202017128468 with,:0.006976207718253136 and:0.005840068217366934 :0.009260650724172592 +and:0.0472751185297966 of:0.0196005180478096 the:0.016678985208272934 The:0.01646636426448822 :0.15757843852043152 +of:0.3192935585975647 who:0.06292650103569031 were:0.053982239216566086 are:0.04749966040253639 :0.043474577367305756 +the:0.16330845654010773 a:0.11982154101133347 his:0.01909121684730053 an:0.017377015203237534 :0.14460739493370056 +war:0.07427947223186493 service:0.05288027971982956 and:0.03755054995417595 rights:0.03210114315152168 :0.21891912817955017 +a:0.057294029742479324 been:0.051289841532707214 to:0.04760027676820755 no:0.04384852573275566 :0.07710041105747223 +be:0.10806769877672195 the:0.04047746583819389 make:0.017615895718336105 have:0.012384215369820595 :0.09165602177381516 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.06223079189658165 to:0.02883930876851082 for:0.026338115334510803 as:0.021679580211639404 :0.12691836059093475 +Carolina:0.06486820429563522 Carolina,:0.0421890951693058 Dakota:0.03608856722712517 Dakota,:0.025526532903313637 :0.2260941118001938 +the:0.040495436638593674 a:0.02413194067776203 and:0.0215140413492918 of:0.015148491598665714 :0.38462984561920166 +of:0.16046814620494843 and:0.10963017493486404 door:0.10131144523620605 the:0.04432835802435875 :0.08173099905252457 +to:0.0968380868434906 and:0.04654546082019806 the:0.03854901343584061 in:0.03530852124094963 :0.05758092924952507 +same:0.01571343094110489 first:0.010456720367074013 best:0.00802034605294466 last:0.007942101918160915 :0.20590047538280487 +own:0.04961265251040459 way:0.00891876220703125 hands:0.008380270563066006 heart:0.007157004438340664 :0.18086601793766022 +the:0.10777479410171509 a:0.028804026544094086 to:0.015269294381141663 and:0.012091027572751045 :0.3302367925643921 +the:0.21388371288776398 a:0.07371953874826431 diameter,:0.021267885342240334 diameter:0.021074291318655014 :0.09823159873485565 +who:0.49404072761535645 of:0.07331986725330353 in:0.014568879269063473 were:0.013617017306387424 :0.09410107880830765 +The:0.12304415553808212 It:0.06035448983311653 I:0.05113819241523743 He:0.04157455638051033 :0.13314951956272125 +be:0.027490850538015366 make:0.024568384513258934 have:0.01887481100857258 give:0.01596659980714321 :0.0823102593421936 +of:0.1352790892124176 and:0.04832310229539871 to:0.017215460538864136 the:0.011583392508327961 :0.19328036904335022 +bidder:0.1939661204814911 bidder,:0.1104339212179184 and:0.055392853915691376 bidder.:0.016197197139263153 :0.10058397054672241 +of:0.3693890869617462 and:0.03819645568728447 in:0.03687549754977226 was:0.02457735873758793 :0.04409422725439072 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.22191859781742096 a:0.047963935881853104 this:0.013887408189475536 tho:0.01176731288433075 :0.15407609939575195 +the:0.06515168398618698 to:0.06059807166457176 and:0.04415328800678253 a:0.02720215730369091 :0.132157102227211 +and:0.02763621136546135 of:0.014565767720341682 the:0.014432608149945736 to:0.00881741289049387 :0.27326107025146484 +and:0.08435028046369553 to:0.026490027084946632 The:0.018797509372234344 of:0.016599323600530624 :0.16484713554382324 +are:0.09076493233442307 were:0.06336300075054169 have:0.03782202675938606 in:0.035308465361595154 :0.03973780572414398 +the:0.1419462263584137 defaulting:0.02986433357000351 a:0.02769085019826889 living:0.019745804369449615 :0.16059251129627228 +of:0.25749778747558594 and:0.09609674662351608 to:0.02744097076356411 was:0.0242238137871027 :0.1108439564704895 +and:0.16255740821361542 the:0.08137273043394089 but:0.018774621188640594 that:0.018397752195596695 :0.0696948990225792 +States:0.6704443693161011 States,:0.10956382006406784 States.:0.05288448929786682 Slates:0.018222279846668243 :0.07581275701522827 +ity:0.5708705186843872 ity,:0.19152744114398956 and:0.0183236226439476 In:0.004239732399582863 :0.07308196276426315 +same:0.006650911644101143 whole:0.004136365372687578 first:0.00368817918933928 following:0.003226551227271557 :0.4121524393558502 +and:0.08794023096561432 The:0.027617961168289185 to:0.021872075274586678 in:0.02120191976428032 :0.18647624552249908 +the:0.2084328830242157 a:0.05384990572929382 his:0.03893489018082619 and:0.02723899483680725 :0.03550650179386139 +of:0.1915414035320282 in:0.09885381907224655 and:0.06728184223175049 for:0.04786964878439903 :0.04751522094011307 +to:0.13698099553585052 the:0.1250167340040207 and:0.07780075818300247 in:0.053865887224674225 :0.03867365047335625 +not:0.06416557729244232 a:0.04552293196320534 the:0.022595606744289398 to:0.018306752666831017 :0.11732563376426697 +and:0.12047508358955383 the:0.1164390817284584 but:0.03757559508085251 it:0.033407922834157944 :0.06976298242807388 +York:0.24676810204982758 York.:0.16639159619808197 York;:0.1317649632692337 York,:0.11550738662481308 :0.13722743093967438 +United:0.01328139379620552 State:0.009544115513563156 said:0.005746869370341301 most:0.005404171999543905 :0.27079474925994873 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +said:0.01279381848871708 other:0.007291777059435844 first:0.006864945869892836 last:0.00582354050129652 :0.1610231250524521 +in:0.12623345851898193 of:0.12166404724121094 for:0.10635992139577866 In:0.03900933265686035 :0.04699701443314552 +great:0.02843404747545719 good:0.021941043436527252 very:0.0215480737388134 member:0.021500952541828156 :0.1742185652256012 +other:0.004657549783587456 first:0.0037418915890157223 way:0.0034696809016168118 said:0.003203210886567831 :0.4359292685985565 +two:0.37359344959259033 more:0.15407869219779968 the:0.053720589727163315 a:0.02790110744535923 :0.060787368565797806 +be:0.03741493821144104 been:0.027333233505487442 the:0.0237138494849205 have:0.021154535934329033 :0.14507657289505005 +and:0.06162799149751663 of:0.05318644270300865 No.:0.019593507051467896 to:0.015287762507796288 :0.19245785474777222 +of:0.2225966453552246 and:0.08271848410367966 to:0.03357744961977005 was:0.02878338098526001 :0.0611441507935524 +is:0.08906320482492447 was:0.07180625200271606 has:0.04549597576260567 the:0.03185338154435158 :0.03205300122499466 +of:0.2610320746898651 that:0.06254350394010544 to:0.056506603956222534 was:0.03683347627520561 :0.05372141674160957 +of:0.3867502510547638 to:0.22008739411830902 for:0.0566035658121109 that:0.03148035332560539 :0.018544519320130348 +own:0.02038581110537052 people:0.010827554389834404 country:0.008136152289807796 readers:0.0059156399220228195 :0.22298669815063477 +are:0.13827922940254211 will:0.08218060433864594 were:0.07076240330934525 have:0.05294869467616081 :0.0524800680577755 +and:0.08041346073150635 in:0.04382423684000969 coin,:0.03180955350399017 to:0.030694006010890007 :0.10801029205322266 +few:0.029578495770692825 little:0.019769448786973953 large:0.014766458421945572 man:0.011889570392668247 :0.1519831120967865 +to:0.18067295849323273 on:0.15419219434261322 upon:0.15192361176013947 and:0.057057563215494156 :0.05479171499609947 +bonds:0.05512835457921028 claim:0.03628268837928772 lands:0.02389129437506199 the:0.020027700811624527 :0.15092268586158752 +a:0.04173225536942482 not:0.03975921869277954 the:0.03575998172163963 in:0.019713636487722397 :0.10048657655715942 +be:0.3150928020477295 have:0.048414357006549835 not:0.027264133095741272 bo:0.02271736040711403 :0.1065594032406807 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.08827333897352219 of:0.08441519737243652 a:0.05028257891535759 to:0.03151267394423485 :0.12082432955503464 +at:0.15936462581157684 to:0.06854033470153809 in:0.051089584827423096 by:0.043258219957351685 :0.04800300672650337 +the:0.16654564440250397 it:0.04383183643221855 I:0.043568599969148636 they:0.03789760544896126 :0.0605170838534832 +the:0.220479354262352 he:0.04067487269639969 they:0.03877003490924835 a:0.028101829811930656 :0.04945395514369011 +the:0.30112403631210327 this:0.03541452810168266 his:0.033788807690143585 this,:0.031799811869859695 :0.07334348559379578 +.:0.02103181928396225 H:0.013368281535804272 and:0.013068141415715218 B:0.013056139461696148 :0.33985015749931335 +been:0.17093238234519958 not:0.046588677912950516 the:0.019873134791851044 a:0.019773107022047043 :0.06568558514118195 +up:0.11886091530323029 the:0.06284007430076599 him:0.06188054382801056 a:0.057829324156045914 :0.07511667907238007 +in:0.09313412010669708 out:0.08280909061431885 into:0.06130814179778099 the:0.043793935328722 :0.038776420056819916 +people:0.015698686242103577 and:0.011334136128425598 people,:0.009811940602958202 people.:0.007811474613845348 :0.2512972056865692 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +a:0.2805515229701996 the:0.10523325204849243 an:0.03251981735229492 it:0.027854524552822113 :0.062223467975854874 +only:0.15773920714855194 to:0.07827238738536835 a:0.048186931759119034 the:0.032811470329761505 :0.09875095635652542 +the:0.10108974575996399 conveyed:0.03217330202460289 a:0.01805678941309452 delivered:0.016618363559246063 :0.17294739186763763 +the:0.3006227910518646 a:0.04304339364171028 their:0.027231546118855476 this:0.015350159257650375 :0.07866290956735611 +be:0.050695136189460754 have:0.02526179328560829 to:0.016049405559897423 the:0.008815063163638115 :0.133359894156456 +the:0.20800809562206268 it:0.09196405112743378 they:0.06867469102144241 he:0.05318279564380646 :0.04127570614218712 +the:0.2352895736694336 a:0.09863156080245972 which:0.015990164130926132 some:0.014087479561567307 :0.08394932746887207 +first:0.03582489490509033 service:0.023993780836462975 passage:0.018554843962192535 expiration:0.014900828711688519 :0.16801485419273376 +the:0.14817282557487488 he:0.10155603289604187 they:0.04726744070649147 we:0.029307778924703598 :0.0687759518623352 +of:0.2624429762363434 in:0.04798724502325058 to:0.043361421674489975 on:0.03511428087949753 :0.07646436244249344 +a:0.0594407394528389 the:0.04636882245540619 in:0.02472502365708351 not:0.019532401114702225 :0.18796545267105103 +the:0.3881482481956482 a:0.0248151533305645 be:0.023850219324231148 said:0.016353176906704903 :0.10703752934932709 +The:0.11155351996421814 It:0.07413515448570251 I:0.030578695237636566 Mr.:0.025853289291262627 :0.049512553960084915 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.1657978594303131 and:0.05733969807624817 for:0.02719438634812832 in:0.02503795176744461 :0.07541859894990921 +the:0.29956212639808655 a:0.04535914212465286 and:0.03590335696935654 it:0.020235488191246986 :0.14419257640838623 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.1273895502090454 that:0.047069184482097626 and:0.04523275047540665 were:0.02703961357474327 :0.05860982462763786 +the:0.24514207243919373 a:0.03900165483355522 this:0.02054452896118164 his:0.01558737363666296 :0.1993831843137741 +of:0.45914390683174133 and:0.04540702700614929 to:0.01651540957391262 dollars:0.015094348229467869 :0.08428703993558884 +and:0.0842466726899147 to:0.027239255607128143 for:0.02242869883775711 in:0.01888371631503105 :0.10611803829669952 +the:0.24944674968719482 a:0.0937800481915474 his:0.02228793501853943 mind:0.021738853305578232 :0.09685889631509781 +the:0.2819474935531616 he:0.046006809920072556 they:0.030946390703320503 it:0.025356685742735863 :0.05773478001356125 +of:0.08887553960084915 to:0.08146505802869797 in:0.03295043855905533 .:0.02919589728116989 :0.21680736541748047 +and:0.11665862053632736 of:0.040794309228658676 was:0.02307651937007904 who:0.01635177806019783 :0.20888429880142212 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +was:0.06689149886369705 who:0.05202123522758484 is:0.04965716600418091 in:0.046716656535863876 :0.058948956429958344 +the:0.14960290491580963 to:0.06131589412689209 a:0.04246901720762253 of:0.01733691804111004 :0.10138429701328278 +own:0.016459953039884567 wife:0.011600454337894917 head:0.010259860195219517 heart:0.009813042357563972 :0.2565729022026062 +and:0.20653791725635529 that:0.06974727660417557 the:0.039236411452293396 which:0.03660769388079643 :0.04163268581032753 +the:0.34509560465812683 a:0.05097656324505806 tho:0.018189119175076485 this:0.014980485662817955 :0.0665249302983284 +the:0.12334676831960678 a:0.01545047853142023 his:0.008205664344131947 their:0.007759729400277138 :0.1324460357427597 +to:0.12933726608753204 in:0.028656918555498123 and:0.026556333526968956 In:0.017509890720248222 :0.109926238656044 +were:0.0767742171883583 are:0.07538730651140213 have:0.04372069612145424 had:0.026679260656237602 :0.07117117196321487 +the:0.09875110536813736 it:0.0421869158744812 he:0.02537091262638569 a:0.024399852380156517 :0.07307907938957214 +of:0.18298634886741638 and:0.061825793236494064 who:0.050211500376462936 are:0.0494142509996891 :0.05285675451159477 +of:0.3362811803817749 to:0.12510651350021362 in:0.04380336031317711 and:0.03545628488063812 :0.03343909606337547 +a:0.08776889741420746 the:0.026956740766763687 only:0.026553966104984283 to:0.024901101365685463 :0.1202261820435524 +and:0.009311756119132042 the:0.007699333131313324 to:0.006280477624386549 of:0.0034048028755933046 :0.7478304505348206 +thereon:0.25371357798576355 at:0.08938892930746078 and:0.057211123406887054 from:0.05681002140045166 :0.06316803395748138 +and:0.08841506391763687 of:0.022390011698007584 to:0.019702032208442688 the:0.018124939873814583 :0.23805148899555206 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +a:0.09710195660591125 the:0.08809652179479599 to:0.06526368111371994 not:0.034087035804986954 :0.08823664486408234 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.16030383110046387 that:0.11076729744672775 the:0.07864921540021896 in:0.0551442913711071 :0.05374777689576149 +der:0.065338134765625 known:0.052377745509147644 til:0.03857100009918213 less:0.029327699914574623 :0.4193247854709625 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.2328513264656067 a:0.020848287269473076 this:0.015245290473103523 tho:0.01057321485131979 :0.1764790266752243 +man:0.07470058649778366 and:0.04320846498012543 men:0.023381834849715233 man,:0.022980211302638054 :0.21999414265155792 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +much:0.14766213297843933 that:0.07351066917181015 far:0.039568670094013214 long:0.0334198996424675 :0.07562632113695145 +to:0.1304735541343689 and:0.07469546049833298 in:0.06375586986541748 with:0.03481001779437065 :0.07888788729906082 +terly:0.26352420449256897 tered:0.023355750367045403 ed:0.010968580842018127 a:0.008838015608489513 :0.2656480669975281 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +opportunity:0.07908210903406143 idea:0.01784154772758484 excellent:0.010217569768428802 abundance:0.009644842706620693 :0.1527925282716751 +a:0.060240525752305984 entirely:0.055272120982408524 every:0.04905817657709122 exclusively:0.0342068150639534 :0.1018621101975441 +of:0.052961915731430054 and:0.042259376496076584 to:0.030205469578504562 in:0.014734516851603985 :0.21803930401802063 +of:0.29754069447517395 and:0.11583404988050461 by:0.044074125587940216 to:0.034623172134160995 :0.04354799538850784 +own:0.03925302252173424 husband,:0.01156309712678194 husband:0.010581855662167072 life:0.008124218322336674 :0.1931963711977005 +the:0.24309684336185455 a:0.05685405433177948 he:0.03159257397055626 his:0.019539201632142067 :0.07853792607784271 +of:0.20204468071460724 in:0.0492832325398922 to:0.04308298975229263 shall:0.02878352627158165 :0.05836521089076996 +the:0.1530413180589676 make:0.017275802791118622 a:0.015446600504219532 be:0.01373022049665451 :0.14189773797988892 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +the:0.0926930159330368 to:0.04354756698012352 a:0.031287018209695816 it:0.029330629855394363 :0.05147581174969673 +the:0.09467236697673798 a:0.06828185170888901 to:0.04563118889927864 that:0.0449882335960865 :0.08659236878156662 +a:0.14758086204528809 the:0.1320042908191681 it:0.0439971387386322 up:0.02904113195836544 :0.06397406756877899 +to:0.05513055622577667 the:0.050008926540613174 of:0.029366392642259598 a:0.02168329246342182 :0.158354714512825 +and:0.16839241981506348 to:0.07361084222793579 are:0.04947366192936897 in:0.044359561055898666 :0.04198417067527771 +far:0.10772091150283813 the:0.023282887414097786 not:0.01505573932081461 be:0.014448684640228748 :0.18772786855697632 +the:0.10765895247459412 a:0.08056209981441498 well:0.03542335331439972 to:0.029735399410128593 :0.10741858184337616 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.11461199820041656 of:0.09864091128110886 in:0.09323476254940033 are:0.032375749200582504 :0.02964368648827076 +the:0.16064459085464478 be:0.038821615278720856 do:0.01955166645348072 make:0.016295013949275017 :0.0881497710943222 +the:0.32714974880218506 a:0.06616201251745224 all:0.0223675724118948 this:0.019547512754797935 :0.09639578312635422 +ceedings:0.0682884156703949 gress:0.06284748017787933 viding:0.06133810430765152 cess:0.05992366001009941 :0.2841590940952301 +and:0.11867692321538925 of:0.09751703590154648 in:0.04377760365605354 at:0.04376848414540291 :0.05744760110974312 +the:0.30999112129211426 a:0.057181134819984436 said:0.022181997075676918 Mr.:0.02138657495379448 :0.09633010625839233 +hundred:0.29696980118751526 of:0.11402378976345062 and:0.02410285733640194 thousand:0.02014300227165222 :0.12143927812576294 +of:0.4344213604927063 to:0.06084101274609566 that:0.043214913457632065 and:0.02943221852183342 :0.0721433088183403 +to:0.09281051158905029 and:0.06438171118497849 the:0.022455045953392982 in:0.02017662301659584 :0.21919888257980347 +and:0.08819790929555893 in:0.02318202517926693 to:0.020501991733908653 at:0.019292982295155525 :0.16253627836704254 +of:0.06507211178541183 the:0.032892242074012756 and:0.029109163209795952 to:0.023560568690299988 :0.186980739235878 +first:0.03201679512858391 only:0.030256111174821854 most:0.019381729885935783 last:0.011674867011606693 :0.1996239870786667 +of:0.3365223705768585 and:0.054554298520088196 to:0.035392239689826965 that:0.02534974366426468 :0.034168168902397156 +the:0.32092171907424927 affairs:0.07616642117500305 this:0.020024489611387253 a:0.01910408027470112 :0.09232790768146515 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.012824141420423985 and:0.008387049660086632 great:0.004939377773553133 few:0.004484749864786863 :0.3372475802898407 +be:0.05524677410721779 make:0.039498500525951385 the:0.03158870339393616 do:0.023358795791864395 :0.09177503734827042 +over:0.10365509986877441 out:0.09293036162853241 to:0.08195536583662033 the:0.045461561530828476 :0.07461078464984894 +and:0.021689025685191154 Roosevelt:0.016674328595399857 A.:0.007429008837789297 J.:0.007093457039445639 :0.4012373685836792 +towns:0.1838521808385849 the:0.0794045701622963 towns,:0.04743878170847893 towns.:0.01656584069132805 :0.10105276107788086 +the:0.06483367830514908 so:0.04909738525748253 it.:0.03635606914758682 to:0.032353807240724564 :0.05987980589270592 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +few:0.046469442546367645 .:0.04502500593662262 large:0.017336880788207054 man:0.013699228875339031 :0.21135348081588745 +The:0.13669085502624512 It:0.0557226799428463 I:0.032930511981248856 We:0.02615136280655861 :0.12829507887363434 +own:0.026368342339992523 consent,:0.014650259166955948 knowledge:0.013655920512974262 consent.:0.012994433753192425 :0.24510818719863892 +and:0.0975705236196518 to:0.03278104588389397 Co.,:0.022700142115354538 of:0.018335441127419472 :0.16714181005954742 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +a:0.1327686458826065 the:0.11825258284807205 soon:0.07568949460983276 I:0.052479177713394165 :0.045597851276397705 +of:0.8085389733314514 ot:0.0206620991230011 and:0.01617795042693615 the:0.008657352067530155 :0.01628626510500908 +The:0.10783445090055466 It:0.06585858762264252 I:0.041886843740940094 In:0.03155680373311043 :0.11881247907876968 +to:0.665255606174469 that:0.18721085786819458 of:0.012860744260251522 and:0.01276534702628851 :0.007145356852561235 +and:0.008363078348338604 D.:0.00769099872559309 A.:0.005636264104396105 E.:0.005526423454284668 :0.5559619069099426 +to:0.4652320146560669 for:0.05022105202078819 the:0.03539318963885307 and:0.027490802109241486 :0.050597090274095535 +and:0.19733671844005585 was:0.04669021815061569 in:0.034829169511795044 is:0.026045482605695724 :0.09470047056674957 +and:0.053541891276836395 the:0.04358070716261864 to:0.031553518027067184 The:0.01861746795475483 :0.14851491153240204 +the:0.10327216982841492 a:0.014256546273827553 in:0.012014223262667656 to:0.010959750972688198 :0.14604224264621735 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +the:0.44911834597587585 a:0.0354512520134449 tho:0.016703231260180473 his:0.014695298857986927 :0.12096428871154785 +be:0.34123504161834717 have:0.08004384487867355 not:0.04498901963233948 bo:0.01655353419482708 :0.0438041016459465 +per:0.032156676054000854 of:0.027425944805145264 o'clock:0.01638508215546608 years:0.010261300019919872 :0.25886228680610657 +was:0.07821214944124222 is:0.04712667688727379 had:0.043622881174087524 has:0.03635040670633316 :0.14218124747276306 +and:0.0581403411924839 of:0.04366784915328026 was:0.012607477605342865 is:0.01106085255742073 :0.28736892342567444 +the:0.20996534824371338 a:0.04700110852718353 in:0.036384835839271545 his:0.02768174558877945 :0.06679937243461609 +of:0.20943117141723633 and:0.0796111598610878 is:0.034846339374780655 to:0.03158976510167122 :0.16523221135139465 +and:0.06551449000835419 of:0.025544308125972748 who:0.02431388385593891 the:0.016070624813437462 :0.20832055807113647 +to:0.5751389265060425 for:0.08141395449638367 the:0.06652521342039108 a:0.02691456489264965 :0.022642213851213455 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.026259375736117363 and:0.02451925352215767 the:0.01935729756951332 at:0.01360177993774414 :0.20734237134456635 +meeting:0.04723797366023064 report:0.0423441082239151 tax:0.028810294345021248 election:0.017054857686161995 :0.14312919974327087 +sidered:0.12146994471549988 ducted:0.049477770924568176 structed:0.028652595356106758 stantly:0.027130616828799248 :0.3768123686313629 +and:0.05414772778749466 government:0.0233730748295784 people:0.016550108790397644 army:0.010390003211796284 :0.2398844063282013 +of:0.5336541533470154 where:0.05763067677617073 and:0.028712652623653412 in:0.020878473296761513 :0.021274931728839874 +neys:0.23612284660339355 ney:0.19096006453037262 ney,:0.03594641759991646 and:0.010209163650870323 :0.24601396918296814 +ty:0.12346123903989792 ties:0.10449834167957306 ticular:0.0726047083735466 ty,:0.05753312259912491 :0.3260987401008606 +and:0.09429475665092468 of:0.09024243801832199 was:0.0674530491232872 is:0.05395222455263138 :0.061152905225753784 +of:0.1352790892124176 and:0.04832310229539871 to:0.017215460538864136 the:0.011583392508327961 :0.19328036904335022 +be:0.5941738486289978 bo:0.028882864862680435 have:0.01233017910271883 fail:0.007852528244256973 :0.07567957043647766 +and:0.05705332010984421 the:0.018168341368436813 to:0.017835695296525955 a:0.012464175932109356 :0.16465654969215393 +the:0.07879199087619781 a:0.015187264420092106 to:0.014631127938628197 that:0.014027442783117294 :0.10569658875465393 +of:0.23620261251926422 and:0.05599651485681534 the:0.049833670258522034 that:0.0306014996021986 :0.0543869249522686 +the:0.17803220450878143 a:0.021262038499116898 tho:0.016107311472296715 tbe:0.011481388472020626 :0.30493518710136414 +was:0.02265910431742668 had:0.020394407212734222 would:0.01886572688817978 made:0.017683634534478188 :0.19108395278453827 +the:0.2326125055551529 a:0.06293557584285736 tho:0.011493864469230175 which:0.010492198169231415 :0.17823882400989532 +of:0.0634557232260704 and:0.055217891931533813 to:0.02329307422041893 The:0.02221360057592392 :0.13543002307415009 +said:0.0092788590118289 sum:0.006457839626818895 people:0.005717234220355749 whole:0.005486391019076109 :0.1336093246936798 +the:0.2243472933769226 us:0.07650793343782425 him:0.0640292689204216 them:0.06265769153833389 :0.04873937740921974 +in:0.12690813839435577 that:0.08813763409852982 at:0.062287766486406326 by:0.05779416486620903 :0.05388146638870239 +of:0.5495811104774475 and:0.023526152595877647 in:0.023109566420316696 was:0.01677478477358818 :0.026467163115739822 +for:0.36524972319602966 a:0.07544015347957611 the:0.05110914632678032 that:0.018954485654830933 :0.036851122975349426 +to:0.07711518555879593 the:0.06896132230758667 and:0.06149548292160034 at:0.05064629763364792 :0.049240127205848694 +only:0.009330026805400848 man:0.00901917926967144 first:0.006911618635058403 men:0.0063421824015676975 :0.13377130031585693 +to:0.17136025428771973 with:0.08625200390815735 south:0.03577696159482002 in:0.03515777364373207 :0.18031473457813263 +was:0.09375154227018356 and:0.05291834473609924 is:0.05135965347290039 has:0.04516581818461418 :0.09151413291692734 +the:0.2674359381198883 a:0.05690370127558708 this:0.01533267181366682 his:0.014866044744849205 :0.14666245877742767 +far:0.02593277208507061 the:0.02552940510213375 be:0.014784320257604122 making:0.010720041580498219 :0.16399329900741577 +first:0.00777018116787076 only:0.005831596441566944 following:0.0054012867622077465 most:0.005030117928981781 :0.19628022611141205 +and:0.23947806656360626 but:0.07874859124422073 the:0.04090823605656624 as:0.023796195164322853 :0.0618378221988678 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +people:0.008325758390128613 said:0.007558089680969715 law:0.007294932380318642 most:0.006880179978907108 :0.1216135248541832 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +to:0.037540193647146225 had:0.029961470514535904 have:0.024120429530739784 be:0.017378635704517365 :0.09782134741544724 +the:0.15101346373558044 he:0.08575300127267838 they:0.07393496483564377 it:0.04247778654098511 :0.06087925657629967 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.2840404510498047 this:0.046782542020082474 a:0.03826111555099487 which:0.01534552127122879 :0.06720802187919617 +of:0.14328543841838837 in:0.07663153111934662 to:0.07006055116653442 on:0.06906253099441528 :0.08752129226922989 +be:0.13976909220218658 the:0.0785803347826004 have:0.025867970660328865 make:0.02520740032196045 :0.12918730080127716 +of:0.12510159611701965 per:0.11865941435098648 and:0.07604670524597168 on:0.032242532819509506 :0.07726140320301056 +and:0.05173211544752121 Liver:0.045774735510349274 the:0.02266472764313221 to:0.022235555574297905 :0.3207595646381378 +same:0.013585232198238373 first:0.012981027364730835 city:0.012977709993720055 case:0.009776578284800053 :0.1773841828107834 +in:0.09577295184135437 at:0.09129785746335983 and:0.05456104502081871 was:0.04445318132638931 :0.10614260286092758 +and:0.11685732007026672 standard:0.042573217302560806 in:0.024505851790308952 is:0.019087698310613632 :0.17127326130867004 +the:0.34801793098449707 tho:0.022857215255498886 a:0.016712786629796028 which:0.015492856502532959 :0.1244044154882431 +the:0.11647617816925049 a:0.08877776563167572 well:0.03607100993394852 they:0.02216297574341297 :0.08194658160209656 +The:0.17918072640895844 It:0.03932645171880722 A:0.031025223433971405 This:0.025776028633117676 :0.06903086602687836 +the:0.06924699991941452 of:0.018359094858169556 other:0.017263229936361313 State,:0.013021602295339108 :0.1671326905488968 +of:0.8349305391311646 ot:0.015677915886044502 to:0.011401170864701271 ol:0.009586741216480732 :0.013023358769714832 +The:0.09566934406757355 It:0.05422056093811989 A:0.04219672083854675 He:0.04097236692905426 :0.06357406079769135 +2:0.08198976516723633 1:0.054476477205753326 4:0.025305770337581635 1,:0.02494564652442932 :0.30818599462509155 +the:0.09575052559375763 ween:0.04283004254102707 a:0.030357079580426216 ter:0.026319321244955063 :0.13766193389892578 +and:0.14861296117305756 the:0.10847774893045425 but:0.037321534007787704 in:0.030654536560177803 :0.048399511724710464 +of:0.20451869070529938 to:0.12794546782970428 for:0.08488454669713974 and:0.033750057220458984 :0.05317851901054382 +the:0.0641101822257042 be:0.030656320974230766 a:0.018648996949195862 have:0.01532699167728424 :0.2123463898897171 +persons:0.2727116048336029 persons,:0.07317382842302322 by:0.05626543611288071 the:0.02998766303062439 :0.07710261642932892 +the:0.27230486273765564 a:0.10258892923593521 his:0.03044295124709606 this:0.01842745766043663 :0.10927259922027588 +vember:0.27046939730644226 vember,:0.035871949046850204 and:0.020043831318616867 -:0.005976565182209015 :0.19909237325191498 +than:0.193569153547287 to:0.11364984512329102 for:0.03814028203487396 and:0.031437672674655914 :0.09987041354179382 +and:0.08435028046369553 to:0.026490027084946632 The:0.018797509372234344 of:0.016599323600530624 :0.16484713554382324 +and:0.1662028282880783 the:0.03394310548901558 that:0.02711561508476734 which:0.024452850222587585 :0.08220715820789337 +the:0.07925882190465927 of:0.03630382940173149 and:0.031721264123916626 this:0.0203438401222229 :0.2245207279920578 +a:0.09591004997491837 the:0.05603496730327606 to:0.05535212159156799 no:0.05069180577993393 :0.07538338005542755 +a:0.08548963069915771 the:0.07828046381473541 well:0.02513425424695015 to:0.020329972729086876 :0.14964385330677032 +same:0.008194380439817905 purpose:0.005248756147921085 best:0.005224707070738077 first:0.004790280945599079 :0.36344921588897705 +was:0.06514914333820343 be:0.06447558104991913 no:0.062336187809705734 is:0.05300739035010338 :0.05600057542324066 +of:0.3556338846683502 and:0.11021418869495392 to:0.03915005177259445 for:0.029521292075514793 :0.06183105707168579 +a:0.1486130952835083 the:0.12872560322284698 it:0.04186434671282768 to:0.03575718030333519 :0.10201883316040039 +same:0.015868620947003365 most:0.01219887938350439 best:0.011983005329966545 right:0.008628751151263714 :0.20698390901088715 +of:0.37358468770980835 and:0.06465663015842438 to:0.029842400923371315 is:0.02631118707358837 :0.025079207494854927 +to:0.12561751902103424 trials,:0.06363184750080109 and:0.00944079551845789 in:0.008333617821335793 :0.20618556439876556 +the:0.14611069858074188 he:0.03820332512259483 it:0.03632115572690964 they:0.03475383296608925 :0.07765239477157593 +of:0.0814737007021904 and:0.06566677242517471 was:0.03952926769852638 the:0.02941771037876606 :0.058907873928546906 +own:0.01921035163104534 husband:0.018545977771282196 mother:0.017520340159535408 husband,:0.01355862058699131 :0.2044685184955597 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.04374485835433006 of:0.03984419256448746 to:0.036196425557136536 or:0.028516091406345367 :0.17317067086696625 +to:0.04268015921115875 and:0.027468575164675713 in:0.01725747250020504 The:0.016530439257621765 :0.3043650984764099 +and:0.2670353055000305 the:0.03923554718494415 to:0.031646113842725754 which:0.020389609038829803 :0.11694874614477158 +the:0.26330578327178955 a:0.05972969904541969 his:0.0216965489089489 their:0.02041502483189106 :0.10075987130403519 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +time:0.03261315077543259 time,:0.014984317123889923 time.:0.013215582817792892 day:0.012741942889988422 :0.14320215582847595 +out:0.1713942587375641 the:0.15805228054523468 on:0.06776804476976395 a:0.03644931688904762 :0.048760786652565 +and:0.07351990789175034 per:0.02842574007809162 o'clock:0.026317205280065536 at:0.01645929180085659 :0.3904244005680084 +same:0.01853850483894348 most:0.013325177133083344 sum:0.008357188664376736 amount:0.0073961904272437096 :0.167559415102005 +of:0.45075446367263794 to:0.041402727365493774 and:0.03940921649336815 is:0.03008142113685608 :0.036342885345220566 +and:0.0794910416007042 to:0.050647687166929245 by:0.03904310613870621 in:0.023251105099916458 :0.1463373601436615 +of:0.25928768515586853 and:0.03975279629230499 the:0.027506601065397263 to:0.01708439365029335 :0.15750667452812195 +was:0.11729827523231506 had:0.10084744542837143 could:0.05833258107304573 is:0.03044099360704422 :0.06398254632949829 +the:0.10770926624536514 be:0.028671007603406906 make:0.023150287568569183 do:0.02018999122083187 :0.10441750288009644 +been:0.32027915120124817 not:0.027962181717157364 the:0.020114818587899208 a:0.01667734608054161 :0.07171165943145752 +the:0.2068784236907959 a:0.16335858404636383 to:0.030272316187620163 an:0.0212970320135355 :0.1271362006664276 +that:0.08880092203617096 the:0.06464684754610062 is:0.049531396478414536 and:0.04598614573478699 :0.046472277492284775 +the:0.05442017316818237 a:0.017857879400253296 of:0.006653960794210434 other:0.006540765054523945 :0.15768484771251678 +that:0.19721034169197083 the:0.178317591547966 a:0.07623401284217834 their:0.027970105409622192 :0.05876053497195244 +that:0.2929936945438385 the:0.09066988527774811 a:0.07020166516304016 how:0.02685372158885002 :0.0521385632455349 +and:0.06462929397821426 to:0.04855211451649666 the:0.0308841485530138 of:0.0218213964253664 :0.1908586323261261 +of:0.21406997740268707 hundred:0.03235819935798645 and:0.014862236566841602 or:0.014561207965016365 :0.13866087794303894 +to:0.11653509736061096 the:0.057776425033807755 a:0.02532123774290085 it:0.023524707183241844 :0.13760967552661896 +limits:0.0665447935461998 last:0.04726732149720192 past:0.03963100165128708 next:0.035790055990219116 :0.16751502454280853 +of:0.13126081228256226 circumstances,:0.03438890725374222 circumstances:0.02068641409277916 years:0.01933807134628296 :0.17559286952018738 +in:0.11478360742330551 by:0.07691379636526108 with:0.06542044132947922 and:0.0644230917096138 :0.049393173307180405 +the:0.25233936309814453 a:0.05275418981909752 their:0.02763436548411846 this:0.0234497282654047 :0.05917136371135712 +result:0.029124382883310318 matter:0.0166524238884449 rule,:0.011289612390100956 man:0.010609658434987068 :0.1965998411178589 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +be:0.1967008113861084 not:0.07442700862884521 he:0.01910519413650036 have:0.015524636022746563 :0.08305152505636215 +and:0.12187913060188293 was:0.03750630468130112 to:0.02997814677655697 is:0.0294110756367445 :0.061523888260126114 +of:0.3170653283596039 that:0.04423918202519417 to:0.0340489000082016 for:0.026348676532506943 :0.048987552523612976 +to:0.2955017685890198 with:0.13983146846294403 by:0.1122366264462471 and:0.06974382698535919 :0.04566580429673195 +the:0.15607424080371857 that:0.043312519788742065 to:0.02714700810611248 in:0.024951819330453873 :0.06830187886953354 +the:0.1493443250656128 a:0.11749538034200668 which:0.03308066353201866 an:0.015389586798846722 :0.13468390703201294 +is:0.3323984146118164 was:0.18176475167274475 has:0.043192170560359955 would:0.034068211913108826 :0.029607422649860382 +of:0.2247973531484604 and:0.1626432240009308 in:0.07475359737873077 who:0.06029319018125534 :0.049713000655174255 +The:0.15645110607147217 It:0.02849283441901207 In:0.026288924738764763 and:0.024820294231176376 :0.19334286451339722 +the:0.06705628335475922 and:0.035628050565719604 to:0.022237427532672882 a:0.018065985292196274 :0.23964910209178925 +between:0.3430103361606598 of:0.12931591272354126 in:0.0942152664065361 and:0.03630612790584564 :0.023203358054161072 +same:0.00949020590633154 work:0.00710399029776454 first:0.006649465300142765 law:0.005592700559645891 :0.2285311073064804 +the:0.2582530975341797 a:0.0639323815703392 which:0.023739365860819817 this:0.016137665137648582 :0.08929883688688278 +the:0.2798607349395752 a:0.02589733898639679 his:0.015995915979146957 tho:0.012048481032252312 :0.14676880836486816 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +own:0.026312939822673798 great:0.005628270097076893 kind:0.00539973471313715 most:0.0044264704920351505 :0.2576349079608917 +same:0.05279190465807915 time:0.012526815757155418 middle:0.010734767653048038 first:0.009949818253517151 :0.1596759706735611 +and:0.2716329097747803 but:0.05737388879060745 the:0.03670904412865639 which:0.034294988960027695 :0.09063833951950073 +of:0.10980021953582764 and:0.06487464904785156 to:0.05588074401021004 dwelling:0.022801091894507408 :0.1798294186592102 +and:0.10767066478729248 the:0.03903910890221596 or:0.030755698680877686 in:0.024131055921316147 :0.061047669500112534 +the:0.20740796625614166 a:0.018874645233154297 this:0.013225437141954899 tho:0.012636207044124603 :0.16871321201324463 +a:0.03613801300525665 made:0.02162097580730915 the:0.020185885950922966 taken:0.012404016219079494 :0.16961897909641266 +and:0.06485319137573242 the:0.043846700340509415 to:0.023242192342877388 of:0.0205693319439888 :0.1795400232076645 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +not:0.06586550176143646 to:0.049760669469833374 the:0.042194291949272156 in:0.03894653543829918 :0.11148148775100708 +and:0.031163733452558517 of:0.028663523495197296 or:0.0217913705855608 for:0.015582735650241375 :0.14867626130580902 +of:0.07883162051439285 in:0.07860172539949417 to:0.05970953777432442 at:0.056310757994651794 :0.04867156967520714 +the:0.18326197564601898 a:0.029561473056674004 that:0.019603827968239784 all:0.012555557303130627 :0.1093001663684845 +and:0.03386583551764488 the:0.016101419925689697 to:0.008344153873622417 of:0.007296132855117321 :0.344571977853775 +to:0.05417047441005707 the:0.04525991156697273 and:0.03854946419596672 be:0.031962595880031586 :0.13746048510074615 +New:0.05426495149731636 the:0.02769509144127369 Morris,:0.01918359100818634 Alexandria,:0.018515700474381447 :0.2699425518512726 +be:0.3813708424568176 not:0.03692745417356491 bo:0.025794029235839844 only:0.014191520400345325 :0.06053910404443741 +the:0.1932743936777115 a:0.15859362483024597 an:0.019025597721338272 his:0.014859619550406933 :0.07303372770547867 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +of:0.20913946628570557 day:0.036521121859550476 night:0.02826300449669361 thing:0.027615031227469444 :0.08701608330011368 +and:0.13455191254615784 to:0.06999803334474564 in:0.03978268802165985 for:0.037540316581726074 :0.07296891510486603 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.23126903176307678 who:0.07078100740909576 but:0.04943462088704109 the:0.02902377024292946 :0.07023588567972183 +have:0.05109955370426178 and:0.049470458179712296 to:0.045287761837244034 do:0.03758784756064415 :0.06757967919111252 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +a:0.1070544645190239 the:0.10670719295740128 him:0.08615978062152863 them:0.056985098868608475 :0.061643991619348526 +and:0.07323794811964035 of:0.03685175999999046 the:0.02981310710310936 The:0.021191932260990143 :0.2351611703634262 +and:0.05691444128751755 of:0.03997934237122536 to:0.035163894295692444 per:0.03008345514535904 :0.26255327463150024 +.:0.8050311207771301 .,:0.007940428331494331 .;:0.0029165970627218485 ,:0.0020454744808375835 :0.10661675035953522 +the:0.14719156920909882 a:0.027151377871632576 least:0.019289635121822357 this:0.013285202905535698 :0.20848409831523895 +the:0.20738908648490906 said:0.039659660309553146 a:0.019302308559417725 this:0.013601374812424183 :0.22516053915023804 +time:0.017542505636811256 right,:0.015012092888355255 other:0.012586005963385105 way:0.011546540074050426 :0.18214444816112518 +the:0.25324445962905884 he:0.03436931222677231 they:0.026129931211471558 a:0.022521210834383965 :0.08729423582553864 +to:0.1406519114971161 and:0.08743565529584885 had:0.03416626900434494 of:0.030763911083340645 :0.04318631440401077 +to:0.0325525663793087 the:0.02870955877006054 and:0.02729121595621109 was:0.02648431994020939 :0.20046015083789825 +or:0.4004237949848175 of:0.06781960278749466 and:0.05076373368501663 the:0.023821773007512093 :0.050652749836444855 +good:0.025313090533018112 very:0.023942340165376663 great:0.01810312829911709 right:0.016045689582824707 :0.13344401121139526 +the:0.06667555123567581 to:0.03977111726999283 and:0.03374891355633736 that:0.02341221459209919 :0.16458764672279358 +and:0.1397850215435028 in:0.01329026184976101 young:0.012104937806725502 floral:0.009699191898107529 :0.17695389688014984 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +in:0.10826525092124939 down:0.05872228369116783 with:0.05504200980067253 on:0.05141225829720497 :0.05793219804763794 +by:0.26553720235824585 in:0.12544779479503632 at:0.05337071046233177 the:0.04363938421010971 :0.03777531161904335 +first:0.013470381498336792 time:0.007658074609935284 same:0.006417004857212305 law:0.005620590876787901 :0.19495204091072083 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.056125208735466 to:0.024260131642222404 of:0.018038203939795494 was:0.008209840394556522 :0.34573060274124146 +mortgage:0.03486073762178421 County:0.014469009824097157 John:0.012604025192558765 James:0.009327806532382965 :0.15688163042068481 +to:0.08867982029914856 a:0.07084456831216812 only:0.06622251123189926 the:0.04788721725344658 :0.0811176672577858 +the:0.22814497351646423 described:0.06070102006196976 all:0.026010967791080475 all,:0.02406654879450798 :0.1348927617073059 +of:0.04089941829442978 the:0.03555991128087044 and:0.033350687474012375 to:0.030819963663816452 :0.12014079093933105 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +then:0.1190929040312767 the:0.0662323459982872 then,:0.016728170216083527 in:0.013660388067364693 :0.08130990713834763 +to:0.07389576733112335 about:0.0729188397526741 the:0.06128836050629616 out:0.039906758815050125 :0.051396314054727554 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.06049085780978203 corrupted:0.01638728752732277 of:0.011924512684345245 or:0.010883635841310024 :0.20582294464111328 +said:0.01361945178359747 same:0.011473022401332855 most:0.008872468955814838 other:0.007839929312467575 :0.15632875263690948 +the:0.14222842454910278 if:0.04250338301062584 it:0.03931751847267151 this:0.03548528999090195 :0.03503074869513512 +the:0.4018164575099945 said:0.057862553745508194 this:0.04104676470160484 their:0.020384175702929497 :0.044372424483299255 +and:0.0995492935180664 to:0.04277150705456734 was:0.019224824383854866 in:0.016280589625239372 :0.16036772727966309 +the:0.168490469455719 to:0.08028434962034225 a:0.03135407716035843 and:0.027904149144887924 :0.06798738986253738 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.27283206582069397 a:0.028499102219939232 said:0.01823149248957634 tho:0.018178485333919525 :0.17836137115955353 +of:0.037878621369600296 force:0.03529537841677666 were:0.029774822294712067 are:0.027146289125084877 :0.16088199615478516 +and:0.07166583091020584 The:0.019450534135103226 to:0.01705934666097164 the:0.015962522476911545 :0.1718333512544632 +said:0.01963045634329319 same:0.009088164195418358 public:0.008394654840230942 right:0.005712820217013359 :0.13320870697498322 +day:0.013749787583947182 and:0.005614542867988348 line:0.005527223460376263 way:0.004608391784131527 :0.2480889856815338 +and:0.059890180826187134 the:0.05105430632829666 The:0.020741548389196396 of:0.01941095106303692 :0.13184142112731934 +and:0.20511135458946228 but:0.04943934455513954 the:0.047399912029504776 who:0.04238119348883629 :0.06746164709329605 +own:0.02038581110537052 people:0.010827554389834404 country:0.008136152289807796 readers:0.0059156399220228195 :0.22298669815063477 +along:0.050960902124643326 and:0.03184279054403305 to:0.03101699985563755 the:0.028753625229001045 :0.27117452025413513 +the:0.35128483176231384 a:0.06821995973587036 his:0.048989154398441315 tho:0.01459981594234705 :0.0811915472149849 +people:0.015380902215838432 said:0.011311734095215797 best:0.008671450428664684 most:0.006709711160510778 :0.1660183072090149 +to:0.13367433845996857 in:0.04788927733898163 and:0.029002130031585693 with:0.02686987817287445 :0.10450533032417297 +the:0.055114541202783585 in:0.031026991084218025 and:0.027772119268774986 of:0.02759970724582672 :0.12543576955795288 +the:0.127308651804924 to:0.09329074621200562 and:0.07239563763141632 a:0.06365068256855011 :0.056812774389982224 +for:0.17863337695598602 to:0.13185079395771027 the:0.03378363326191902 by:0.03021039068698883 :0.0675278753042221 +few:0.03714944049715996 large:0.017770638689398766 man:0.013671026565134525 little:0.013416879810392857 :0.16718240082263947 +a:0.06355313956737518 the:0.061338767409324646 not:0.04375753551721573 to:0.03989727795124054 :0.10692004859447479 +the:0.13190412521362305 or:0.08095056563615799 they:0.07002635300159454 it:0.06822013109922409 :0.04525671899318695 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +time:0.11685148626565933 time,:0.046325892210006714 time.:0.035666607320308685 way:0.02920752391219139 :0.1401442587375641 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.03490433469414711 to:0.030834581702947617 and:0.027459897100925446 of:0.022100787609815598 :0.20628975331783295 +was:0.055382270365953445 is:0.053201824426651 to:0.047968823462724686 and:0.044292107224464417 :0.08628948777914047 +the:0.2683003842830658 a:0.04568884149193764 this:0.045423831790685654 tho:0.017123715952038765 :0.10178638249635696 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +to:0.640650749206543 and:0.07976113259792328 from:0.019133463501930237 west:0.014214206486940384 :0.018902193754911423 +of:0.2454523742198944 and:0.09612580388784409 that:0.07326605170965195 to:0.05138701945543289 :0.032646603882312775 +be:0.2767179310321808 not:0.07782290875911713 have:0.07274018973112106 he:0.01522214524447918 :0.0565987154841423 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.2750662565231323 but:0.048368122428655624 the:0.037983205169439316 which:0.021426113322377205 :0.07026921212673187 +litical:0.295200377702713 sition:0.05140097439289093 lice:0.049419552087783813 -:0.005221335683017969 :0.44799453020095825 +the:0.07311854511499405 a:0.06876657903194427 any:0.06323572248220444 being:0.019481169059872627 :0.12378665804862976 +U.:0.031162971630692482 .:0.015242299996316433 J.:0.011630135588347912 J:0.009947420097887516 :0.4941902160644531 +the:0.0649963840842247 r:0.02980414777994156 a:0.011957149021327496 >r:0.010193065740168095 :0.3068881928920746 +and:0.1194915771484375 of:0.04418874531984329 in:0.03946361690759659 to:0.02783484198153019 :0.0639534667134285 +of:0.1770983189344406 and:0.06198439374566078 to:0.0558953657746315 was:0.04068247228860855 :0.037227027118206024 +and:0.07846621423959732 from:0.06980659067630768 in:0.05456573888659477 with:0.04880289360880852 :0.0697152242064476 +a:0.03684420883655548 the:0.0364057794213295 made:0.02793208695948124 sold:0.016866616904735565 :0.12324710190296173 +as:0.5319269299507141 from:0.02733258716762066 the:0.018013617023825645 that:0.015012743882834911 :0.027176853269338608 +the:0.12481019645929337 a:0.051970068365335464 any:0.043213412165641785 in:0.03460181877017021 :0.07234197109937668 +and:0.0500541590154171 he:0.0341663621366024 the:0.021248847246170044 in:0.020806225016713142 :0.07646868377923965 +the:0.06660971790552139 to:0.026841141283512115 a:0.026251932606101036 then:0.011484906077384949 :0.09958435595035553 +and:0.15541720390319824 who:0.08514194190502167 in:0.05722266063094139 was:0.04228273034095764 :0.04530967399477959 +the:0.20054133236408234 of:0.039596471935510635 persons:0.03460076451301575 who:0.015756217762827873 :0.09419164061546326 +in:0.07590848207473755 if:0.05017801746726036 though:0.029708467423915863 the:0.02821379341185093 :0.026173369958996773 +and:0.06039920076727867 the:0.03686165809631348 to:0.024996744468808174 of:0.018792932853102684 :0.23334535956382751 +the:0.24253425002098083 be:0.03314215689897537 whether:0.028364010155200958 make:0.020574694499373436 :0.07394088059663773 +the:0.2176729291677475 this:0.0367690734565258 a:0.026349786669015884 my:0.022816326469182968 :0.16736458241939545 +and:0.0793534517288208 for:0.062131986021995544 to:0.05136598274111748 the:0.03471007198095322 :0.0336744450032711 +point:0.04157324507832527 stake:0.019657595083117485 large:0.017763804644346237 great:0.014630108140408993 :0.1461859792470932 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +and:0.06188486889004707 is:0.04039112105965614 was:0.02879995107650757 of:0.026835443452000618 :0.107317715883255 +the:0.5033734440803528 said:0.02924119122326374 a:0.021656645461916924 his:0.019486429169774055 :0.07530675828456879 +The:0.06387839466333389 It:0.03150510787963867 and:0.02274511009454727 A:0.020387856289744377 :0.25792017579078674 +and:0.07780927419662476 to:0.06778313964605331 by:0.055806998163461685 in:0.0351787731051445 :0.11007780581712723 +the:0.056600045412778854 and:0.01565425470471382 was:0.015248616226017475 in:0.014682264998555183 :0.176300048828125 +a:0.09368172287940979 the:0.07256902754306793 not:0.04224120080471039 to:0.02659311145544052 :0.11467142403125763 +the:0.29662153124809265 a:0.0384083017706871 this:0.03829216584563255 said:0.029288534075021744 :0.08365149050951004 +not:0.3068312108516693 the:0.047643937170505524 that:0.04500960558652878 he:0.02617049030959606 :0.04297534003853798 +a:0.08776889741420746 the:0.026956740766763687 only:0.026553966104984283 to:0.024901101365685463 :0.1202261820435524 +the:0.09744998812675476 and:0.058007508516311646 a:0.03675380349159241 in:0.029011692851781845 :0.07446223497390747 +the:0.29807180166244507 a:0.054973505437374115 this:0.027950815856456757 his:0.022335603833198547 :0.06079566851258278 +the:0.13683390617370605 to:0.12786835432052612 and:0.07786095887422562 with:0.04632195457816124 :0.08000823110342026 +ger:0.22721195220947266 gers:0.027363356202840805 and:0.02673974819481373 gerous:0.024452902376651764 :0.3806978464126587 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +own:0.022375259548425674 mind:0.010071950033307076 head:0.009964315220713615 life:0.008966121822595596 :0.1205446794629097 +people:0.007489361800253391 old:0.007442930247634649 whole:0.007401583716273308 way:0.006959623657166958 :0.1606888473033905 +rectly:0.21615378558635712 rect:0.17753976583480835 rection:0.13719061017036438 rected:0.022397223860025406 :0.23978731036186218 +the:0.306153804063797 a:0.08687194436788559 their:0.028962984681129456 his:0.018717866390943527 :0.0917072743177414 +in:0.11034391820430756 of:0.08307559043169022 and:0.06173962354660034 to:0.04426341876387596 :0.03837011754512787 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +in:0.04245975241065025 at:0.025973178446292877 made:0.025361482053995132 been:0.02397196926176548 :0.0897924080491066 +and:0.14475013315677643 but:0.039698608219623566 that:0.027708282694220543 the:0.02575371414422989 :0.0640280693769455 +of:0.20171727240085602 was:0.05556053668260574 is:0.04769084230065346 and:0.023174023255705833 :0.11071614176034927 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +the:0.1589212268590927 a:0.03325991705060005 his:0.011522147804498672 tho:0.008170703426003456 :0.19908154010772705 +of:0.14366814494132996 and:0.10282476246356964 in:0.09137172996997833 to:0.06401267647743225 :0.02398592047393322 +of:0.08251368999481201 and:0.06976448744535446 the:0.04556990787386894 to:0.03371737524867058 :0.08710886538028717 +and:0.03951114043593407 of:0.022905439138412476 the:0.019878312945365906 to:0.016621604561805725 :0.0878448486328125 +and:0.07046015560626984 of:0.04744348302483559 in:0.045916907489299774 for:0.03854142129421234 :0.12371575087308884 +of:0.09754247218370438 year:0.05535801872611046 year,:0.03610050678253174 county:0.03366309776902199 :0.07001965492963791 +the:0.20930026471614838 a:0.04544481262564659 this:0.023479575291275978 tho:0.021826498210430145 :0.11436416953802109 +the:0.04948100075125694 and:0.03729640319943428 to:0.022806935012340546 in:0.018750859424471855 :0.17459851503372192 +the:0.4124702215194702 a:0.06796840578317642 his:0.022585494443774223 this:0.019112862646579742 :0.051901236176490784 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +of:0.15609677135944366 the:0.11781123280525208 and:0.045694008469581604 a:0.03527555242180824 :0.07025165110826492 +ago:0.12608429789543152 ago.:0.11071101576089859 of:0.09918560832738876 ago,:0.06692890077829361 :0.08204899728298187 +the:0.06627051532268524 then:0.04306729882955551 yet:0.03576047718524933 I:0.03551682084798813 :0.0779176577925682 +products:0.07323969155550003 and:0.0478399433195591 cows:0.025117114186286926 products,:0.02326422929763794 :0.27215129137039185 +.:0.05059291422367096 of:0.029348712414503098 to:0.016030151396989822 was:0.012416590936481953 :0.3072650730609894 +and:0.04509735479950905 of:0.04048801213502884 in:0.03695372864603996 at:0.028165800496935844 :0.06611291319131851 +the:0.2758103907108307 a:0.040087394416332245 this:0.02008114941418171 tho:0.019798519089818 :0.10637474805116653 +as:0.2769642174243927 to:0.2555066645145416 that:0.09672538191080093 and:0.05220138281583786 :0.033005885779857635 +and:0.02432764694094658 of:0.01251970510929823 sense:0.00986790657043457 interest:0.008102805353701115 :0.1672099083662033 +to:0.3715299665927887 by:0.11978991329669952 in:0.08906968683004379 for:0.04133055359125137 :0.036052726209163666 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +the:0.13927903771400452 he:0.04584363475441933 they:0.034043602645397186 it:0.028728021308779716 :0.06979090720415115 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +and:0.06306999176740646 of:0.04699047654867172 the:0.03095032088458538 The:0.022979114204645157 :0.10868512839078903 +and:0.049344852566719055 of:0.03631150349974632 in:0.025504175573587418 to:0.021751681342720985 :0.11860650032758713 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +down:0.16490019857883453 up:0.10243912041187286 in:0.09259569644927979 on:0.03336825594305992 :0.039547279477119446 +the:0.3724309206008911 a:0.04431223124265671 this:0.02672835811972618 tho:0.024657120928168297 :0.057869624346494675 +other:0.11173871159553528 of:0.09712217003107071 one:0.06872978061437607 man:0.021486816927790642 :0.12569759786128998 +of:0.28968918323516846 and:0.03028170019388199 in:0.027858711779117584 the:0.021269122138619423 :0.08491707593202591 +lows::0.5406732559204102 lows:0.19003598392009735 lows,:0.15133978426456451 lowed:0.014971883967518806 :0.04678723216056824 +and:0.06181712821125984 of:0.028551995754241943 the:0.024418797343969345 The:0.012518285773694515 :0.208424910902977 +property:0.02888837642967701 and:0.01462029293179512 room:0.010576507076621056 of:0.010306600481271744 :0.2678317427635193 +than:0.14115771651268005 in:0.014691607095301151 of:0.013228368014097214 or:0.01259298250079155 :0.140672966837883 +and:0.2504271864891052 in:0.08693290501832962 were:0.044282808899879456 at:0.04130031540989876 :0.10732288658618927 +the:0.24574851989746094 a:0.03851540759205818 this:0.03490734100341797 his:0.01628769375383854 :0.09195136278867722 +the:0.020883740857243538 and:0.01937345415353775 a:0.013299297541379929 in:0.008705925196409225 :0.21589182317256927 +to:0.09365755319595337 in:0.07202804833650589 and:0.06680196523666382 that:0.059638626873493195 :0.04998576641082764 +people:0.011843292973935604 fact:0.009210489690303802 said:0.0072790272533893585 man:0.007123363204300404 :0.19204625487327576 +the:0.14527221024036407 two:0.028279105201363564 tho:0.014807556755840778 said:0.01398435328155756 :0.12215070426464081 +be:0.20669926702976227 have:0.13056394457817078 not:0.05718795582652092 bo:0.012991608120501041 :0.05571148917078972 +and:0.20789825916290283 which:0.031818874180316925 for:0.029849078506231308 as:0.02969517558813095 :0.042789991945028305 +and:0.040407441556453705 M.:0.017916899174451828 B.:0.013187427073717117 H.:0.013064716011285782 :0.4903010129928589 +in:0.11948461830615997 of:0.11643046140670776 for:0.03274036943912506 and:0.02839670330286026 :0.025708740577101707 +many:0.14319738745689392 far:0.11248830705881119 much:0.07090920209884644 that:0.04019442945718765 :0.11190855503082275 +situate:0.05965249985456467 in:0.05886959284543991 and:0.05068540573120117 to:0.028075754642486572 :0.07618731260299683 +in:0.06356300413608551 of:0.0567510724067688 and:0.0452481210231781 from:0.042646635323762894 :0.0537039116024971 +J:0.015240129083395004 A.:0.014386751689016819 J.:0.012146713212132454 John:0.011985277757048607 :0.3424929976463318 +to:0.2866385877132416 for:0.13848572969436646 and:0.09204243868589401 of:0.03383453190326691 :0.0374879352748394 +the:0.04633680731058121 he:0.02577662095427513 of:0.015781180933117867 lie:0.012034542858600616 :0.20013496279716492 +the:0.1259734332561493 that:0.02087540552020073 a:0.019385861232876778 then:0.01801907829940319 :0.10284767299890518 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +large:0.015873344615101814 certain:0.01390169095247984 few:0.012501667253673077 great:0.011762880720198154 :0.17911696434020996 +the:0.02081672102212906 and:0.015207065269351006 a:0.009525272063910961 of:0.006980442441999912 :0.2909572124481201 +equal:0.072962686419487 years:0.06530460715293884 or:0.0641699731349945 of:0.03185326233506203 :0.1962183266878128 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +S:0.019838456064462662 .:0.012661847285926342 A:0.010920566506683826 Survey:0.010101992636919022 :0.3390265703201294 +same:0.009254051372408867 old:0.005560216493904591 last:0.00501781702041626 first:0.004901349078863859 :0.18566274642944336 +most:0.01720878854393959 only:0.014031619764864445 best:0.012010560370981693 people:0.0064127398654818535 :0.4034650921821594 +and:0.24511654675006866 but:0.07195856422185898 in:0.029787197709083557 the:0.020768674090504646 :0.037727393209934235 +is:0.12063422799110413 of:0.07474750280380249 has:0.059275105595588684 was:0.04918042570352554 :0.045379046350717545 +in:0.13945075869560242 to:0.1004151850938797 at:0.09831133484840393 and:0.04953652620315552 :0.056621961295604706 +to:0.19580630958080292 the:0.09307693690061569 and:0.05670259892940521 from:0.04601148143410683 :0.040494926273822784 +the:0.3371490240097046 them:0.0782318189740181 his:0.027855902910232544 these:0.027264440432190895 :0.09937446564435959 +and:0.15221938490867615 the:0.02615567296743393 to:0.020654840394854546 at:0.017422720789909363 :0.19531665742397308 +of:0.3698994517326355 and:0.048449933528900146 council:0.020818352699279785 is:0.01532029639929533 :0.0482129231095314 +the:0.22381936013698578 which:0.05153205618262291 a:0.03493768721818924 this:0.023001089692115784 :0.11219169944524765 +of:0.07023440301418304 and:0.05596865713596344 is:0.04497576877474785 was:0.04370618984103203 :0.042389336973428726 +and:0.08774923533201218 the:0.05307109281420708 in:0.03516124561429024 to:0.021638615056872368 :0.1780424863100052 +whole:0.016398316249251366 same:0.015144257806241512 most:0.014013142324984074 entire:0.008232872001826763 :0.18617548048496246 +the:0.067792147397995 to:0.035450950264930725 a:0.02631955035030842 and:0.019177380949258804 :0.16215059161186218 +of:0.10496290773153305 and:0.07577916234731674 was:0.05107879266142845 were:0.03895241394639015 :0.047475121915340424 +and:0.1389313042163849 in:0.03244534879922867 is:0.02997695282101631 for:0.02279260940849781 :0.1069725900888443 +and:0.0210561566054821 the:0.017276037484407425 of:0.013516360893845558 man:0.00788250844925642 :0.1396087259054184 +and:0.16191326081752777 in:0.09104811400175095 to:0.06764502078294754 or:0.049834877252578735 :0.054149746894836426 +upon:0.13840936124324799 as:0.1383141428232193 in:0.0652504563331604 by:0.06212671101093292 :0.0762273296713829 +the:0.1431403011083603 to:0.016671432182192802 that:0.015209885314106941 otherwise:0.014002670533955097 :0.1091938316822052 +of:0.034155555069446564 .:0.024251246824860573 to:0.01913265883922577 and:0.01550365425646305 :0.3093009293079376 +be:0.23862022161483765 have:0.09197864681482315 the:0.02305261790752411 me:0.022750720381736755 :0.0901717096567154 +Columbia:0.03519963473081589 and:0.020383158698678017 Columbia,:0.018031373620033264 government:0.014942256733775139 :0.26723313331604004 +and:0.07019204646348953 the:0.021989304572343826 The:0.020987417548894882 of:0.017616337165236473 :0.22335202991962433 +the:0.37192946672439575 a:0.03273758292198181 this:0.031060194596648216 our:0.021511342376470566 :0.11496122926473618 +and:0.05573238432407379 the:0.03132566064596176 of:0.027884313836693764 ing:0.022799795493483543 :0.21444107592105865 +same:0.019013026729226112 first:0.007928526028990746 said:0.007828891277313232 most:0.00777258537709713 :0.14338159561157227 +the:0.24131400883197784 a:0.056530822068452835 this:0.04948408156633377 your:0.042705584317445755 :0.08762473613023758 +in:0.23338155448436737 the:0.06454785168170929 a:0.06320712715387344 on:0.03978367894887924 :0.06620717793703079 +speak,:0.1833827793598175 do,:0.07256896048784256 be:0.06313101202249527 do:0.04460612311959267 :0.06530091911554337 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.23040567338466644 a:0.054965075105428696 no:0.05339618772268295 reason:0.03265703096985817 :0.09788525104522705 +the:0.1429598480463028 to:0.021596742793917656 that:0.02025025710463524 a:0.018102901056408882 :0.12341311573982239 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.13310223817825317 he:0.03713551536202431 they:0.02671930007636547 it:0.022616799920797348 :0.04601045697927475 +with:0.21412189304828644 and:0.08730313181877136 up:0.0554659478366375 to:0.036903224885463715 :0.12077362090349197 +and:0.045170217752456665 next,:0.03852656111121178 A.:0.02120155654847622 in:0.016019731760025024 :0.22922752797603607 +and:0.03880604729056358 relief:0.010444575920701027 importance:0.01002612803131342 cure.:0.009326779283583164 :0.23028941452503204 +own:0.027573328465223312 way:0.018250389024615288 head:0.01777578890323639 eyes:0.01388072781264782 :0.12610460817813873 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +and:0.14280520379543304 in:0.07462546229362488 the:0.045539867132902145 to:0.04481752961874008 :0.10833907872438431 +of:0.28638872504234314 and:0.07382906973361969 with:0.02248775213956833 to:0.019119229167699814 :0.035613805055618286 +that:0.3524351418018341 the:0.0741867944598198 in:0.06093719229102135 it:0.03477894142270088 :0.06512205302715302 +the:0.13696911931037903 after:0.07223615050315857 he:0.05111735314130783 they:0.04395005479454994 :0.07773416489362717 +the:0.08241904526948929 two:0.04746463894844055 a:0.03726871684193611 ten:0.017468318343162537 :0.17782121896743774 +the:0.3523992598056793 a:0.02301352098584175 future:0.019444044679403305 tho:0.018673405051231384 :0.1432953029870987 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +not:0.056718721985816956 to:0.05092709884047508 now:0.02576258033514023 in:0.021164564415812492 :0.13482853770256042 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +the:0.012704676017165184 a:0.009236532263457775 and:0.0046963985078036785 national:0.0031417508143931627 :0.5525473356246948 +of:0.06366480886936188 and:0.010530400089919567 other:0.010298415087163448 one:0.007302867714315653 :0.17173300683498383 +be:0.030518196523189545 make:0.019385166466236115 take:0.018370911478996277 feel:0.017013998702168465 :0.14519524574279785 +to:0.12580525875091553 and:0.06581804156303406 that:0.04650241881608963 of:0.03819066286087036 :0.0940840020775795 +of:0.08824113011360168 after:0.06544778496026993 before:0.0631737932562828 and:0.04445136711001396 :0.04736733064055443 +the:0.2791193723678589 with:0.03771492838859558 and:0.03262898325920105 a:0.03226578235626221 :0.054137397557497025 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +of:0.4776974022388458 or:0.023307980969548225 and:0.02241009660065174 hundred:0.015491578727960587 :0.055354367941617966 +and:0.15434527397155762 or:0.024438055232167244 in:0.02303236350417137 at:0.01888277195394039 :0.09826504439115524 +and:0.09155924618244171 in:0.018373599275946617 on:0.016630971804261208 or:0.01385875977575779 :0.11445740610361099 +the:0.019334977492690086 e:0.012131720781326294 a:0.008091374300420284 I:0.007882188074290752 :0.3343456983566284 +to:0.03770323842763901 not:0.03485935553908348 in:0.02425638772547245 a:0.019781576469540596 :0.13826103508472443 +in:0.5692922472953796 In:0.08266742527484894 and:0.02156280353665352 at:0.016778193414211273 :0.04940921813249588 +have:0.051695648580789566 are:0.05142732709646225 is:0.039415422827005386 the:0.034319669008255005 :0.06761617958545685 +crease:0.04850778728723526 terest:0.034292541444301605 to:0.02972511202096939 stead:0.02323615737259388 :0.4377835988998413 +selves:0.5566712021827698 selves,:0.1661795824766159 selves.:0.0254718866199255 and:0.008225810714066029 :0.11061010509729385 +and:0.052126284688711166 to:0.03260822221636772 of:0.029031643643975258 the:0.025210533291101456 :0.1898384988307953 +the:0.23052220046520233 a:0.07433804124593735 that:0.05640789866447449 him:0.05504367873072624 :0.04800766706466675 +the:0.07200315594673157 a:0.05660189315676689 not:0.053810473531484604 to:0.025914354249835014 :0.10839144140481949 +own:0.04081447422504425 home:0.013125790283083916 wife:0.008947865106165409 friends:0.006803629919886589 :0.15939073264598846 +and:0.08435028046369553 to:0.026490027084946632 The:0.018797509372234344 of:0.016599323600530624 :0.16484713554382324 +and:0.08376765996217728 of:0.08222394436597824 is:0.06182771921157837 in:0.04179999232292175 :0.03751682862639427 +the:0.26549074053764343 a:0.04430374875664711 his:0.03533583879470825 their:0.022424539551138878 :0.10273522138595581 +man:0.012478752061724663 large:0.008416790515184402 good:0.008008531294763088 great:0.007064047269523144 :0.3054465055465698 +of:0.7002453804016113 was:0.019051745533943176 and:0.01874409057199955 is:0.017565893009305 :0.01228659600019455 +of:0.3107677400112152 and:0.1579061895608902 in:0.040907472372055054 to:0.03239618241786957 :0.031823817640542984 +street:0.058561135083436966 Street:0.04552600160241127 street,:0.03234526515007019 to:0.023837020620703697 :0.2188289612531662 +old:0.013764230534434319 officer:0.011958861723542213 act:0.011514069512486458 amendment:0.010071049444377422 :0.24455536901950836 +of:0.2324235886335373 and:0.09796416759490967 to:0.06930772215127945 from:0.05485900491476059 :0.0619150847196579 +limits:0.0665447935461998 last:0.04726732149720192 past:0.03963100165128708 next:0.035790055990219116 :0.16751502454280853 +and:0.0747377872467041 to:0.0563892237842083 by:0.047118157148361206 in:0.03180957958102226 :0.11779145151376724 +Mrs.:0.15056589245796204 and:0.06689778715372086 the:0.06139359623193741 I:0.036227717995643616 :0.12651440501213074 +and:0.04162566363811493 was:0.023552175611257553 is:0.023106643930077553 the:0.019756579771637917 :0.20298579335212708 +the:0.18528620898723602 least:0.057386621832847595 a:0.05652095004916191 this:0.015400530770421028 :0.14656339585781097 +the:0.3727416396141052 a:0.03051569126546383 this:0.025496739894151688 his:0.02283652499318123 :0.06751933693885803 +and:0.0580986812710762 of:0.05748191103339195 to:0.0393851213157177 the:0.03551235422492027 :0.1034528985619545 +to:0.15820516645908356 and:0.037928082048892975 in:0.0248989537358284 as:0.02396458573639393 :0.07863802462816238 +the:0.04613281786441803 a:0.04401105269789696 not:0.03527403995394707 made:0.012696746736764908 :0.2470053732395172 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +C:0.017666742205619812 A.:0.017648959532380104 H.:0.015983814373612404 L:0.014470226131379604 :0.4202533960342407 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +thing:0.02982879802584648 feature:0.017429590225219727 way:0.016329539939761162 man:0.011738980188965797 :0.16661937534809113 +times,:0.051458291709423065 times.:0.040642641484737396 days:0.015401989221572876 warfare,:0.012528142891824245 :0.2748410403728485 +than:0.1496567726135254 still,:0.01801142655313015 well:0.01408299244940281 in:0.012049470096826553 :0.2701381742954254 +of:0.1352790892124176 and:0.04832310229539871 to:0.017215460538864136 the:0.011583392508327961 :0.19328036904335022 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +many:0.1246534064412117 much:0.10918135941028595 that:0.03689553216099739 long:0.029762709513306618 :0.1270720213651657 +and:0.06469481438398361 the:0.03618232160806656 of:0.028485503047704697 The:0.020283758640289307 :0.15474504232406616 +other:0.05139564350247383 of:0.043269626796245575 kind:0.03650795295834541 one:0.028417862951755524 :0.13148681819438934 +the:0.218227356672287 a:0.03600507229566574 this:0.03215852379798889 their:0.028149526566267014 :0.08721400052309036 +of:0.10169963538646698 in:0.10060244798660278 are:0.052574753761291504 as:0.04808371141552925 :0.044960737228393555 +the:0.05381914973258972 to:0.04148606210947037 and:0.029639558866620064 a:0.021061250939965248 :0.14225879311561584 +and:0.031859613955020905 of:0.024611197412014008 W:0.015505106188356876 deg:0.014458179473876953 :0.3071548044681549 +in:0.05320021137595177 has:0.027036821469664574 to:0.02424601837992668 on:0.021770967170596123 :0.09156230837106705 +not:0.03948759660124779 the:0.032794322818517685 to:0.01854604296386242 in:0.01853678561747074 :0.19783002138137817 +of:0.12797942757606506 and:0.1226942166686058 to:0.03815629333257675 or:0.02790186181664467 :0.05929950997233391 +a:0.2110474854707718 no:0.1915147304534912 not:0.04970419406890869 an:0.029578860849142075 :0.03846994414925575 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +to:0.16956660151481628 that:0.1382320374250412 the:0.08542564511299133 a:0.05378435552120209 :0.07401978224515915 +been:0.22996944189071655 more:0.08193331211805344 a:0.0641871839761734 to:0.021945415064692497 :0.04863067716360092 +been:0.1315964013338089 a:0.03979337587952614 no:0.03161231428384781 not:0.03150714561343193 :0.060576848685741425 +the:0.20016297698020935 a:0.11840737611055374 him:0.018504317849874496 his:0.018224099650979042 :0.10973575711250305 +the:0.5350338816642761 said:0.047882139682769775 his:0.024663541465997696 this:0.024474268779158592 :0.05426103249192238 +of:0.0925690084695816 and:0.046297717839479446 to:0.02578144706785679 the:0.023707915097475052 :0.15482376515865326 +and:0.19485171139240265 or:0.07106485217809677 for:0.07046107202768326 at:0.06035168096423149 :0.048233967274427414 +of:0.24239593744277954 to:0.062409866601228714 in:0.057929545640945435 for:0.04913180693984032 :0.047021280974149704 +ter:0.3881758153438568 ter,:0.09642178565263748 ter.:0.08512500673532486 ters:0.02048470452427864 :0.14171671867370605 +and:0.41628655791282654 of:0.029458973556756973 or:0.02735077776014805 is:0.022527895867824554 :0.049138788133859634 +made:0.04690900072455406 in:0.020188812166452408 used:0.014166641980409622 taken:0.011654668487608433 :0.1166299358010292 +north:0.09639673680067062 south:0.08512929826974869 with:0.05764589458703995 N.:0.04080481454730034 :0.1361347734928131 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +been:0.17217190563678741 a:0.09063860774040222 the:0.08861395716667175 an:0.01522032730281353 :0.08020587265491486 +the:0.10393409430980682 a:0.024195963516831398 .:0.021788455545902252 and:0.010162641294300556 :0.32173317670822144 +the:0.23799699544906616 a:0.04221582040190697 tho:0.014849789440631866 this:0.014704192988574505 :0.22046831250190735 +the:0.3425220549106598 it:0.07348291575908661 he:0.04903954267501831 a:0.04465055465698242 :0.032327450811862946 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +and:0.133313849568367 but:0.03276636078953743 who:0.02463548444211483 to:0.021225998178124428 :0.10594908148050308 +of:0.4081484079360962 that:0.16298937797546387 and:0.0498826764523983 in:0.019453244283795357 :0.023764261975884438 +friends:0.011695321649312973 own:0.009040463715791702 families:0.007356457877904177 children:0.00727881770581007 :0.24761418998241425 +of:0.5582349896430969 the:0.026326749473810196 for:0.02576170116662979 a:0.0182923786342144 :0.034637127071619034 +.:0.06723280251026154 21,:0.02299012430012226 block:0.02093706652522087 and:0.018355397507548332 :0.22946643829345703 +W:0.015728335827589035 H:0.015624447725713253 H.:0.014151209965348244 C:0.01393815502524376 :0.38036131858825684 +the:0.14555661380290985 of:0.04628106951713562 that:0.037470653653144836 he:0.021343406289815903 :0.1646566390991211 +was:0.17624913156032562 is:0.08252959698438644 has:0.05051930993795395 had:0.04561449959874153 :0.06771232187747955 +the:0.33396631479263306 this:0.06302427500486374 a:0.03803303465247154 such:0.031707651913166046 :0.08001942932605743 +and:0.06623473763465881 to:0.042892467230558395 is:0.04148852080106735 in:0.03167124465107918 :0.07178917527198792 +the:0.054060664027929306 I:0.024189094081521034 a:0.023186830803751945 to:0.017549680545926094 :0.11790177971124649 +are:0.08164647966623306 in:0.05695970728993416 and:0.05267834663391113 have:0.04927879944443703 :0.07374995201826096 +been:0.2096746265888214 a:0.05579866096377373 the:0.04556703940033913 not:0.026948634535074234 :0.05799488350749016 +of:0.34139519929885864 line:0.037576284259557724 and:0.03215326741337776 end:0.029117174446582794 :0.06848843395709991 +the:0.048884905874729156 and:0.030962733551859856 to:0.029597749933600426 a:0.023040806874632835 :0.15917588770389557 +and:0.12915924191474915 the:0.07212710380554199 of:0.02588062733411789 but:0.020252009853720665 :0.10796017944812775 +of:0.1790359914302826 one:0.024648940190672874 other:0.018415220081806183 kind:0.015108934603631496 :0.13355834782123566 +of:0.21406997740268707 hundred:0.03235819935798645 and:0.014862236566841602 or:0.014561207965016365 :0.13866087794303894 +not:0.059868235141038895 being:0.025733621791005135 to:0.020721646025776863 now:0.019066859036684036 :0.12853267788887024 +of:0.18891850113868713 in:0.11500207334756851 thereon:0.05531144514679909 at:0.04904495179653168 :0.0468892864882946 +to:0.04262290894985199 not:0.04053647443652153 in:0.015291193500161171 as:0.014593662694096565 :0.10064228624105453 +and:0.1069842204451561 are:0.048624228686094284 for:0.03784037381410599 is:0.03660215809941292 :0.05947834998369217 +the:0.3192598819732666 a:0.06554095447063446 their:0.034254711121320724 his:0.03220357745885849 :0.054225824773311615 +not:0.2720242142677307 the:0.13352644443511963 he:0.028159907087683678 it:0.027393575757741928 :0.053287651389837265 +the:0.44765666127204895 this:0.028461383655667305 a:0.0222545824944973 tho:0.01735740154981613 :0.09208312630653381 +the:0.15993721783161163 all,:0.039841752499341965 named:0.030115235596895218 all:0.02280515246093273 :0.2555132806301117 +by:0.07108071446418762 the:0.07010067999362946 to:0.06506877392530441 a:0.0644688531756401 :0.0429835170507431 +of:0.08798061311244965 and:0.057747360318899155 the:0.033497679978609085 to:0.016482209786772728 :0.11104709655046463 +N.:0.11901571601629257 S.:0.10599376261234283 south:0.0437530018389225 and:0.0429212749004364 :0.12888668477535248 +2:0.12315595149993896 1:0.0973714292049408 1,:0.05771670490503311 3:0.05446727201342583 :0.1309308260679245 +a:0.029354669153690338 made:0.021220248192548752 in:0.017908724024891853 the:0.015689436346292496 :0.1536957174539566 +The:0.1841239482164383 It:0.04571801424026489 He:0.030428720638155937 I:0.029117215424776077 :0.09645161777734756 +Smith,:0.007405806332826614 H.:0.006444642320275307 .:0.005681787151843309 B.:0.0055131674744188786 :0.5249585509300232 +of:0.23165637254714966 for:0.05308002606034279 are:0.04025910422205925 and:0.034234222024679184 :0.033509235829114914 +have:0.018518660217523575 to:0.014064929448068142 was:0.013202638365328312 am:0.011976545676589012 :0.19963189959526062 +in:0.09244196116924286 and:0.07804130017757416 at:0.0640055388212204 to:0.04626843333244324 :0.1012568324804306 +tional:0.31361305713653564 tions:0.05874956026673317 tion,:0.05757138878107071 tion:0.0443347804248333 :0.1491684913635254 +of:0.07194183766841888 and:0.056526049971580505 to:0.03884240984916687 The:0.028125464916229248 :0.1581217646598816 +Louis:0.15837900340557098 Louis,:0.1410897970199585 Louis.:0.06178337335586548 Mary's:0.03553757071495056 :0.2840802073478699 +and:0.052005376666784286 of:0.01872280240058899 to:0.013326342217624187 the:0.011530070565640926 :0.2173679620027542 +the:0.02656664326786995 and:0.021268075332045555 to:0.020763425156474113 of:0.01968659646809101 :0.16309206187725067 +been:0.12438057363033295 a:0.05198028311133385 not:0.05197414383292198 no:0.02477365732192993 :0.08511720597743988 +to:0.4902719557285309 that:0.013720937073230743 in:0.012877671979367733 and:0.01271764375269413 :0.11631416529417038 +of:0.6686639785766602 in:0.03389515355229378 that:0.023742401972413063 and:0.019668299704790115 :0.015590230002999306 +as:0.2236795574426651 and:0.0804445892572403 in:0.035772744566202164 the:0.020209701731801033 :0.1421106457710266 +and:0.15846829116344452 John:0.006289319600909948 J:0.004755731672048569 James:0.004309702664613724 :0.4816037714481354 +the:0.10242048650979996 a:0.01977357268333435 in:0.015786049887537956 that:0.013238963671028614 :0.11340723186731339 +meeting:0.04723797366023064 report:0.0423441082239151 tax:0.028810294345021248 election:0.017054857686161995 :0.14312919974327087 +by:0.06868509948253632 and:0.04557230696082115 the:0.045303553342819214 in:0.04374636709690094 :0.07737884670495987 +mortgage:0.03486073762178421 County:0.014469009824097157 John:0.012604025192558765 James:0.009327806532382965 :0.15688163042068481 +of:0.10409952700138092 year:0.054451555013656616 year.:0.035013459622859955 year,:0.01820426806807518 :0.09571148455142975 +and:0.062749944627285 of:0.03520316630601883 the:0.028705690056085587 in:0.016960207372903824 :0.18967071175575256 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +the:0.02415064349770546 and:0.01911354251205921 of:0.015110155567526817 day:0.008335623890161514 :0.3273380398750305 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +the:0.29205384850502014 their:0.025710495188832283 a:0.023282652720808983 this:0.019931171089410782 :0.08194735646247864 +and:0.08794023096561432 The:0.027617961168289185 to:0.021872075274586678 in:0.02120191976428032 :0.18647624552249908 +and:0.2377106100320816 in:0.03373115137219429 the:0.03218518942594528 to:0.029139630496501923 :0.0913655087351799 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +with:0.05807578191161156 and:0.039366479963064194 the:0.037570565938949585 for:0.02922213077545166 :0.09519495815038681 +that:0.7921251654624939 of:0.03835509344935417 that,:0.012518331408500671 is:0.009392179548740387 :0.008165515959262848 +and:0.06735692918300629 citizens:0.033977627754211426 roads:0.02481216751039028 things:0.023905517533421516 :0.1741921603679657 +ly:0.20193617045879364 the:0.013331961818039417 ing:0.013325347565114498 of:0.009583983570337296 :0.31306177377700806 +the:0.33572426438331604 a:0.03221471607685089 his:0.02225029654800892 their:0.017145121470093727 :0.09816061705350876 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +and:0.05616144463419914 the:0.036668963730335236 of:0.025221295654773712 in:0.025213683024048805 :0.2031654715538025 +the:0.14955028891563416 said:0.022193871438503265 a:0.01641545630991459 this:0.01186748594045639 :0.19361484050750732 +by:0.5182781219482422 the:0.05071932449936867 in:0.02241113781929016 a:0.021706966683268547 :0.025960519909858704 +and:0.043393682688474655 of:0.03397318720817566 in:0.007110044360160828 to:0.0043192594312131405 :0.1713872104883194 +the:0.29762235283851624 two:0.022203318774700165 tho:0.0221234317868948 a:0.015596463344991207 :0.1763692945241928 +and:0.05732511729001999 to:0.050260648131370544 that:0.04870990291237831 in:0.041949693113565445 :0.08829683065414429 +M:0.011257443577051163 W.:0.010625886730849743 J:0.008773671463131905 W:0.008408719673752785 :0.6202324032783508 +the:0.11298185586929321 a:0.020567478612065315 tne:0.020059576258063316 said:0.009908391162753105 :0.3198993504047394 +the:0.075078584253788 of:0.03131239861249924 he:0.027925826609134674 they:0.02128191664814949 :0.08500241488218307 +a:0.0419638454914093 made:0.03371633589267731 the:0.02694927714765072 in:0.017791174352169037 :0.13349038362503052 +the:0.05240409076213837 and:0.047803569585084915 to:0.043360792100429535 in:0.027384908869862556 :0.20081348717212677 +and:0.1780589073896408 or:0.06549571454524994 of:0.05214016139507294 such:0.02993135154247284 :0.19759328663349152 +the:0.049476876854896545 a:0.01690787822008133 and:0.01276358775794506 his:0.0031033470295369625 :0.4112655520439148 +two:0.01743932254612446 men:0.01714373752474785 are:0.014762850478291512 were:0.010604354552924633 :0.19320404529571533 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +he:0.09742149710655212 the:0.09106045961380005 they:0.08193989843130112 I:0.053100280463695526 :0.09701353311538696 +was:0.08337639272212982 had:0.04350872337818146 is:0.03765808790922165 has:0.03345349431037903 :0.12556792795658112 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +the:0.089836984872818 to:0.0414421483874321 in:0.03158676624298096 with:0.023484710603952408 :0.08865038305521011 +the:0.19615082442760468 he:0.0827338844537735 it:0.06748948246240616 they:0.06402860581874847 :0.05888230353593826 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +to:0.044885583221912384 the:0.03270996734499931 a:0.024042265489697456 and:0.016809387132525444 :0.1741696447134018 +the:0.3737852871417999 this:0.03286651521921158 our:0.017778130248188972 tho:0.015545782633125782 :0.11841727793216705 +that:0.11404739320278168 the:0.0754619613289833 it:0.036645252257585526 is:0.026564953848719597 :0.09231629222631454 +a:0.14845502376556396 the:0.08138130605220795 by:0.04256143048405647 of:0.030555222183465958 :0.04165463149547577 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +in:0.23063981533050537 by:0.1372564435005188 to:0.13079388439655304 In:0.0535430870950222 :0.047452520579099655 +of:0.6299024820327759 and:0.044100966304540634 in:0.021927177906036377 was:0.01601550169289112 :0.01336613204330206 +and:0.06112728267908096 of:0.05092838406562805 Mrs.:0.020472021773457527 the:0.015652820467948914 :0.24042336642742157 +gressive:0.08762741833925247 tection:0.03447955846786499 perty:0.03296276181936264 ceedings:0.02992311120033264 :0.374579519033432 +United:0.00840440671890974 State:0.005244650412350893 country:0.005143229383975267 city:0.004546188283711672 :0.29410356283187866 +of:0.18526647984981537 who:0.08092405647039413 and:0.0795833021402359 are:0.03429456055164337 :0.05838555097579956 +the:0.089781254529953 a:0.031201645731925964 of:0.014712696895003319 that:0.014059098437428474 :0.17592942714691162 +a:0.04890450835227966 not:0.040928423404693604 in:0.027550706639885902 the:0.01751522719860077 :0.10871876776218414 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +and:0.0892731100320816 to:0.07006799429655075 in:0.05326751619577408 for:0.040572185069322586 :0.05007414147257805 +the:0.03490433469414711 to:0.030834581702947617 and:0.027459897100925446 of:0.022100787609815598 :0.20628975331783295 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.13084937632083893 of:0.07235563546419144 that:0.04057293385267258 the:0.03988804295659065 :0.13784335553646088 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.3667950928211212 line:0.3484005331993103 and:0.021493470296263695 Une:0.017707794904708862 :0.028582733124494553 +who:0.12556861340999603 was:0.10261604189872742 is:0.042125288397073746 of:0.041094690561294556 :0.08480121940374374 +for:0.11051711440086365 and:0.09056471288204193 to:0.0630757287144661 or:0.0461450070142746 :0.056818630546331406 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.12000703066587448 was:0.030397627502679825 is:0.026802878826856613 and:0.019365746527910233 :0.16274411976337433 +of:0.28004488348960876 to:0.07206641137599945 in:0.057878777384757996 is:0.040235456079244614 :0.04007351025938988 +Carolina:0.04259209334850311 and:0.03916360065340996 to:0.022493796423077583 is:0.020298924297094345 :0.14615985751152039 +of:0.876030445098877 to:0.010916909202933311 No.:0.010875686071813107 ot:0.010865411721169949 :0.013426387682557106 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +of:0.1540573388338089 and:0.08562126755714417 are:0.044543080031871796 in:0.03772224113345146 :0.04808720201253891 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +said:0.008949282579123974 people:0.008087619207799435 whole:0.0056840297766029835 law:0.0055570355616509914 :0.2078039050102234 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +what:0.1654999852180481 how:0.12806527316570282 that:0.10018731653690338 why:0.05931243672966957 :0.05291806533932686 +and:0.07780927419662476 to:0.06778313964605331 by:0.055806998163461685 in:0.0351787731051445 :0.11007780581712723 +and:0.10361621528863907 to:0.04937046021223068 of:0.04595204070210457 in:0.026147326454520226 :0.08214155584573746 +and:0.17419521510601044 but:0.08476006239652634 that:0.04656124860048294 as:0.030006319284439087 :0.041391368955373764 +upon:0.2845979928970337 on:0.08538677543401718 by:0.08432924747467041 in:0.032720379531383514 :0.03253337740898132 +and:0.040852632373571396 the:0.036442771553993225 a:0.010815289802849293 in:0.0081088338047266 :0.2022930234670639 +the:0.07196445763111115 a:0.027710342779755592 that:0.009619812481105328 to:0.00903209950774908 :0.25351640582084656 +and:0.039086584001779556 purposes:0.010296601802110672 purposes,:0.007870524190366268 or:0.007457308005541563 :0.22067688405513763 +and:0.1461024135351181 to:0.019063470885157585 with:0.018680181354284286 of:0.017511427402496338 :0.16210952401161194 +a:0.04941454902291298 two:0.04245024546980858 one:0.04211537539958954 to:0.03064192272722721 :0.17605535686016083 +the:0.22930465638637543 be:0.09880590438842773 a:0.015581533312797546 any:0.01134631410241127 :0.10943780839443207 +by:0.2830701172351837 in:0.06735547631978989 from:0.057197608053684235 to:0.046843983232975006 :0.0465339757502079 +of:0.14751523733139038 and:0.06760077178478241 which:0.03440574184060097 that:0.03355846554040909 :0.054164133965969086 +by:0.2129586637020111 as:0.18062099814414978 and:0.0803150162100792 in:0.06829985976219177 :0.034242305904626846 +cept:0.10050114244222641 plained:0.031683534383773804 pressed:0.028757497668266296 clusively:0.018260927870869637 :0.37684863805770874 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +of:0.6273226737976074 and:0.034898288547992706 ot:0.01644284650683403 or:0.013401324860751629 :0.04758941009640694 +of:0.055918142199516296 and:0.04110538959503174 feet:0.024401716887950897 the:0.018642693758010864 :0.22225384414196014 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +country:0.016832508146762848 whole:0.014066764153540134 country.:0.008502583019435406 same:0.007648801896721125 :0.21189598739147186 +are:0.13619846105575562 were:0.12032261490821838 have:0.10141642391681671 had:0.04112871363759041 :0.03847089409828186 +the:0.3448983430862427 a:0.029474647715687752 of:0.027750927954912186 and:0.023831596598029137 :0.04938335344195366 +ner:0.15812908113002777 poration:0.08797867596149445 porate:0.05824454873800278 responding:0.047000452876091 :0.3179033100605011 +much:0.06890972703695297 long:0.023213597014546394 well:0.01945529133081436 far:0.01727360673248768 :0.15199588239192963 +and:0.07786742597818375 I:0.04228518158197403 to:0.019381005316972733 The:0.014100484549999237 :0.1696610003709793 +to:0.21306347846984863 only:0.21076056361198425 in:0.03205384314060211 a:0.030941206961870193 :0.043695662170648575 +point:0.01289771031588316 large:0.008590435609221458 very:0.007094068918377161 visit:0.006071233656257391 :0.17110176384449005 +the:0.19805246591567993 a:0.035816747695207596 this:0.013090224005281925 all:0.009998924098908901 :0.21962273120880127 +and:0.08435028046369553 to:0.026490027084946632 The:0.018797509372234344 of:0.016599323600530624 :0.16484713554382324 +and:0.0794910416007042 to:0.050647687166929245 by:0.03904310613870621 in:0.023251105099916458 :0.1463373601436615 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +people:0.006841337773948908 most:0.005934201646596193 little:0.005830439738929272 old:0.005530777852982283 :0.344523549079895 +date:0.008520219475030899 United:0.008137640543282032 time:0.00669322581961751 day:0.006416283547878265 :0.18612447381019592 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +titled:0.03280923515558243 deavor:0.025887425988912582 tered:0.019669748842716217 tirely:0.01946643367409706 :0.4879445433616638 +a:0.30281147360801697 an:0.05706935003399849 is:0.05383242666721344 was:0.025843018665909767 :0.10514181852340698 +Burr:0.054900068789720535 and:0.02774627134203911 the:0.013160343281924725 A:0.007724841125309467 :0.5098074078559875 +M:0.015368162654340267 A:0.009835016913712025 C:0.007578872609883547 J:0.007385029923170805 :0.450472354888916 +and:0.14396996796131134 but:0.049941275268793106 or:0.04536573961377144 which:0.03975725919008255 :0.0753803551197052 +and:0.06949282437562943 of:0.062301669269800186 for:0.033257752656936646 in:0.02772790752351284 :0.0273881983011961 +and:0.05839557573199272 to:0.046300008893013 the:0.03152785450220108 of:0.021715085953474045 :0.19986209273338318 +last:0.02529892697930336 next:0.021721983328461647 first:0.01598156988620758 whole:0.014379730448126793 :0.1395494043827057 +in:0.09954310208559036 with:0.08942130208015442 by:0.07248252630233765 after:0.05885204300284386 :0.04024890065193176 +few:0.026289353147149086 man:0.02594873309135437 great:0.013411901891231537 little:0.013002105057239532 :0.15677858889102936 +and:0.07810626924037933 in:0.03954325243830681 to:0.0339176319539547 for:0.021883858367800713 :0.17927290499210358 +of:0.13810667395591736 was:0.0979987308382988 in:0.05945935845375061 is:0.052344124764204025 :0.079123854637146 +and:0.05910419672727585 of:0.03164280205965042 to:0.020663108676671982 The:0.019257809966802597 :0.18090324103832245 +taken:0.016450215131044388 seen:0.016266344115138054 explained.:0.01409445982426405 and:0.013045299798250198 :0.1858862042427063 +the:0.16280879080295563 be:0.03547064587473869 a:0.023394528776407242 tho:0.010908899828791618 :0.19404742121696472 +the:0.41572386026382446 a:0.044737402349710464 tho:0.022173194214701653 his:0.019010674208402634 :0.05454173684120178 +the:0.09222106635570526 be:0.06875190883874893 make:0.01854776032269001 pay:0.015257385559380054 :0.13472791016101837 +and:0.12179222702980042 the:0.08025961369276047 but:0.03240495175123215 with:0.031043684110045433 :0.08889129012823105 +and:0.06181712821125984 of:0.028551995754241943 the:0.024418797343969345 The:0.012518285773694515 :0.208424910902977 +of:0.24589668214321136 and:0.10006273537874222 in:0.04865884408354759 was:0.031008463352918625 :0.0478547103703022 +and:0.19018083810806274 but:0.06216651573777199 the:0.04826453700661659 for:0.026377011090517044 :0.07868963479995728 +the:0.5075848698616028 this:0.029053300619125366 a:0.024182217195630074 tho:0.022274618968367577 :0.06972069293260574 +the:0.20979928970336914 a:0.06996910274028778 their:0.050073713064193726 this:0.020085085183382034 :0.08632460236549377 +a:0.05797753855586052 the:0.055004727095365524 to:0.03056170418858528 well:0.024419471621513367 :0.25933337211608887 +of:0.032201137393713 and:0.02062167413532734 men:0.009968984872102737 in:0.005473597906529903 :0.33517542481422424 +have:0.05501929298043251 was:0.041430436074733734 am:0.03811579942703247 had:0.023196104913949966 :0.15341193974018097 +the:0.07585100084543228 a:0.027677446603775024 other:0.016192860901355743 that:0.009513121098279953 :0.19795158505439758 +of:0.25228115916252136 and:0.09780918061733246 to:0.0933198630809784 that:0.054775696247816086 :0.03610997647047043 +a:0.07738707214593887 not:0.0703415647149086 the:0.04892397299408913 to:0.02661919966340065 :0.0915101021528244 +Dakota,:0.22342343628406525 Dakota:0.15022186934947968 Carolina:0.1352522075176239 Carolina,:0.08454985916614532 :0.08654829859733582 +and:0.055054549127817154 of:0.05288022756576538 The:0.022785047069191933 to:0.022273167967796326 :0.18208739161491394 +to:0.18656562268733978 the:0.11436139047145844 and:0.07954929769039154 in:0.064559705555439 :0.06596025824546814 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +country:0.05043152719736099 city:0.04669062793254852 way:0.03818235173821449 city,:0.02081887423992157 :0.09693814814090729 +and:0.05573238432407379 the:0.03132566064596176 of:0.027884313836693764 ing:0.022799795493483543 :0.21444107592105865 +said:0.008949282579123974 people:0.008087619207799435 whole:0.0056840297766029835 law:0.0055570355616509914 :0.2078039050102234 +are:0.09076493233442307 were:0.06336300075054169 have:0.03782202675938606 in:0.035308465361595154 :0.03973780572414398 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +of:0.6298494935035706 and:0.031478047370910645 was:0.02470639906823635 ot:0.019477004185318947 :0.019060788676142693 +and:0.015498979948461056 of:0.009978612884879112 A:0.0076901731081306934 Smith,:0.006312504876405001 :0.595936119556427 +a:0.13291078805923462 not:0.04278473183512688 the:0.03309959918260574 in:0.021612757816910744 :0.10055673867464066 +to:0.09526368230581284 the:0.08941231667995453 a:0.07651975750923157 advisable:0.06978491693735123 :0.12792763113975525 +the:0.07431751489639282 a:0.04220616817474365 making:0.010426281951367855 which:0.010065865702927113 :0.1589186191558838 +John:0.01643688790500164 J.:0.011120444163680077 J:0.010696166194975376 William:0.009009234607219696 :0.4747946858406067 +.:0.08537840098142624 V;:0.023664753884077072 and:0.017074735835194588 Y:0.01665249839425087 :0.30427658557891846 +the:0.02973010390996933 of:0.021531978622078896 and:0.020355170592665672 was:0.01985832490026951 :0.2273726612329483 +the:0.23388616740703583 a:0.06773023307323456 their:0.020936641842126846 his:0.01468345895409584 :0.14104324579238892 +have:0.016973204910755157 the:0.016438055783510208 not:0.015199926681816578 to:0.014962596818804741 :0.19213426113128662 +and:0.03924496844410896 to:0.016528453677892685 that:0.016522668302059174 in:0.015424631536006927 :0.23781618475914001 +the:0.13173609972000122 he:0.08725147694349289 they:0.0672779455780983 it:0.04764639586210251 :0.06140821427106857 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.11742193251848221 in:0.04501580074429512 but:0.02869901992380619 the:0.02699550986289978 :0.21415497362613678 +the:0.08287650346755981 a:0.06641190499067307 to:0.05330571532249451 not:0.041118599474430084 :0.09302059561014175 +way:0.16450229287147522 other:0.07219991832971573 of:0.041196439415216446 manner:0.026460304856300354 :0.09639552980661392 +following:0.011688713915646076 first:0.009587504900991917 amount:0.009467413648962975 whole:0.007838145829737186 :0.17925946414470673 +and:0.12522946298122406 in:0.08891207724809647 to:0.08002735674381256 from:0.04249894246459007 :0.04023214429616928 +thirty:0.11553440243005753 the:0.10198962688446045 a:0.0849289670586586 twenty:0.08392803370952606 :0.05464914068579674 +of:0.196069598197937 and:0.12319442629814148 with:0.03982151672244072 the:0.03926726430654526 :0.039240576326847076 +the:0.24407975375652313 a:0.032562896609306335 his:0.02299104444682598 tho:0.017522385343909264 :0.18060202896595 +of:0.40299126505851746 and:0.07115555554628372 in:0.02417724020779133 to:0.019769351929426193 :0.04842483252286911 +of:0.31067630648612976 to:0.0839417427778244 and:0.06373170018196106 by:0.0265782680362463 :0.025832941755652428 +of:0.13419346511363983 Judicial:0.1264171153306961 Principal:0.043572116643190384 day:0.03829144686460495 :0.14817607402801514 +northerly:0.09714122861623764 south:0.08978626132011414 north:0.07925381511449814 with:0.06849609315395355 :0.06979958713054657 +of:0.062133025377988815 and:0.027616309002041817 Mining:0.023508887737989426 who:0.013024057261645794 :0.23581215739250183 +and:0.28371164202690125 to:0.04525228217244148 at:0.02974315918982029 with:0.027080098167061806 :0.10392071306705475 +the:0.06311269104480743 any:0.028799014165997505 other:0.021477097645401955 in:0.012942609377205372 :0.15937578678131104 +and:0.01492635253816843 in:0.007493186742067337 or:0.007015633396804333 act:0.004738776013255119 :0.15598294138908386 +who:0.3033544421195984 of:0.01890953816473484 whose:0.010878875851631165 in:0.01007071416825056 :0.10852823406457901 +the:0.44169649481773376 a:0.06659692525863647 which:0.04024777188897133 this:0.023969968780875206 :0.03925013542175293 +of:0.27936699986457825 for:0.1046355739235878 and:0.04364374652504921 to:0.03242791071534157 :0.02584940940141678 +the:0.056677404791116714 a:0.015527436509728432 that:0.015480848960578442 tho:0.014284596778452396 :0.26348212361335754 +of:0.1352790892124176 and:0.04832310229539871 to:0.017215460538864136 the:0.011583392508327961 :0.19328036904335022 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +of:0.14808282256126404 and:0.09782087802886963 in:0.0425071157515049 or:0.03476215526461601 :0.057429149746894836 +the:0.06694278120994568 a:0.020300639793276787 that:0.018321366980671883 to:0.008120271377265453 :0.14409512281417847 +and:0.08821284025907516 to:0.06285320967435837 I:0.039361290633678436 in:0.0327335000038147 :0.12663604319095612 +and:0.05564787983894348 of:0.03185046464204788 in:0.01792152412235737 the:0.016010617837309837 :0.2191142439842224 +of:0.5739163160324097 and:0.06813546270132065 ot:0.013992107473313808 which:0.01298400480300188 :0.024801332503557205 +of:0.09947346895933151 and:0.09161025285720825 The:0.027940187603235245 to:0.023593246936798096 :0.15752586722373962 +view:0.023221604526042938 large:0.015091892331838608 few:0.013403327204287052 little:0.011755388230085373 :0.19891507923603058 +and:0.14158639311790466 of:0.03816947340965271 but:0.037463728338479996 in:0.034399211406707764 :0.10697367787361145 +exception:0.014625810086727142 same:0.009808436036109924 provisions:0.008594927377998829 most:0.0055719888769090176 :0.2028508484363556 +brought:0.1071782186627388 not:0.04388893395662308 the:0.04319918900728226 a:0.04186907038092613 :0.10957688093185425 +the:0.0533108152449131 a:0.01960371620953083 that:0.00899908784776926 of:0.0068987710401415825 :0.15080568194389343 +of:0.35228267312049866 bearer:0.030990980565547943 and:0.025173978880047798 in:0.012034105136990547 :0.10324175655841827 +tree:0.02197640761733055 post:0.01595885306596756 and:0.014355168677866459 line:0.01168868038803339 :0.26557838916778564 +man:0.012478752061724663 large:0.008416790515184402 good:0.008008531294763088 great:0.007064047269523144 :0.3054465055465698 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +and:0.12536853551864624 to:0.038347408175468445 in:0.024816246703267097 at:0.023262860253453255 :0.1652536541223526 +from:0.07699983566999435 and:0.07478377223014832 who:0.0415218360722065 in:0.041146352887153625 :0.05399922654032707 +not:0.03982021287083626 a:0.03189089894294739 the:0.02790912240743637 to:0.016905389726161957 :0.11995220929384232 +the:0.3009214401245117 a:0.12529566884040833 to:0.038062043488025665 an:0.024153467267751694 :0.06692374497652054 +to:0.45095255970954895 and:0.09659068286418915 at:0.03480982035398483 on:0.028364328667521477 :0.046707551926374435 +the:0.5943060517311096 tho:0.032267700880765915 which:0.028974730521440506 this:0.028766334056854248 :0.028239578008651733 +the:0.16739772260189056 any:0.08076619356870651 a:0.04366505891084671 anywise:0.017948396503925323 :0.09954148530960083 +to:0.5688033103942871 that:0.09370902925729752 in:0.014868048019707203 by:0.014827239327132702 :0.04878072068095207 +tice:0.449834406375885 tice,:0.06227465718984604 tion:0.017715679481625557 of:0.010004573501646519 :0.14841796457767487 +The:0.02413768693804741 of:0.013868327252566814 It:0.013085166923701763 In:0.011037914082407951 :0.5133311748504639 +and:0.17828378081321716 the:0.01758500374853611 which:0.015034141018986702 was:0.012246457859873772 :0.20309393107891083 +of:0.2654614746570587 and:0.10492296516895294 to:0.03999338299036026 in:0.03596014901995659 :0.03342864662408829 +the:0.0477907769382 to:0.0466122105717659 and:0.0458885133266449 a:0.033943064510822296 :0.1431715339422226 +is:0.07030896097421646 are:0.050392623990774155 was:0.046783603727817535 he:0.04345675930380821 :0.03924885392189026 +the:0.1442648321390152 it:0.03542281314730644 I:0.0315731018781662 if:0.027808722108602524 :0.06093636155128479 +of:0.1424022763967514 the:0.04484878480434418 side:0.044462352991104126 in:0.026449238881468773 :0.1320197731256485 +the:0.34767842292785645 this:0.04376668483018875 a:0.042859356850385666 any:0.028528278693556786 :0.0990314781665802 +and:0.05504484474658966 John:0.006004319526255131 J:0.005169281270354986 Smith:0.00422156136482954 :0.5579835176467896 +of:0.10409952700138092 year:0.054451555013656616 year.:0.035013459622859955 year,:0.01820426806807518 :0.09571148455142975 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +and:0.05077412724494934 to:0.03302571550011635 the:0.021258901804685593 as:0.014671188779175282 :0.15186983346939087 +was:0.05907940864562988 set:0.04112684726715088 in:0.03337286412715912 from:0.03000359795987606 :0.13904696702957153 +other:0.009024945087730885 a:0.004246978554874659 said:0.004021280910819769 only:0.004012163728475571 :0.2971634566783905 +the:0.03490433469414711 to:0.030834581702947617 and:0.027459897100925446 of:0.022100787609815598 :0.20628975331783295 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +of:0.11021028459072113 to:0.0904807597398758 for:0.0846094936132431 in:0.07652397453784943 :0.0597754642367363 +and:0.17567983269691467 or:0.01009550504386425 courage:0.008311006240546703 obligation:0.008072438649833202 :0.25883686542510986 +and:0.1960311233997345 but:0.03887197747826576 to:0.030444230884313583 the:0.029394598677754402 :0.06700354069471359 +the:0.11150583624839783 to:0.02098960243165493 a:0.019760526716709137 that:0.016612403094768524 :0.07880479097366333 +to:0.04438953474164009 of:0.04079268127679825 the:0.030677268281579018 and:0.026434065774083138 :0.18278437852859497 +the:0.32390880584716797 a:0.03640514612197876 by:0.028883887454867363 to:0.01885969750583172 :0.14467081427574158 +of:0.1725083589553833 and:0.11936621367931366 to:0.031078707426786423 in:0.02966737374663353 :0.034815896302461624 +school:0.1925094574689865 School:0.07492624223232269 and:0.06102053448557854 morning:0.04333917051553726 :0.06273969262838364 +the:0.1227177083492279 a:0.048454947769641876 this:0.010921018198132515 such:0.010007691569626331 :0.231824591755867 +and:0.06660543382167816 of:0.020274044945836067 the:0.019639402627944946 in:0.011241408064961433 :0.1848454624414444 +and:0.2682301104068756 to:0.11841800063848495 of:0.060921408236026764 with:0.05071663856506348 :0.036725785583257675 +are:0.12217803299427032 were:0.07861416786909103 will:0.07099581509828568 have:0.06905921548604965 :0.08099502325057983 +of:0.6871218085289001 in:0.03930112347006798 and:0.014474106021225452 ot:0.012861688621342182 :0.02206929214298725 +date:0.008520219475030899 United:0.008137640543282032 time:0.00669322581961751 day:0.006416283547878265 :0.18612447381019592 +in:0.0958423987030983 and:0.04327748343348503 at:0.037207555025815964 to:0.03311437740921974 :0.17597374320030212 +in:0.05822969600558281 as:0.0582154355943203 whereas,:0.05255779251456261 with:0.037500251084566116 :0.09540987014770508 +the:0.04762773588299751 a:0.028772730380296707 30:0.011872220784425735 15:0.011534566059708595 :0.17985031008720398 +and:0.07166583091020584 The:0.019450534135103226 to:0.01705934666097164 the:0.015962522476911545 :0.1718333512544632 +the:0.3761793375015259 a:0.03610587865114212 this:0.032837022095918655 tho:0.021355560049414635 :0.05908774212002754 +two:0.07748211175203323 United:0.02045506425201893 hours:0.014665200375020504 ages:0.011310427449643612 :0.18714135885238647 +the:0.058593202382326126 to:0.02721347287297249 and:0.022384321317076683 of:0.01817507855594158 :0.20319804549217224 +the:0.09910710901021957 be:0.06018616631627083 have:0.024253854528069496 a:0.013284286484122276 :0.1649654060602188 +the:0.34794023633003235 a:0.05501323193311691 his:0.021861128509044647 him:0.01660185493528843 :0.07690776884555817 +in:0.11385684460401535 of:0.09297802299261093 and:0.068003810942173 where:0.05469037592411041 :0.04382539913058281 +great:0.03247062861919403 good:0.0299025047570467 very:0.027103561908006668 matter:0.01384598109871149 :0.14564718306064606 +of:0.4500895142555237 and:0.10653778165578842 that:0.033765848726034164 which:0.02652084082365036 :0.0366722010076046 +and:0.0735795870423317 to:0.04921117052435875 the:0.02657906897366047 by:0.02576270140707493 :0.14197708666324615 +had:0.07172700762748718 are:0.05251419544219971 has:0.051323190331459045 is:0.038636986166238785 :0.06874608248472214 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +own:0.039221979677677155 life:0.0089398343116045 friends:0.005477586295455694 party:0.0046061198227107525 :0.19100113213062286 +and:0.11879965662956238 the:0.08288072794675827 who:0.059286050498485565 but:0.04226909205317497 :0.05578123405575752 +and:0.037817664444446564 to:0.03241972252726555 A.:0.01716020703315735 P.:0.016410693526268005 :0.46567898988723755 +in:0.0687788873910904 and:0.04088626801967621 is:0.025169620290398598 on:0.02251378633081913 :0.11935718357563019 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +the:0.3892112374305725 this:0.02647199109196663 a:0.02551865577697754 tho:0.01870066672563553 :0.0912390723824501 +the:0.03996185213327408 a:0.025498297065496445 in:0.006766922771930695 not:0.005345943849533796 :0.2794937789440155 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +of:0.11478805541992188 to:0.017635926604270935 important:0.01448877714574337 and:0.011637686751782894 :0.25314435362815857 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.04493423178792 and:0.037773143500089645 to:0.03438062220811844 in:0.02230753004550934 :0.16832174360752106 +and:0.054417017847299576 the:0.04301778972148895 to:0.02048264443874359 by:0.016904760152101517 :0.19143305718898773 +per:0.06560644507408142 o'clock:0.030643444508314133 00:0.0187875647097826 25:0.016967162489891052 :0.2687471807003021 +times:0.09124254435300827 years:0.026945071294903755 of:0.023448681458830833 other:0.021290389820933342 :0.13451378047466278 +The:0.14079757034778595 He:0.03221588581800461 It:0.02526494301855564 This:0.022055134177207947 :0.10741548240184784 +The:0.16607318818569183 It:0.05280057713389397 A:0.035069990903139114 He:0.026326874271035194 :0.08480478823184967 +have:0.07144033908843994 are:0.04706679657101631 had:0.04647250100970268 can:0.03725932538509369 :0.09057366847991943 +of:0.2788546085357666 in:0.029284000396728516 and:0.024709023535251617 bill:0.02335064858198166 :0.0501050166785717 +and:0.036332227289676666 the:0.03332042321562767 to:0.029792051762342453 in:0.01890682429075241 :0.20106914639472961 +ing:0.5977175831794739 ing,:0.14060889184474945 ing.:0.09752292931079865 and:0.024752086028456688 :0.037015508860349655 +of:0.8034799695014954 and:0.017718099057674408 ot:0.013141652569174767 for:0.01218540221452713 :0.01204180158674717 +the:0.16202816367149353 a:0.06886806339025497 width,:0.05611039698123932 length,:0.05402263253927231 :0.05313122272491455 +and:0.11793802678585052 of:0.08968774229288101 or:0.03253819793462753 than:0.029556674882769585 :0.14519046247005463 +the:0.13760718703269958 be:0.049972888082265854 a:0.032841213047504425 which:0.01179208792746067 :0.12852263450622559 +the:0.1077585369348526 he:0.06624820828437805 they:0.04173010215163231 is:0.03329916670918465 :0.0542704239487648 +be:0.29647740721702576 have:0.041146669536828995 not:0.02629702538251877 make:0.01752912625670433 :0.05265020579099655 +the:0.22727811336517334 in:0.025329208001494408 that:0.02434411458671093 a:0.022104889154434204 :0.08977667987346649 +been:0.22281159460544586 a:0.05023995414376259 not:0.02663886733353138 the:0.02092059515416622 :0.09591406583786011 +said:0.02630019746720791 necessary:0.024182887747883797 the:0.023610929027199745 a:0.023093437775969505 :0.15968811511993408 +few:0.017075717449188232 great:0.01625446043908596 large:0.013121690601110458 very:0.011478121392428875 :0.14479252696037292 +and:0.012194700539112091 personal:0.006044873967766762 way:0.0059951595030725 use:0.004583870060741901 :0.24028579890727997 +of:0.11677193641662598 and:0.1014903336763382 is:0.03493334725499153 to:0.02662672847509384 :0.08924277126789093 +the:0.011730233207345009 of:0.006505898665636778 to:0.006505219265818596 few:0.006191549357026815 :0.21333444118499756 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +the:0.2984951436519623 a:0.044033344835042953 his:0.01593768037855625 tho:0.014036941342055798 :0.13905926048755646 +to:0.28654947876930237 and:0.0731065422296524 in:0.04862542822957039 by:0.03674326092004776 :0.10459266602993011 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +same:0.009273864328861237 work:0.005244844127446413 most:0.004970339592546225 money:0.004833717364817858 :0.16476766765117645 +the:0.3018741309642792 a:0.033080387860536575 which:0.030765268951654434 this:0.028805799782276154 :0.07929366827011108 +the:0.05928942933678627 a:0.015071772038936615 to:0.01325994823127985 in:0.00810937024652958 :0.23246978223323822 +and:0.10980793833732605 the:0.04244230315089226 with:0.03850192204117775 that:0.03402320668101311 :0.08336401730775833 +the:0.0946509838104248 a:0.03491445630788803 of:0.02688211388885975 his:0.0257228072732687 :0.08142270147800446 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.07259941101074219 of:0.06664533168077469 to:0.03740062937140465 the:0.03423518314957619 :0.1313365250825882 +of:0.10329507291316986 and:0.0840400904417038 the:0.03445620834827423 The:0.03306509926915169 :0.14703437685966492 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +E.:0.014558179304003716 M.:0.013783026486635208 W.:0.012557538226246834 C.:0.011119972914457321 :0.36840522289276123 +the:0.2850649356842041 a:0.057831987738609314 which:0.04072004556655884 this:0.025898126885294914 :0.04630855843424797 +and:0.16534973680973053 in:0.05713227763772011 of:0.04567982628941536 on:0.03945085033774376 :0.05136575177311897 +and:0.049344852566719055 of:0.03631150349974632 in:0.025504175573587418 to:0.021751681342720985 :0.11860650032758713 +the:0.24683888256549835 a:0.03323088213801384 course:0.022028295323252678 this:0.017603134736418724 :0.15841278433799744 +been:0.14422067999839783 a:0.07687865942716599 the:0.03425412252545357 no:0.021220961585640907 :0.091374970972538 +was:0.08337639272212982 had:0.04350872337818146 is:0.03765808790922165 has:0.03345349431037903 :0.12556792795658112 +be:0.027490850538015366 make:0.024568384513258934 have:0.01887481100857258 give:0.01596659980714321 :0.0823102593421936 +The:0.1125880628824234 We:0.07584754377603531 It:0.031949758529663086 I:0.0282463226467371 :0.1097576767206192 +of:0.052961915731430054 and:0.042259376496076584 to:0.030205469578504562 in:0.014734516851603985 :0.21803930401802063 +the:0.020738625898957253 a:0.014679091051220894 in:0.010742275044322014 have:0.008834045380353928 :0.10741634666919708 +and:0.0327334888279438 as:0.02533661015331745 by:0.010258275084197521 the:0.006782339420169592 :0.33179789781570435 +is:0.0382104218006134 year:0.02527659572660923 was:0.017649441957473755 time:0.012438876554369926 :0.10002680867910385 +of:0.15156087279319763 a:0.06025295332074165 other:0.037692733108997345 persons:0.021064279600977898 :0.1272798627614975 +.:0.01744440756738186 d:0.01676357351243496 e:0.01572350412607193 y:0.01567300595343113 :0.288582980632782 +that:0.34575411677360535 the:0.04177404195070267 nothing:0.041586507111787796 to:0.028759727254509926 :0.06705563515424728 +the:0.2598726451396942 a:0.0577668696641922 tho:0.017695540562272072 his:0.011614101007580757 :0.15107402205467224 +the:0.3377761244773865 a:0.052346158772706985 his:0.019529445096850395 tho:0.017138920724391937 :0.11066050082445145 +the:0.05894743651151657 and:0.0396883487701416 to:0.02995939366519451 of:0.020059559494256973 :0.16391755640506744 +been:0.10796456038951874 a:0.04389972612261772 not:0.034964192658662796 to:0.026915891095995903 :0.09820836037397385 +and:0.14679327607154846 to:0.10164286941289902 of:0.06190302595496178 upon:0.03562405705451965 :0.034250468015670776 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +was:0.018485210835933685 and:0.014227442443370819 be:0.011711911298334599 ,:0.009202336892485619 :0.3065074384212494 +the:0.16311191022396088 a:0.045370690524578094 that:0.017867809161543846 it:0.01347238477319479 :0.16392552852630615 +to:0.05822913348674774 the:0.05183146148920059 and:0.032778624445199966 a:0.02047363854944706 :0.14508557319641113 +the:0.06964810937643051 in:0.016010280698537827 a:0.012583168223500252 to:0.007608335465192795 :0.2021413892507553 +else:0.11949269473552704 of:0.10513772815465927 to:0.07830294966697693 that:0.06773506104946136 :0.10035986453294754 +in:0.23226165771484375 at:0.0728583037853241 by:0.06347303837537766 In:0.059746939688920975 :0.05406390130519867 +the:0.07398173213005066 a:0.06122259050607681 to:0.052969034761190414 well:0.04666396230459213 :0.0621178038418293 +the:0.08931878954172134 in:0.06614027172327042 to:0.039493534713983536 of:0.03143022954463959 :0.10948556661605835 +and:0.034652478992938995 in:0.030510200187563896 to:0.027038220316171646 of:0.01769852824509144 :0.13762550055980682 +to:0.05647169053554535 and:0.05012828856706619 in:0.048319291323423386 men:0.028400857001543045 :0.09398853033781052 +good:0.020066125318408012 very:0.017902236431837082 great:0.01567891053855419 trip:0.012165470980107784 :0.13903166353702545 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.10932813584804535 after:0.10322963446378708 in:0.056207116693258286 and:0.055740997195243835 :0.0666031688451767 +best:0.022757697850465775 most:0.019581520929932594 trip:0.010328968986868858 same:0.008678348734974861 :0.15508779883384705 +the:0.0623287670314312 oats:0.028502175584435463 a:0.01774437725543976 other:0.015778955072164536 :0.18843087553977966 +day:0.03197493404150009 and:0.020798681303858757 of:0.019383829087018967 day,:0.0078463489189744 :0.1245655044913292 +fifty:0.12188242375850677 twenty:0.0412837378680706 sixty:0.04099259525537491 forty:0.02585120126605034 :0.24302779138088226 +a:0.09951363503932953 not:0.07432688772678375 the:0.03827124089002609 to:0.022237587720155716 :0.11340164393186569 +and:0.12424001097679138 the:0.09331636130809784 but:0.03769936412572861 of:0.023769263178110123 :0.05197650566697121 +in:0.12198274582624435 with:0.06935565173625946 and:0.0477091446518898 on:0.036505311727523804 :0.06779798865318298 +doubtedly:0.4956601560115814 derstand:0.0978669598698616 der:0.04000213369727135 til:0.025307467207312584 :0.11738517135381699 +of:0.28452175855636597 that:0.27120441198349 to:0.1253090798854828 the:0.047518983483314514 :0.021305259317159653 +the:0.056881390511989594 a:0.029874233528971672 other:0.015189279802143574 any:0.010637134313583374 :0.23819883167743683 +and:0.04374485835433006 of:0.03984419256448746 to:0.036196425557136536 or:0.028516091406345367 :0.17317067086696625 +old:0.012139526195824146 act:0.007836959324777126 to:0.007505947723984718 thorities:0.007461722008883953 :0.39335161447525024 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.2382029891014099 this:0.038908950984478 a:0.02114052325487137 his:0.017783166840672493 :0.16292297840118408 +a:0.06610190868377686 the:0.06134560704231262 not:0.029974307864904404 to:0.012655614875257015 :0.14634187519550323 +and:0.025157950818538666 to:0.02037915587425232 I:0.007965145632624626 in:0.007854118943214417 :0.4759180247783661 +to:0.05417047441005707 the:0.04525991156697273 and:0.03854946419596672 be:0.031962595880031586 :0.13746048510074615 +of:0.20790915191173553 with:0.07313413918018341 in:0.06806700676679611 and:0.04167900234460831 :0.041149117052555084 +and:0.03209904208779335 one:0.01978263445198536 a:0.01088214572519064 the:0.00825236365199089 :0.20377835631370544 +a:0.04562127962708473 the:0.03462735936045647 not:0.024370744824409485 in:0.016796430572867393 :0.0981910452246666 +the:0.2783825993537903 he:0.036988575011491776 they:0.03374139592051506 it:0.03247584030032158 :0.0678662434220314 +and:0.054174404591321945 of:0.026478249579668045 to:0.021610887721180916 The:0.02020048350095749 :0.3174285590648651 +the:0.251415878534317 said:0.08172497898340225 sale:0.05921878665685654 a:0.028073420748114586 :0.11733966320753098 +and:0.06529694050550461 to:0.06179484724998474 of:0.03702101111412048 the:0.035815853625535965 :0.09671231359243393 +of:0.3410899341106415 was:0.04863487929105759 is:0.036405712366104126 in:0.026858745142817497 :0.035982947796583176 +and:0.14595837891101837 to:0.019692668691277504 has:0.018027853220701218 was:0.017308346927165985 :0.27375614643096924 +and:0.1725929230451584 but:0.05023657903075218 the:0.0317385233938694 of:0.019192904233932495 :0.06564181298017502 +hard:0.057926833629608154 cider:0.045576632022857666 and:0.036169640719890594 clean:0.03370407223701477 :0.1415441781282425 +the:0.06194138526916504 a:0.021196715533733368 was:0.016267376020550728 he:0.013551131822168827 :0.1077752560377121 +with:0.3501419425010681 of:0.08896384388208389 between:0.0474962554872036 was:0.03321019560098648 :0.04153274744749069 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +same:0.0057678609155118465 said:0.00547280628234148 most:0.00485459016636014 best:0.004103459883481264 :0.18692758679389954 +the:0.05622151494026184 and:0.03726332634687424 to:0.021417729556560516 ed:0.019607849419116974 :0.14217402040958405 +by:0.23619265854358673 in:0.08524807542562485 and:0.03995371237397194 In:0.028228653594851494 :0.028849009424448013 +of:0.09875698387622833 for:0.054479967802762985 and:0.045506544411182404 was:0.04420853033661842 :0.1180383637547493 +of:0.4315715432167053 and:0.033424653112888336 to:0.026991214603185654 is:0.017171218991279602 :0.026537122204899788 +of:0.32832372188568115 a:0.03878648579120636 times:0.02410455048084259 years:0.014311004430055618 :0.10408136993646622 +and:0.06181712821125984 of:0.028551995754241943 the:0.024418797343969345 The:0.012518285773694515 :0.208424910902977 +the:0.2751036584377289 a:0.04276016354560852 this:0.042129140347242355 their:0.019337184727191925 :0.045789577066898346 +and:0.0730493888258934 of:0.04264340177178383 the:0.03066660650074482 to:0.019335715100169182 :0.19492985308170319 +the:0.12817656993865967 he:0.057336315512657166 of:0.031608372926712036 it:0.028071677312254906 :0.07341014593839645 +dren:0.6872672438621521 dren,:0.20071443915367126 dren.:0.015373223461210728 and:0.003782781073823571 :0.027111487463116646 +the:0.17928102612495422 be:0.033747050911188126 a:0.030404774472117424 tho:0.011915426701307297 :0.14985884726047516 +and:0.17386552691459656 of:0.14794793725013733 to:0.05978825315833092 in:0.044452495872974396 :0.03272463008761406 +the:0.10335475206375122 a:0.04450925439596176 out:0.027760444208979607 of:0.023352906107902527 :0.07811922580003738 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +and:0.1562841236591339 in:0.043981537222862244 men:0.02909155935049057 or:0.021999076008796692 :0.07411607354879379 +the:0.38350844383239746 a:0.04974987357854843 this:0.0243189949542284 his:0.01986757107079029 :0.06116678565740585 +the:0.08701568841934204 a:0.017363175749778748 that:0.017361419275403023 to:0.01464681327342987 :0.06064698472619057 +of:0.14366282522678375 and:0.05837496742606163 to:0.020027758553624153 at:0.019924180582165718 :0.2782002091407776 +and:0.05573238432407379 the:0.03132566064596176 of:0.027884313836693764 ing:0.022799795493483543 :0.21444107592105865 +the:0.06271021068096161 any:0.05228612571954727 to:0.02169109135866165 a:0.02019297331571579 :0.12272818386554718 +the:0.22081442177295685 this:0.03207746148109436 a:0.029531188309192657 which:0.021260682493448257 :0.0647808164358139 +to:0.06602161377668381 amendment:0.029664525762200356 and:0.0194073673337698 by:0.014442907646298409 :0.15074917674064636 +by:0.7166971564292908 the:0.03130699694156647 a:0.025514578446745872 to:0.02492647059261799 :0.017588041722774506 +and:0.0794910416007042 to:0.050647687166929245 by:0.03904310613870621 in:0.023251105099916458 :0.1463373601436615 +York:0.5731931924819946 England:0.034687187522649765 Haven:0.025195948779582977 Orleans:0.021755250170826912 :0.16466578841209412 +a:0.14203429222106934 the:0.07448573410511017 her:0.03295154124498367 an:0.024110965430736542 :0.10729846358299255 +and:0.05531245470046997 party:0.023410415276885033 parties:0.021135685965418816 parties,:0.008044480346143246 :0.2061915099620819 +and:0.05990879237651825 the:0.03705158084630966 to:0.03060086816549301 ing:0.02374737150967121 :0.18425272405147552 +are:0.10200567543506622 have:0.09827117621898651 were:0.04677058756351471 will:0.04676423966884613 :0.06747185438871384 +the:0.05381914973258972 to:0.04148606210947037 and:0.029639558866620064 a:0.021061250939965248 :0.14225879311561584 +ized:0.8243439197540283 ity:0.01889251358807087 izing:0.014695895835757256 ities:0.008343382738530636 :0.044791627675294876 +and:0.019266938790678978 is:0.014269097708165646 of:0.011825578287243843 was:0.011639852076768875 :0.19954046607017517 +and:0.04170586168766022 of:0.008277121931314468 or:0.00576744182035327 men:0.004707540851086378 :0.2185957431793213 +a:0.05407969281077385 the:0.041131094098091125 in:0.03513817489147186 not:0.033309370279312134 :0.10234405845403671 +the:0.17803220450878143 a:0.021262038499116898 tho:0.016107311472296715 tbe:0.011481388472020626 :0.30493518710136414 +and:0.2511473298072815 on:0.06993050873279572 in:0.0695042535662651 of:0.02868262119591236 :0.034398701041936874 +The:0.12483826279640198 It:0.06904514133930206 He:0.04285770282149315 I:0.029903797432780266 :0.11499924212694168 +and:0.055135954171419144 of:0.0331030897796154 to:0.020225297659635544 in:0.019026629626750946 :0.2323303520679474 +party:0.1424495279788971 party,:0.04907333478331566 leaders:0.012962565757334232 members:0.012187392450869083 :0.13587768375873566 +and:0.1371002197265625 the:0.03475281596183777 which:0.03174452483654022 of:0.03064967878162861 :0.09275897592306137 +The:0.15201891958713531 It:0.04914204403758049 A:0.033503636717796326 In:0.03310425952076912 :0.1118752583861351 +by:0.1772923767566681 of:0.07769666612148285 the:0.06323282420635223 a:0.03213141858577728 :0.08471643924713135 +and:0.14453385770320892 in:0.09247387945652008 the:0.029536588117480278 as:0.025830404832959175 :0.054186295717954636 +and:0.033829301595687866 of:0.022265568375587463 in:0.013971605338156223 I:0.013551472686231136 :0.23496370017528534 +and:0.07413677871227264 for:0.02418155036866665 by:0.021774938330054283 to:0.020368490368127823 :0.23524874448776245 +and:0.1821354478597641 of:0.09549441188573837 to:0.09252341836690903 in:0.02772548422217369 :0.0364965982735157 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +made:0.03112899139523506 a:0.028674382716417313 in:0.017194107174873352 taken:0.010339641012251377 :0.17616553604602814 +the:0.3850226104259491 motion:0.027956457808613777 this:0.027035804465413094 tho:0.02307535707950592 :0.09094890207052231 +to:0.3654753863811493 is:0.04009911045432091 for:0.03573082759976387 of:0.03458656743168831 :0.03128562867641449 +of:0.1210629791021347 and:0.042373206466436386 to:0.03343421220779419 The:0.03197559341788292 :0.17901825904846191 +people:0.016669990494847298 same:0.01321076974272728 most:0.01300820056349039 men:0.008458565920591354 :0.16011908650398254 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +up:0.07507512718439102 the:0.07476111501455307 out:0.044541265815496445 a:0.039730966091156006 :0.07214009016752243 +and:0.08892885595560074 was:0.029902392998337746 is:0.02452869527041912 from:0.021128790453076363 :0.18243761360645294 +of:0.14932750165462494 man:0.03151058405637741 can:0.029837237671017647 is:0.026781266555190086 :0.07358311861753464 +the:0.23329588770866394 a:0.04410996288061142 his:0.017352834343910217 their:0.017339641228318214 :0.12126357108354568 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +ernment:0.7114434838294983 ernment.:0.08663640916347504 ernment,:0.07265764474868774 ernor:0.00897735171020031 :0.06039383262395859 +upon:0.38508516550064087 on:0.07487258315086365 for:0.03838767856359482 upon,:0.03818823769688606 :0.03667999431490898 +be:0.11500492691993713 appear:0.03376450389623642 have:0.03259219974279404 not:0.026814013719558716 :0.18422046303749084 +and:0.15846829116344452 John:0.006289319600909948 J:0.004755731672048569 James:0.004309702664613724 :0.4816037714481354 +number:0.07777847349643707 amount:0.04838838055729866 part:0.027107100933790207 portion:0.02523159608244896 :0.13888540863990784 +the:0.26067811250686646 a:0.12312468141317368 his:0.041281092911958694 her:0.026848817244172096 :0.05089113116264343 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +of:0.2545730173587799 in:0.07678130269050598 to:0.05613876134157181 for:0.03783433511853218 :0.04458977282047272 +and:0.04595556855201721 of:0.031020911410450935 to:0.015233066864311695 the:0.012621852569282055 :0.3307111859321594 +of:0.0719861164689064 and:0.02545800432562828 to:0.024614529684185982 in:0.008451981469988823 :0.1989366114139557 +or:0.08424456417560577 times:0.06832418590784073 hundred:0.05148112028837204 of:0.03957022354006767 :0.0808514878153801 +the:0.2070009559392929 to:0.06601576507091522 in:0.03395361080765724 his:0.025314031168818474 :0.052761487662792206 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.22588755190372467 he:0.053151991218328476 it:0.03713856264948845 a:0.028465429320931435 :0.05406952276825905 +only:0.038702499121427536 first:0.03590204194188118 most:0.022235482931137085 last:0.013927548192441463 :0.16359886527061462 +same:0.010815607383847237 first:0.0077217500656843185 whole:0.006170840468257666 way:0.0058444952592253685 :0.13427278399467468 +The:0.02727346494793892 .:0.016266832128167152 A:0.01600807160139084 I:0.015621766448020935 :0.2972993850708008 +the:0.055247943848371506 to:0.041406963020563126 a:0.03709447383880615 one:0.027913672849535942 :0.11397942900657654 +the:0.41890573501586914 a:0.03474846109747887 tho:0.018540237098932266 this:0.017869655042886734 :0.09913697838783264 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +tically:0.18361277878284454 tical:0.12305289506912231 ticed:0.053556423634290695 tice:0.04314515367150307 :0.24294069409370422 +the:0.2061532884836197 be:0.05464158579707146 have:0.013948310166597366 a:0.012999234721064568 :0.12840445339679718 +the:0.19407790899276733 a:0.036795277148485184 Mr.:0.025956375524401665 this:0.016948683187365532 :0.19180810451507568 +the:0.06095739081501961 and:0.03951134532690048 to:0.02407103218138218 that:0.018360314890742302 :0.1368800550699234 +the:0.1975603848695755 a:0.027196025475859642 tho:0.02290324866771698 tbe:0.014078225940465927 :0.2476494461297989 +of:0.24222218990325928 to:0.05628988891839981 in:0.0547635480761528 for:0.031106706708669662 :0.0654817447066307 +and:0.03324856236577034 to:0.018524715676903725 of:0.017421904951334 time:0.01533782109618187 :0.1307271122932434 +the:0.08784056454896927 me:0.0754135325551033 him:0.07167628407478333 a:0.06416785717010498 :0.055594123899936676 +the:0.3085378408432007 a:0.07635781168937683 an:0.01481235958635807 tho:0.013400310650467873 :0.10102633386850357 +the:0.055143482983112335 and:0.033891063183546066 of:0.01957615278661251 The:0.017220288515090942 :0.19358350336551666 +in:0.20972293615341187 of:0.10852017998695374 that:0.04971376061439514 In:0.04450010135769844 :0.06798999756574631 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +of:0.14811548590660095 that:0.08248551934957504 and:0.072024405002594 which:0.0625363364815712 :0.05230655148625374 +said:0.026125632226467133 United:0.012172249145805836 property:0.006392683368176222 law:0.005320810712873936 :0.1940196454524994 +the:0.462386816740036 a:0.04191441088914871 which:0.023632526397705078 tho:0.02313322387635708 :0.05158533900976181 +of:0.21874341368675232 and:0.043203599750995636 to:0.03960702195763588 was:0.030147701501846313 :0.04083709046244621 +own:0.03925302252173424 husband,:0.01156309712678194 husband:0.010581855662167072 life:0.008124218322336674 :0.1931963711977005 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +and:0.044218163937330246 of:0.019662635400891304 the:0.018600912764668465 in:0.013398829847574234 :0.21206524968147278 +and:0.05588412284851074 was:0.020839400589466095 the:0.02022242546081543 of:0.0197948906570673 :0.15923677384853363 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +a:0.07502958923578262 not:0.048816028982400894 the:0.026856260374188423 in:0.02492706850171089 :0.1244148388504982 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +a:0.06447240710258484 the:0.06198032200336456 now:0.05009854584932327 not:0.041749678552150726 :0.08815642446279526 +and:0.05587330833077431 of:0.026082944124937057 The:0.019675349816679955 to:0.018085500225424767 :0.20416632294654846 +not:0.3226165771484375 the:0.05123421549797058 you:0.01724904775619507 it:0.016507714986801147 :0.05466369912028313 +and:0.01854877918958664 to:0.017729414626955986 condition.:0.012088299728929996 thing:0.010225157253444195 :0.17091228067874908 +of:0.07744668424129486 and:0.052256304770708084 in:0.03634607419371605 at:0.014504429884254932 :0.0537516288459301 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.5027720332145691 tho:0.02561504952609539 a:0.022664370015263557 his:0.022405900061130524 :0.05730617046356201 +and:0.056782644242048264 quantities:0.029378026723861694 sums:0.02490769885480404 numbers:0.022415870800614357 :0.18386998772621155 +mortgage:0.17308108508586884 mortgage,:0.1182728260755539 deed:0.02539871819317341 mort­:0.017924293875694275 :0.11381442099809647 +the:0.29592862725257874 a:0.0549793615937233 his:0.01645907759666443 this:0.01601748913526535 :0.06222712993621826 +man:0.05747247859835625 one:0.0460183210670948 other:0.018962889909744263 person:0.01872522570192814 :0.14656677842140198 +two:0.01743932254612446 men:0.01714373752474785 are:0.014762850478291512 were:0.010604354552924633 :0.19320404529571533 +and:0.01496600080281496 thence:0.009622100740671158 A:0.005387486889958382 girl.:0.004545683041214943 :0.41891422867774963 +of:0.13957519829273224 the:0.09850174933671951 to:0.06377630680799484 for:0.055649179965257645 :0.03446073830127716 +the:0.0786372721195221 and:0.042926136404275894 to:0.033647093921899796 by:0.02430012822151184 :0.15136826038360596 +the:0.08647754788398743 in:0.01357886753976345 a:0.013439773581922054 that:0.01260055135935545 :0.14310604333877563 +have:0.01962810568511486 are:0.014578749425709248 in:0.011444545350968838 be:0.009153991006314754 :0.15179304778575897 +man:0.07345173507928848 and:0.039984844624996185 people:0.037285007536411285 men:0.03216194361448288 :0.1787877231836319 +the:0.22184795141220093 a:0.032742712646722794 this:0.019205020740628242 our:0.014752163551747799 :0.1678188592195511 +the:0.14950792491436005 of:0.062191762030124664 that:0.016710253432393074 over:0.013858082704246044 :0.08193399012088776 +and:0.06389378756284714 the:0.03819422423839569 to:0.023026365786790848 in:0.017869330942630768 :0.15601280331611633 +of:0.05837979540228844 with:0.05282742902636528 was:0.04338459670543671 and:0.03849353268742561 :0.06296320259571075 +a:0.06815875321626663 the:0.04489733651280403 not:0.027803532779216766 in:0.01649516448378563 :0.15705691277980804 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.07718539983034134 of:0.03735104203224182 to:0.02838829532265663 The:0.028071139007806778 :0.14746485650539398 +by:0.20496420562267303 to:0.1317157745361328 and:0.05787857994437218 at:0.03194742277264595 :0.06078290939331055 +and:0.07709840685129166 is:0.058169685304164886 to:0.05361631140112877 in:0.049866948276758194 :0.062292590737342834 +and:0.12544280290603638 to:0.09800885617733002 of:0.057551607489585876 for:0.043957121670246124 :0.04697277024388313 +and:0.07261090725660324 that:0.05454913526773453 as:0.032034896314144135 to:0.030908189713954926 :0.15128612518310547 +level:0.0246341023594141 datum:0.02045951597392559 surface:0.009814223274588585 same:0.00788209680467844 :0.1862727701663971 +the:0.030793841928243637 a:0.012330647557973862 other:0.005379062611609697 all:0.0052549284882843494 :0.2950865626335144 +the:0.16763266921043396 they:0.0338987372815609 he:0.032924871891736984 it:0.028232967481017113 :0.0671112909913063 +with:0.10176599025726318 the:0.06980293989181519 so:0.03908796235918999 so,:0.037140198051929474 :0.04784158617258072 +the:0.111031174659729 of:0.05526158958673477 and:0.04585973918437958 to:0.03411845490336418 :0.07661454379558563 +and:0.120503731071949 the:0.050234172493219376 is:0.03016485832631588 in:0.021200809627771378 :0.08052773773670197 +day:0.007991200312972069 the:0.006611181888729334 city:0.004821484908461571 company:0.004646786022931337 :0.22824393212795258 +and:0.23710604012012482 to:0.06990133970975876 is:0.04512644559144974 in:0.036907099187374115 :0.11518239229917526 +and:0.1398298591375351 but:0.05831872671842575 the:0.03080740198493004 a:0.025515520945191383 :0.11476629972457886 +are:0.07614722847938538 have:0.05998712405562401 were:0.05872448906302452 will:0.05821550264954567 :0.09276045113801956 +viously:0.08521217107772827 pared:0.04725642502307892 cious:0.040072668343782425 vious:0.03886613994836807 :0.34259849786758423 +was:0.06442295014858246 had:0.031585145741701126 is:0.03025991842150688 has:0.02921849675476551 :0.21805346012115479 +by:0.20459504425525665 to:0.17367829382419586 in:0.1400498002767563 that:0.1059216633439064 :0.038535136729478836 +the:0.08623719215393066 be:0.06951385736465454 a:0.023086391389369965 make:0.020532235503196716 :0.09744152426719666 +to:0.08568617701530457 the:0.07862167805433273 a:0.06107010692358017 well:0.051308076828718185 :0.10380568355321884 +in:0.11630155891180038 at:0.09712138026952744 the:0.06528943032026291 and:0.0392899364233017 :0.04219776391983032 +at:0.23336336016654968 and:0.09232736378908157 with:0.07389546185731888 in:0.07077064365148544 :0.06227528303861618 +the:0.11867993324995041 any:0.10378146171569824 a:0.04658588767051697 that:0.03455989062786102 :0.03434792160987854 +and:0.048399463295936584 in:0.04651997238397598 of:0.04003632813692093 to:0.03824494034051895 :0.13758322596549988 +the:0.12137530744075775 a:0.04349061846733093 from:0.012766953557729721 two:0.008689740672707558 :0.16069036722183228 +the:0.17501987516880035 a:0.05728538706898689 his:0.011814119294285774 this:0.010650575160980225 :0.1707603484392166 +The:0.09808895736932755 It:0.05058452859520912 In:0.03760765120387077 A:0.02143976278603077 :0.10502717643976212 +be:0.3745291829109192 not:0.04323878884315491 have:0.03856892138719559 make:0.01799280196428299 :0.050182443112134933 +things:0.02624020166695118 men:0.0169477891176939 persons:0.012956559658050537 than:0.012749642133712769 :0.21746745705604553 +The:0.0974290519952774 It:0.0502600260078907 In:0.047865401953458786 They:0.02844398282468319 :0.12314007431268692 +good:0.020385930314660072 large:0.018819637596607208 man:0.01593093015253544 very:0.01339069101959467 :0.16986268758773804 +to:0.3985673189163208 and:0.2174987643957138 of:0.03871287778019905 from:0.020810965448617935 :0.04015996679663658 +the:0.09394765645265579 a:0.020536841824650764 it:0.018703073263168335 that:0.017767705023288727 :0.15685206651687622 +who:0.09121554344892502 were:0.08776213228702545 in:0.08038622885942459 and:0.04567232355475426 :0.07003342360258102 +the:0.05919298529624939 of:0.023609712719917297 I:0.018720166757702827 it:0.01866157539188862 :0.21977411210536957 +and:0.1717216670513153 the:0.05323381349444389 which:0.04249713942408562 or:0.02694084495306015 :0.1136908084154129 +and:0.06983987987041473 of:0.04520738497376442 the:0.02045663818717003 The:0.016295181587338448 :0.2052382528781891 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +A.:0.019664861261844635 H.:0.019361840561032295 W.:0.019225049763917923 O.:0.018258605152368546 :0.2914314270019531 +a:0.15768730640411377 the:0.11388468742370605 it:0.039245765656232834 an:0.026866870000958443 :0.042487386614084244 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +to:0.06943514943122864 of:0.05595658719539642 and:0.0211124699562788 the:0.016095943748950958 :0.2726287245750427 +12.:0.11893884092569351 the:0.05037800595164299 a:0.015057074837386608 12:0.007456422783434391 :0.1758832186460495 +that:0.1584760844707489 of:0.11624090373516083 which:0.049159109592437744 to:0.03216954693198204 :0.06266356259584427 +time:0.28636083006858826 time,:0.06878551840782166 time.:0.05492372810840607 moment:0.02328692004084587 :0.052762407809495926 +of:0.25531303882598877 and:0.04655371978878975 in:0.034327246248722076 was:0.024047603830695152 :0.05807611718773842 +House:0.3837892711162567 House,:0.0499112643301487 of:0.028269551694393158 House.:0.0075240954756736755 :0.2539769113063812 +of:0.3502967655658722 and:0.04894184321165085 or:0.04528956115245819 to:0.04225126653909683 :0.03179556503891945 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +that:0.22728747129440308 to:0.1338483691215515 the:0.10437504947185516 from:0.05759437009692192 :0.029929377138614655 +in:0.1272875964641571 with:0.07507575303316116 the:0.051968201994895935 a:0.05001363903284073 :0.06572382152080536 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +ter:0.48117363452911377 ed:0.03779495507478714 and:0.019708672538399696 The:0.017908038571476936 :0.08706445246934891 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +of:0.1352790892124176 and:0.04832310229539871 to:0.017215460538864136 the:0.011583392508327961 :0.19328036904335022 +north:0.09639673680067062 south:0.08512929826974869 with:0.05764589458703995 N.:0.04080481454730034 :0.1361347734928131 +the:0.040248725563287735 and:0.029921725392341614 a:0.025458507239818573 of:0.019255440682172775 :0.13530965149402618 +of:0.16753607988357544 and:0.16291016340255737 in:0.07643376290798187 is:0.054915498942136765 :0.03722408041357994 +the:0.3032902181148529 a:0.06933275610208511 his:0.023846523836255074 this:0.02157554216682911 :0.11439278721809387 +to:0.29015758633613586 of:0.07813268154859543 and:0.03309125080704689 in:0.020553959533572197 :0.08097926527261734 +the:0.20434856414794922 a:0.05492870882153511 this:0.025431321933865547 all:0.021044034510850906 :0.08431537449359894 +for:0.17940904200077057 and:0.1298017054796219 of:0.10612395405769348 to:0.0848185271024704 :0.035608768463134766 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +of:0.1773948222398758 and:0.06199111044406891 was:0.03623203560709953 is:0.03154929354786873 :0.054297465831041336 +the:0.304483562707901 a:0.030476797372102737 tho:0.022248361259698868 at:0.018526963889598846 :0.18245655298233032 +and:0.08086831122636795 was:0.05004522204399109 is:0.031844474375247955 had:0.02728046104311943 :0.07779640704393387 +of:0.5219094157218933 that:0.02125653810799122 to:0.0204908549785614 and:0.01903066597878933 :0.023210875689983368 +the:0.2703879177570343 a:0.043083686381578445 tho:0.01672130450606346 his:0.01667570322751999 :0.061788950115442276 +and:0.051375988870859146 John:0.007936671376228333 James:0.005171543452888727 Bryan:0.004610922187566757 :0.5212184190750122 +and:0.06517431885004044 of:0.04485009238123894 the:0.037299711257219315 to:0.019304601475596428 :0.16065934300422668 +the:0.12333564460277557 tne:0.0197971872985363 a:0.019056444987654686 this:0.009766398929059505 :0.2795107960700989 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +the:0.25445014238357544 a:0.049468740820884705 his:0.029931528493762016 their:0.021931426599621773 :0.11209981143474579 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.09796792268753052 a:0.06154729798436165 an:0.010558179579675198 their:0.009600830264389515 :0.2168959081172943 +of:0.08725437521934509 and:0.06969719380140305 the:0.027594976127147675 in:0.019070491194725037 :0.1760903149843216 +the:0.29762235283851624 two:0.022203318774700165 tho:0.0221234317868948 a:0.015596463344991207 :0.1763692945241928 +who:0.1101163849234581 and:0.07947410643100739 in:0.04692140594124794 is:0.037201400846242905 :0.07568569481372833 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +week:0.1176227256655693 year:0.06926093995571136 year.:0.03933901712298393 year,:0.03163643553853035 :0.08941836655139923 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +and:0.15529322624206543 to:0.09425485134124756 of:0.08858878910541534 as:0.051807187497615814 :0.052564553916454315 +York:0.39295998215675354 York,:0.17307999730110168 York.:0.07649581879377365 Orleans,:0.029063472524285316 :0.11009432375431061 +of:0.16467784345149994 to:0.010198136791586876 the:0.010166398249566555 important:0.009670335799455643 :0.16880570352077484 +and:0.16603344678878784 but:0.07302381098270416 the:0.06222973018884659 he:0.018816977739334106 :0.04394097998738289 +and:0.10831743478775024 but:0.0414213128387928 the:0.04024415835738182 that:0.022689927369356155 :0.18454352021217346 +and:0.11702735722064972 to:0.05309096723794937 the:0.043041031807661057 but:0.03538592532277107 :0.05231823772192001 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +was:0.06336132436990738 had:0.0325939878821373 is:0.028285592794418335 said:0.023740945383906364 :0.24146805703639984 +the:0.1217244565486908 in:0.09184875339269638 and:0.05903061106801033 been:0.0385470874607563 :0.04599852114915848 +right:0.009243113920092583 and:0.006608257070183754 first:0.006447948981076479 a:0.0061534917913377285 :0.35926321148872375 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +and:0.03416458144783974 of:0.03039761260151863 the:0.0301223024725914 to:0.02368323691189289 :0.2474776655435562 +been:0.1620398908853531 a:0.0316789373755455 not:0.028184376657009125 the:0.0249327439814806 :0.09288831055164337 +and:0.036490198224782944 the:0.029170993715524673 1:0.013040234334766865 in:0.011275230906903744 :0.30211707949638367 +and:0.04611028730869293 in:0.02449338138103485 of:0.024023644626140594 the:0.019502820447087288 :0.2819754481315613 +not:0.3986301124095917 be:0.08161883056163788 have:0.03604863956570625 do:0.012000973336398602 :0.07220105826854706 +of:0.1624268889427185 in:0.04671532288193703 the:0.046458370983600616 and:0.03939865529537201 :0.04757082462310791 +for:0.36524972319602966 a:0.07544015347957611 the:0.05110914632678032 that:0.018954485654830933 :0.036851122975349426 +and:0.12686724960803986 who:0.08295050263404846 of:0.058949340134859085 in:0.055982429534196854 :0.06808068603277206 +the:0.3397233784198761 a:0.07711692899465561 this:0.027972519397735596 tho:0.02723430097103119 :0.10530849546194077 +of:0.11495200544595718 and:0.09595323354005814 the:0.030302690342068672 in:0.02663908153772354 :0.04333248361945152 +of:0.09294663369655609 for:0.0635521188378334 in:0.05380846932530403 house:0.050556961447000504 :0.0808301791548729 +the:0.15788660943508148 a:0.062068402767181396 course:0.0245087631046772 great:0.012142173945903778 :0.1806757003068924 +the:0.07177223265171051 and:0.05187335982918739 a:0.019294071942567825 in:0.017391348257660866 :0.16402749717235565 +the:0.3527138829231262 a:0.04522141441702843 this:0.04148752614855766 account:0.027098579332232475 :0.04169055446982384 +and:0.18483075499534607 but:0.04384791851043701 the:0.038070376962423325 in:0.03598988801240921 :0.05413702502846718 +to:0.10466237366199493 but:0.08340787887573242 of:0.05736137926578522 and:0.05361350625753403 :0.05055304989218712 +same:0.05129051208496094 time:0.0405978299677372 rate:0.03284803777933121 front:0.017034808173775673 :0.1659795194864273 +the:0.11125724017620087 a:0.018808575347065926 to:0.010574896819889545 in:0.008824780583381653 :0.1256726235151291 +the:0.21361367404460907 a:0.022396672517061234 this:0.017569715157151222 tho:0.014584040269255638 :0.16943345963954926 +was:0.01988881081342697 is:0.015095794573426247 came:0.013472595252096653 left:0.013250194489955902 :0.1766136735677719 +a:0.13291078805923462 not:0.04278473183512688 the:0.03309959918260574 in:0.021612757816910744 :0.10055673867464066 +to:0.15015871822834015 by:0.10120753198862076 for:0.0837845578789711 from:0.05604368820786476 :0.04784106835722923 +of:0.1885877251625061 and:0.05510912463068962 to:0.05054110661149025 the:0.03084365464746952 :0.08207747340202332 +is:0.017626050859689713 was:0.015952087938785553 and:0.014239482581615448 man:0.009945777244865894 :0.3275976777076721 +as:0.12174016982316971 to:0.07682297378778458 a:0.05332157015800476 every:0.0386117659509182 :0.23175764083862305 +the:0.14565417170524597 it:0.0893009826540947 they:0.07601169496774673 he:0.07055934518575668 :0.05173138901591301 +a:0.04744382202625275 not:0.0353211872279644 in:0.023179298266768456 the:0.020984048023819923 :0.12456022202968597 +and:0.12119331955909729 of:0.04585008695721626 in:0.03777806833386421 was:0.022724749520421028 :0.09550255537033081 +the:0.4758394658565521 law.:0.027759941294789314 a:0.026020951569080353 their:0.021847166121006012 :0.06304726004600525 +are:0.09747233241796494 were:0.07985945791006088 have:0.0643911138176918 had:0.03416930511593819 :0.0772809088230133 +The:0.16586604714393616 It:0.0739159807562828 He:0.027630673721432686 4:0.023723099380731583 :0.11929544806480408 +the:0.039255864918231964 a:0.018247321248054504 that:0.017244284972548485 to:0.015287747606635094 :0.18277783691883087 +to:0.42467066645622253 that:0.03306709602475166 for:0.029221396893262863 a:0.028731852769851685 :0.05483073368668556 +A.:0.030724871903657913 H.:0.029345978051424026 E:0.026701170951128006 W:0.023591354489326477 :0.26146063208580017 +of:0.09605543315410614 one:0.01462502870708704 time:0.013793609105050564 years:0.012907206080853939 :0.06880325824022293 +of:0.8092537522315979 in:0.02277405932545662 ot:0.014843267388641834 ol:0.007113423198461533 :0.017444225028157234 +said:0.00905150268226862 law:0.007717057131230831 most:0.006298288702964783 first:0.005631166975945234 :0.20682702958583832 +purpose:0.03303176537156105 first:0.014660323970019817 sum:0.0123831145465374 same:0.01115831732749939 :0.171468585729599 +been:0.43162813782691956 to:0.033108919858932495 the:0.023376425728201866 not:0.02199997939169407 :0.04975947365164757 +the:0.05381914973258972 to:0.04148606210947037 and:0.029639558866620064 a:0.021061250939965248 :0.14225879311561584 +in:0.1834745556116104 of:0.08281447738409042 and:0.060959119349718094 that:0.04578086733818054 :0.03021908923983574 +same:0.0068245683796703815 first:0.004720520693808794 old:0.004615928046405315 right:0.003893417539075017 :0.3642212152481079 +same:0.011149327270686626 most:0.007468691561371088 first:0.006847662385553122 fact:0.004961355123668909 :0.26197972893714905 +the:0.08081518858671188 money:0.04162759706377983 said:0.014529756270349026 a:0.01412157528102398 :0.1636488437652588 +a:0.04540616273880005 the:0.0386824756860733 paid:0.02059953473508358 made:0.017694862559437752 :0.16304939985275269 +the:0.06168816238641739 a:0.04868165776133537 in:0.02823074348270893 made:0.01646251417696476 :0.1073940321803093 +and:0.05263625085353851 to:0.040604181587696075 the:0.037232719361782074 of:0.014607144519686699 :0.27140384912490845 +of:0.07536228001117706 and:0.046076077967882156 in:0.031844425946474075 the:0.024542244151234627 :0.15833526849746704 +are:0.07789161056280136 have:0.06768330931663513 who:0.051553886383771896 to:0.04029974341392517 :0.039064206182956696 +cure:0.037601225078105927 cure.:0.03111201338469982 relief:0.025108538568019867 and:0.017073968425393105 :0.19494259357452393 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +men:0.025783754885196686 or:0.019480714574456215 of:0.01569487527012825 and:0.013962932862341404 :0.2856348156929016 +party:0.005858070682734251 people:0.0032511132303625345 members:0.003113111946731806 and:0.00291517679579556 :0.2748163640499115 +and:0.18543556332588196 in:0.035935159772634506 was:0.029363343492150307 are:0.025087911635637283 :0.041990529745817184 +to:0.060807645320892334 the:0.03790637478232384 for:0.027209633961319923 in:0.020451920107007027 :0.0816119909286499 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.13621118664741516 a:0.12344107776880264 it:0.022403046488761902 such:0.021391451358795166 :0.09848775714635849 +the:0.28139621019363403 this:0.041202694177627563 a:0.037604957818984985 tho:0.020391009747982025 :0.08467692136764526 +the:0.057812318205833435 any:0.038051676005125046 in:0.021260228008031845 other:0.017313949763774872 :0.12825709581375122 +of:0.6452101469039917 and:0.05811809375882149 or:0.0130557119846344 in:0.011501004919409752 :0.045129578560590744 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.2650105953216553 a:0.035438720136880875 his:0.02537347562611103 their:0.020639486610889435 :0.1299808919429779 +the:0.025691304355859756 in:0.019931038841605186 good:0.014129935763776302 a:0.014121729880571365 :0.18806388974189758 +the:0.0684724822640419 be:0.0593237541615963 make:0.01595940999686718 have:0.015442288480699062 :0.1253017783164978 +and:0.1209474727511406 the:0.06219731271266937 that:0.05286925286054611 as:0.031087670475244522 :0.06629569828510284 +the:0.4450071454048157 a:0.03360960632562637 this:0.03351282700896263 tho:0.020471874624490738 :0.08288969099521637 +of:0.7179190516471863 and:0.025506500154733658 which:0.018901145085692406 are:0.016936536878347397 :0.013105266727507114 +been:0.11767168343067169 a:0.03443443030118942 not:0.027254726737737656 no:0.026004621759057045 :0.1572839319705963 +a:0.05323678255081177 the:0.031364601105451584 an:0.009784958325326443 food:0.00939509179443121 :0.21692855656147003 +city:0.010400461032986641 way:0.007790814619511366 United:0.007404793053865433 county:0.0069939917884767056 :0.22411221265792847 +the:0.585595428943634 this:0.02863149903714657 a:0.023625686764717102 his:0.02044522389769554 :0.06127523258328438 +and:0.040102969855070114 to:0.0358315110206604 at:0.029125740751624107 of:0.022964181378483772 :0.19762909412384033 +the:0.27689194679260254 this:0.02734924852848053 their:0.021470142528414726 a:0.019206775352358818 :0.12115519493818283 +the:0.026926927268505096 and:0.026404639706015587 at:0.021243492141366005 of:0.017559047788381577 :0.2078128159046173 +the:0.07990725338459015 a:0.024082206189632416 that:0.00811748206615448 of:0.005897779017686844 :0.23635557293891907 +the:0.23485244810581207 a:0.04343827813863754 of:0.03907216340303421 and:0.037048596888780594 :0.06932459771633148 +the:0.29235759377479553 he:0.04147503897547722 it:0.03312097117304802 they:0.029811274260282516 :0.04984097555279732 +with:0.25144433975219727 was:0.04435586556792259 is:0.043878186494112015 the:0.03736517205834389 :0.05010315403342247 +the:0.09192632138729095 and:0.060492243617773056 with:0.049570053815841675 on:0.032275836914777756 :0.0760946050286293 +the:0.03092237561941147 deemed:0.024684522300958633 paid:0.020847149193286896 made:0.020764578133821487 :0.14325159788131714 +merce:0.09919662028551102 ing:0.0725434273481369 mon:0.030924508348107338 plete:0.0222984217107296 :0.41875946521759033 +of:0.7440977692604065 and:0.027853630483150482 for:0.0266221072524786 to:0.022107241675257683 :0.016655409708619118 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +and:0.10842765867710114 to:0.08114895224571228 for:0.07702932506799698 in:0.0710148736834526 :0.061645735055208206 +the:0.04956379160284996 and:0.046893712133169174 to:0.04222816973924637 for:0.0394662506878376 :0.1923467367887497 +and:0.12904894351959229 to:0.06588849425315857 were:0.04458867758512497 in:0.03524262458086014 :0.05835694074630737 +the:0.40773922204971313 a:0.05226026847958565 their:0.023339105769991875 his:0.0196889266371727 :0.04261857643723488 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +a:0.22876666486263275 been:0.07530497759580612 any:0.07323682308197021 the:0.06512575596570969 :0.08003775775432587 +said:0.01313962321728468 United:0.009145690128207207 people:0.005622993689030409 same:0.0053462921641767025 :0.20645149052143097 +the:0.17807340621948242 that:0.10337136685848236 what:0.04661119356751442 a:0.040303461253643036 :0.041882120072841644 +of:0.08677050471305847 and:0.04230272397398949 to:0.0240264143794775 for:0.012122459709644318 :0.21935735642910004 +a:0.08419891446828842 the:0.04229407384991646 not:0.03732388839125633 in:0.019538158550858498 :0.13392406702041626 +the:0.3409186601638794 his:0.038318827748298645 a:0.031700700521469116 her:0.031059732660651207 :0.07483211904764175 +to:0.025149989873170853 .:0.019334614276885986 that:0.015797073021531105 much:0.013523345813155174 :0.3326312303543091 +of:0.6919759511947632 and:0.022163690999150276 that:0.017291925847530365 the:0.008280415087938309 :0.023916341364383698 +be:0.17345429956912994 have:0.05872456729412079 see:0.026525968685746193 get:0.023200541734695435 :0.09837786108255386 +great:0.03247062861919403 good:0.0299025047570467 very:0.027103561908006668 matter:0.01384598109871149 :0.14564718306064606 +best:0.014611379243433475 value:0.009478890337049961 fact:0.00853010918945074 truth:0.00830857828259468 :0.2643175423145294 +of:0.6697531938552856 and:0.02141232043504715 was:0.02044113352894783 ot:0.013915812596678734 :0.018026243895292282 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +ed:0.2539295554161072 ingly:0.09518643468618393 of:0.03028956614434719 ing:0.02300504595041275 :0.11105482280254364 +of:0.03971294313669205 and:0.039331045001745224 to:0.022609906271100044 the:0.020404739305377007 :0.23600104451179504 +of:0.3837437629699707 and:0.11655861139297485 in:0.04503827914595604 were:0.017721815034747124 :0.07860612124204636 +The:0.060210492461919785 A:0.035102639347314835 A.:0.02719687856733799 In:0.02159874700009823 :0.23179909586906433 +the:0.30828040838241577 a:0.03857095539569855 which:0.027540147304534912 this:0.02674708515405655 :0.07594774663448334 +the:0.11583205312490463 he:0.04189196228981018 they:0.02668222039937973 a:0.02372022159397602 :0.13583387434482574 +to:0.06747835129499435 was:0.062190018594264984 of:0.05210954323410988 is:0.044514644891023636 :0.0833829790353775 +D.:0.07768407464027405 D:0.04615781083703041 M:0.03693903610110283 M.:0.01838570646941662 :0.24853558838367462 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +and:0.067473866045475 of:0.05070054531097412 in:0.020544273778796196 to:0.02003517560660839 :0.22566740214824677 +of:0.17732496559619904 and:0.10398402065038681 at:0.02611449547111988 in:0.024620292708277702 :0.06851688027381897 +the:0.16507704555988312 by:0.09676723182201385 with:0.053283050656318665 to:0.04981435090303421 :0.061589911580085754 +and:0.2395620495080948 but:0.10263796895742416 the:0.046576377004384995 in:0.029161183163523674 :0.0503682866692543 +be:0.2459280639886856 have:0.10266429930925369 not:0.1008840799331665 bo:0.014120648615062237 :0.048179540783166885 +and:0.16574303805828094 in:0.03141631558537483 to:0.02771764062345028 for:0.016958454623818398 :0.10374397784471512 +the:0.18490348756313324 a:0.061384133994579315 her:0.05556359514594078 them:0.044676512479782104 :0.03568645939230919 +The:0.11939702928066254 It:0.06410115957260132 He:0.03542700782418251 A:0.034820929169654846 :0.03452330827713013 +are:0.05908101424574852 were:0.050647836178541183 have:0.03871690854430199 got:0.03456919640302658 :0.057287152856588364 +course:0.009455808438360691 business:0.006596812978386879 man:0.005750762298703194 men:0.004248690791428089 :0.2147442251443863 +that:0.10381187498569489 to:0.09932714700698853 of:0.039499007165431976 and:0.012314833700656891 :0.13351954519748688 +and:0.029224982485175133 the:0.012261534109711647 service:0.009887965396046638 a:0.008570479229092598 :0.23669296503067017 +ter:0.6840102076530457 ter,:0.1534205824136734 ter.:0.0217769593000412 ters,:0.008435266092419624 :0.07376895844936371 +of:0.1069837138056755 and:0.050826724618673325 The:0.024833928793668747 in:0.02195349894464016 :0.1724511981010437 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +of:0.7411564588546753 to:0.023798882961273193 and:0.021528294309973717 that:0.021034717559814453 :0.012116070836782455 +the:0.1340954601764679 a:0.028598632663488388 be:0.021599194034934044 see:0.015019536018371582 :0.16424275934696198 +the:0.2387235462665558 day:0.04242616519331932 a:0.040391989052295685 day,:0.02635679952800274 :0.11851628124713898 +been:0.4169073700904846 yet:0.07197577506303787 only:0.023792175576090813 a:0.023517590016126633 :0.047818269580602646 +of:0.028746409341692924 time:0.01865256018936634 and:0.01041322946548462 part:0.00938593689352274 :0.15214504301548004 +by:0.08753977715969086 of:0.0668807104229927 with:0.04998273029923439 the:0.038459841161966324 :0.07779940962791443 +and:0.12109912186861038 to:0.09772893041372299 the:0.06746327131986618 in:0.04529060795903206 :0.041224002838134766 +and:0.0794910416007042 to:0.050647687166929245 by:0.03904310613870621 in:0.023251105099916458 :0.1463373601436615 +hereby:0.09737574309110641 situated:0.048742350190877914 not:0.03779253736138344 the:0.01922778971493244 :0.1731119155883789 +of:0.35337144136428833 and:0.0742371454834938 or:0.0453716479241848 in:0.02500380016863346 :0.05828932672739029 +be:0.27447885274887085 not:0.07441383600234985 have:0.043920937925577164 he:0.014112479984760284 :0.08148452639579773 +I:0.05562805011868477 the:0.030711309984326363 The:0.0218555498868227 It:0.018003810197114944 :0.22512538731098175 +of:0.21963462233543396 the:0.12873779237270355 it:0.07584241032600403 they:0.0713420882821083 :0.06933706253767014 +more:0.06296071410179138 better:0.05959659069776535 of:0.044884730130434036 to:0.040112294256687164 :0.1623273342847824 +own:0.039221979677677155 life:0.0089398343116045 friends:0.005477586295455694 party:0.0046061198227107525 :0.19100113213062286 +and:0.19156499207019806 is:0.05948813259601593 was:0.03871418908238411 in:0.03705829009413719 :0.04125332832336426 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.12710997462272644 county,:0.09187881648540497 county:0.056652240455150604 County:0.05118024721741676 :0.10942339152097702 +the:0.03702998906373978 a:0.028577258810400963 not:0.015992306172847748 that:0.013449462130665779 :0.15949495136737823 +and:0.06779572367668152 of:0.04050125181674957 the:0.028352100402116776 to:0.02005190961062908 :0.18894469738006592 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.15617236495018005 he:0.04126224294304848 it:0.02876879833638668 they:0.026291195303201675 :0.10586083680391312 +and:0.24355819821357727 of:0.030818745493888855 to:0.02388867549598217 in:0.020750906318426132 :0.12072011083364487 +to:0.16040374338626862 of:0.07316453754901886 on:0.06715527921915054 and:0.04758576676249504 :0.04150497913360596 +the:0.3025510013103485 a:0.05864603444933891 his:0.04503033682703972 this:0.026356322690844536 :0.11602415889501572 +of:0.36097002029418945 and:0.11924251914024353 to:0.038585592061281204 were:0.028978895395994186 :0.027031490579247475 +and:0.035756491124629974 the:0.026380354538559914 of:0.018956825137138367 was:0.014456378296017647 :0.21674594283103943 +are:0.09685977548360825 were:0.06286848336458206 will:0.06260637193918228 have:0.05200133100152016 :0.12228066474199295 +day:0.02708146907389164 day.:0.020282752811908722 year:0.01385429035872221 day,:0.012380598112940788 :0.17155273258686066 +The:0.16494448482990265 It:0.07265058904886246 A:0.03169522434473038 This:0.02972009964287281 :0.07118359208106995 +the:0.2774624824523926 said:0.04936880245804787 this:0.03137778863310814 which:0.023849811404943466 :0.06884360313415527 +of:0.5197464227676392 and:0.07196276634931564 is:0.025281503796577454 will:0.014900078997015953 :0.02383383922278881 +of:0.09745502471923828 and:0.07567449659109116 that:0.03756021708250046 to:0.02304854616522789 :0.19400277733802795 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.08867421746253967 other:0.015324865467846394 a:0.014950468204915524 to:0.009190144948661327 :0.20508715510368347 +the:0.07714668661355972 a:0.025370784103870392 he:0.018903791904449463 they:0.014992842450737953 :0.12662732601165771 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +to:0.15862813591957092 and:0.05831960588693619 by:0.0372796431183815 the:0.03655622527003288 :0.08190786093473434 +and:0.10781487077474594 of:0.029266808182001114 the:0.023879999294877052 The:0.01884155161678791 :0.20904791355133057 +a:0.0415506586432457 the:0.027399681508541107 in:0.018339136615395546 taken:0.010719822719693184 :0.13765014708042145 +the:0.29357990622520447 a:0.038904447108507156 this:0.016292480751872063 his:0.014482246711850166 :0.1677549034357071 +and:0.03285542502999306 the:0.02955096773803234 of:0.01798425242304802 to:0.014686682261526585 :0.2716573476791382 +husband:0.03993617370724678 mother:0.019163411110639572 own:0.012567302212119102 father:0.011722064577043056 :0.11513560265302658 +the:0.32807907462120056 his:0.051715508103370667 her:0.024750152602791786 their:0.02445586584508419 :0.05266958475112915 +and:0.11584088206291199 the:0.038519036024808884 for:0.025375986471772194 which:0.024131208658218384 :0.04748636856675148 +the:0.35197895765304565 a:0.033670924603939056 his:0.02726796269416809 this:0.026570625603199005 :0.06848300248384476 +H.:0.04102307930588722 H:0.0342007577419281 A.:0.024306217208504677 J:0.02258160710334778 :0.23165148496627808 +a:0.04173225536942482 not:0.03975921869277954 the:0.03575998172163963 in:0.019713636487722397 :0.10048657655715942 +of:0.6390097141265869 and:0.022161951288580894 from:0.01882193610072136 in:0.018214978277683258 :0.046503711491823196 +Justice:0.22409863770008087 of:0.13930898904800415 Magistrate:0.10542333871126175 Engineer:0.04314078763127327 :0.17154528200626373 +the:0.24977082014083862 he:0.06567470729351044 they:0.06263629347085953 it:0.04422174021601677 :0.04301435127854347 +to:0.06861526519060135 the:0.044976018369197845 and:0.03211219608783722 The:0.01635529100894928 :0.13306035101413727 +and:0.08947931975126266 the:0.028549164533615112 to:0.02830352820456028 as:0.027563633397221565 :0.1833619326353073 +a:0.04905365779995918 every:0.046153001487255096 as:0.03994763642549515 to:0.03342888504266739 :0.22938895225524902 +known:0.0586169995367527 as:0.03475228697061539 and:0.032004743814468384 to:0.022136786952614784 :0.17521747946739197 +doubt:0.03312996029853821 longer:0.03187040239572525 more:0.02815583162009716 one:0.02540016733109951 :0.16004052758216858 +than:0.14968101680278778 to:0.06109682098031044 or:0.04011857137084007 of:0.03411981835961342 :0.1033283993601799 +of:0.087908074259758 year:0.06422457844018936 other:0.053622230887413025 one:0.03181963786482811 :0.14553488790988922 +of:0.755107045173645 and:0.016186794266104698 for:0.01340545155107975 ot:0.011806742288172245 :0.013491936028003693 +the:0.4808581471443176 them:0.03782261908054352 these:0.03711963817477226 his:0.024989623576402664 :0.03377002105116844 +don:0.46301859617233276 don,:0.3941304087638855 the:0.007895946502685547 and:0.0071974764578044415 :0.05923796445131302 +the:0.2844718098640442 to:0.052974265068769455 a:0.02987961284816265 his:0.026917757466435432 :0.04394913464784622 +people:0.020958999171853065 own:0.019360749050974846 friends:0.00872025080025196 readers:0.008383295498788357 :0.1721487194299698 +the:0.18543894588947296 that:0.03582277148962021 of:0.035534150898456573 this:0.018510036170482635 :0.08784016221761703 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +ficers:0.10031148046255112 fice,:0.055132731795310974 fered:0.042185574769973755 fice:0.027660036459565163 :0.31686845421791077 +to:0.29219961166381836 down:0.0548040047287941 out:0.04917226359248161 on:0.04083840548992157 :0.04730204865336418 +the:0.11306630074977875 a:0.02860572189092636 then:0.014851098880171776 in:0.013481236062943935 :0.1317637413740158 +the:0.04775073751807213 a:0.019071586430072784 to:0.013159544207155704 that:0.0066418275237083435 :0.4487209618091583 +H.:0.04102307930588722 H:0.0342007577419281 A.:0.024306217208504677 J:0.02258160710334778 :0.23165148496627808 +the:0.2563644051551819 a:0.05830750614404678 which:0.020661450922489166 his:0.017464442178606987 :0.09985041618347168 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +of:0.07923149317502975 and:0.05332743003964424 or:0.025816285982728004 is:0.02017178200185299 :0.11968471854925156 +and:0.047343943268060684 of:0.0340697318315506 the:0.03334566950798035 The:0.0320931002497673 :0.17187121510505676 +the:0.04719267413020134 and:0.04521466791629791 to:0.036174170672893524 in:0.02028714306652546 :0.1672191321849823 +of:0.12420854717493057 and:0.08100423216819763 to:0.06400583684444427 or:0.03207669407129288 :0.09279902279376984 +the:0.23799699544906616 a:0.04221582040190697 tho:0.014849789440631866 this:0.014704192988574505 :0.22046831250190735 +the:0.20111100375652313 a:0.07290645688772202 favor:0.019096991047263145 this:0.01822325773537159 :0.07237380743026733 +the:0.16011734306812286 a:0.06716261804103851 in:0.044840265065431595 their:0.029967550188302994 :0.05628599599003792 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +the:0.08786900341510773 to:0.05248625949025154 a:0.030529841780662537 and:0.029249493032693863 :0.09446462988853455 +and:0.21924054622650146 by:0.0607711486518383 in:0.04573561251163483 with:0.04333513230085373 :0.044343169778585434 +the:0.21259167790412903 a:0.13270285725593567 his:0.021092016249895096 an:0.018595559522509575 :0.09121572226285934 +lot:0.02140873670578003 mortgage:0.021078843623399734 Court,:0.018072711303830147 county:0.01616648957133293 :0.15376237034797668 +day:0.05064491927623749 time:0.04795364663004875 of:0.04338914155960083 to:0.01571022719144821 :0.10426655411720276 +most:0.012185011990368366 same:0.010640785098075867 result:0.010600059293210506 only:0.00753809604793787 :0.19594259560108185 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +the:0.11544381082057953 a:0.01968867890536785 to:0.01848278008401394 all:0.012509169057011604 :0.09431396424770355 +of:0.194469153881073 was:0.033012211322784424 is:0.03199949115514755 and:0.018053678795695305 :0.16415801644325256 +of:0.04197798669338226 and:0.037972480058670044 the:0.02604617364704609 to:0.018133411183953285 :0.18754251301288605 +the:0.25285717844963074 said:0.02266114205121994 this:0.01930265501141548 a:0.017452137544751167 :0.158686563372612 +nature:0.05875773727893829 life:0.04861467704176903 nature.:0.035668838769197464 nature,:0.032638613134622574 :0.21445372700691223 +no:0.2535647451877594 a:0.2215261608362198 not:0.04665178433060646 nothing:0.030775761231780052 :0.028710922226309776 +the:0.08315914869308472 be:0.034394294023513794 a:0.023501712828874588 tho:0.010728815570473671 :0.28032901883125305 +the:0.1339944750070572 in:0.02613944746553898 a:0.02570989727973938 it:0.02178264409303665 :0.057903554290533066 +the:0.17717304825782776 you:0.0547105073928833 he:0.047818850725889206 a:0.04237813875079155 :0.07424423843622208 +are:0.0947241336107254 will:0.06335105746984482 were:0.06320498883724213 have:0.04129839316010475 :0.0951981395483017 +the:0.2840498685836792 a:0.033062394708395004 this:0.018129445612430573 tho:0.0122769083827734 :0.14189749956130981 +few:0.057167455554008484 .:0.029999537393450737 large:0.02181383967399597 number:0.0161181278526783 :0.2341190129518509 +and:0.157342329621315 in:0.10107864439487457 of:0.04748115316033363 In:0.028881754726171494 :0.10916411131620407 +made:0.04063372686505318 no:0.024736104533076286 done:0.022242939099669456 a:0.0206534955650568 :0.16470712423324585 +streets:0.009439263492822647 center:0.00615588016808033 medium:0.0059091574512422085 whole:0.005678780376911163 :0.22837640345096588 +of:0.37378740310668945 the:0.033739324659109116 is:0.014803004451096058 in:0.013750758022069931 :0.04904993623495102 +H.:0.04102307930588722 H:0.0342007577419281 A.:0.024306217208504677 J:0.02258160710334778 :0.23165148496627808 +the:0.29200705885887146 this:0.04109375923871994 a:0.03738516569137573 all:0.02021978236734867 :0.1473608762025833 +.:0.06229725480079651 the:0.01463307999074459 to:0.014104580506682396 of:0.014067784883081913 :0.25860437750816345 +and:0.3266415596008301 as:0.10085756331682205 that:0.06153251603245735 in:0.05264357477426529 :0.04232354462146759 +is:0.19163638353347778 was:0.12339498847723007 are:0.10824960470199585 were:0.06907620280981064 :0.03977898508310318 +the:0.2926129698753357 this:0.047584667801856995 a:0.031422652304172516 course,:0.019100360572338104 :0.08924616128206253 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +and:0.07840274274349213 ly:0.029872333630919456 ing:0.020125919952988625 to:0.01890666037797928 :0.37856242060661316 +is:0.29198092222213745 was:0.14792734384536743 Is:0.0679834708571434 has:0.05448302999138832 :0.037126507610082626 +made:0.033235207200050354 able:0.012502853758633137 a:0.012018963694572449 the:0.010401872918009758 :0.19150474667549133 +and:0.3526606261730194 of:0.053811412304639816 in:0.05335325375199318 with:0.04078511893749237 :0.03119339980185032 +M:0.15236768126487732 M.:0.0753883495926857 C:0.01293535903096199 B:0.01267847791314125 :0.3321230709552765 +and:0.06417416781187057 to:0.04619235917925835 in:0.03660014271736145 of:0.027054816484451294 :0.08436601608991623 +the:0.22137397527694702 Township:0.026455625891685486 this:0.026154320687055588 their:0.025632012635469437 :0.13109451532363892 +of:0.38305678963661194 and:0.03987312316894531 or:0.028180839493870735 to:0.02615497075021267 :0.08398770540952682 +to:0.13426519930362701 that:0.12420444935560226 and:0.06732755154371262 as:0.029426906257867813 :0.13199560344219208 +bers:0.5254378914833069 and:0.013748392462730408 in:0.013236158527433872 the:0.012845806777477264 :0.14499934017658234 +the:0.1471870392560959 by:0.08978293836116791 of:0.05059727281332016 and:0.03838171809911728 :0.038199909031391144 +of:0.31168538331985474 on:0.0655980333685875 in:0.043741513043642044 and:0.04193489998579025 :0.042896803468465805 +C.:0.031402360647916794 H.:0.027590375393629074 D.:0.022082900628447533 W.:0.021371234208345413 :0.3018847703933716 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +to:0.05682701617479324 in:0.04180167615413666 time:0.037743423134088516 as:0.03569694608449936 :0.07905745506286621 +the:0.38633978366851807 a:0.12108257412910461 his:0.029146481305360794 their:0.026882654055953026 :0.04510626569390297 +that:0.11111728101968765 the:0.11014284193515778 it:0.08950451761484146 he:0.08038778603076935 :0.06345676630735397 +The:0.11761290580034256 He:0.07858499139547348 I:0.028352003544569016 It:0.025899989530444145 :0.13336181640625 +of:0.1422673761844635 is:0.07674109190702438 and:0.04014797508716583 was:0.03879860043525696 :0.032720666378736496 +and:0.13945552706718445 that:0.028387906029820442 the:0.027005570009350777 but:0.02391461282968521 :0.16946780681610107 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +of:0.09851047396659851 and:0.07163055986166 in:0.03183136135339737 to:0.03061622753739357 :0.16167321801185608 +.:0.03693554177880287 to:0.03679410368204117 and:0.03152276203036308 of:0.029772188514471054 :0.24406594038009644 +to:0.2947894036769867 in:0.05497205629944801 a:0.05268432945013046 from:0.051508642733097076 :0.050331149250268936 +date:0.008520219475030899 United:0.008137640543282032 time:0.00669322581961751 day:0.006416283547878265 :0.18612447381019592 +the:0.060237329453229904 and:0.05011209845542908 for:0.019612809643149376 a:0.019172919914126396 :0.1798851191997528 +and:0.17024701833724976 the:0.09870275110006332 that:0.032212626188993454 in:0.026275688782334328 :0.09709742665290833 +the:0.3902198076248169 a:0.037513114511966705 this:0.026861339807510376 any:0.023627882823348045 :0.08192448318004608 +and:0.08794023096561432 The:0.027617961168289185 to:0.021872075274586678 in:0.02120191976428032 :0.18647624552249908 +the:0.08081518858671188 money:0.04162759706377983 said:0.014529756270349026 a:0.01412157528102398 :0.1636488437652588 +the:0.19131523370742798 a:0.05016770586371422 it:0.029656032100319862 this:0.02891387604176998 :0.14766019582748413 +own:0.026672014966607094 names:0.006377879995852709 friends:0.005962967872619629 work:0.005783120170235634 :0.22252550721168518 +own:0.06243196874856949 respective:0.008194057270884514 benefit,:0.006102427840232849 lives.:0.005961707793176174 :0.21757446229457855 +the:0.24071255326271057 he:0.04980232194066048 there:0.03755832836031914 a:0.030650964006781578 :0.052719596773386 +of:0.25251081585884094 hundred:0.021719031035900116 to:0.020691899582743645 and:0.01864035241305828 :0.12293688207864761 +and:0.05861477181315422 of:0.035021744668483734 the:0.03439502418041229 to:0.024660004302859306 :0.12073918431997299 +6:0.03650053218007088 6,:0.03433598205447197 the:0.028152430430054665 4:0.011565888300538063 :0.19397839903831482 +of:0.22304587066173553 a:0.02221454679965973 people:0.021084293723106384 men:0.014123736880719662 :0.09088098257780075 +the:0.36131176352500916 a:0.08876015990972519 their:0.019640453159809113 this:0.01898903027176857 :0.08580208569765091 +a:0.04232782870531082 the:0.035746920853853226 not:0.024341769516468048 to:0.019819192588329315 :0.12274099886417389 +the:0.34241557121276855 a:0.08049492537975311 this:0.03055509366095066 such:0.028556890785694122 :0.10349080711603165 +the:0.24977082014083862 he:0.06567470729351044 they:0.06263629347085953 it:0.04422174021601677 :0.04301435127854347 +and:0.06086977943778038 of:0.04439675062894821 in:0.023984214290976524 the:0.022524164989590645 :0.18736721575260162 +the:0.317747563123703 a:0.03719937428832054 his:0.032883547246456146 this:0.014279378578066826 :0.13424745202064514 +of:0.1725083589553833 and:0.11936621367931366 to:0.031078707426786423 in:0.02966737374663353 :0.034815896302461624 +of:0.1729028970003128 and:0.14040681719779968 with:0.039553482085466385 at:0.03707148879766464 :0.035690780729055405 +dress:0.04737669974565506 ditional:0.03871219605207443 mission:0.02825993485748768 vance:0.027135126292705536 :0.5535375475883484 +of:0.2425544559955597 and:0.07095291465520859 in:0.05093179643154144 the:0.04647381231188774 :0.04080050066113472 +of:0.061475854367017746 or:0.05256274715065956 and:0.029551422223448753 to:0.026661254465579987 :0.169186070561409 +the:0.05779443308711052 of:0.03670855611562729 and:0.03539493307471275 to:0.027229586616158485 :0.1881088763475418 +same:0.013585232198238373 first:0.012981027364730835 city:0.012977709993720055 case:0.009776578284800053 :0.1773841828107834 +the:0.04685083404183388 and:0.04631710797548294 riage:0.02487771026790142 be:0.019916530698537827 :0.31092196702957153 +to:0.36812472343444824 and:0.03538645803928375 for:0.031803954392671585 in:0.02087484672665596 :0.08967351913452148 +and:0.08288773149251938 of:0.03911508247256279 in:0.034782011061906815 with:0.02792300656437874 :0.15774264931678772 +have:0.07144033908843994 are:0.04706679657101631 had:0.04647250100970268 can:0.03725932538509369 :0.09057366847991943 +that:0.07606219500303268 of:0.0609872080385685 the:0.05622974410653114 to:0.043793559074401855 :0.19945472478866577 +the:0.07187722623348236 and:0.062336403876543045 to:0.035521212965250015 but:0.024873875081539154 :0.1701832413673401 +in:0.05822969600558281 as:0.0582154355943203 whereas,:0.05255779251456261 with:0.037500251084566116 :0.09540987014770508 +the:0.067792147397995 to:0.035450950264930725 a:0.02631955035030842 and:0.019177380949258804 :0.16215059161186218 +and:0.12152300775051117 but:0.06289177387952805 the:0.05127476900815964 of:0.04387263208627701 :0.05975085496902466 +to:0.23571573197841644 that:0.06458653509616852 and:0.03661644086241722 with:0.03535471111536026 :0.0647571012377739 +the:0.09449372440576553 a:0.09406169503927231 any:0.05177127197384834 being:0.020135285332798958 :0.14023607969284058 +and:0.11774729937314987 the:0.03306681662797928 No.:0.020665748044848442 111.:0.017771529033780098 :0.14252649247646332 +and:0.15566840767860413 is:0.03371163085103035 that:0.033424362540245056 to:0.029984915629029274 :0.08525605499744415 +of:0.3189220130443573 that:0.06705310195684433 in:0.06233610212802887 to:0.057308897376060486 :0.04373210296034813 +city:0.013092288747429848 United:0.012644856236875057 same:0.011550412513315678 office:0.008960967883467674 :0.1610749214887619 +course,:0.744060218334198 the:0.04095698893070221 a:0.00978443305939436 this:0.008054908365011215 :0.05201282352209091 +and:0.09745196998119354 the:0.05510398745536804 where:0.022289220243692398 with:0.016706708818674088 :0.18737199902534485 +had:0.13669423758983612 was:0.09905833005905151 has:0.04813998192548752 could:0.0397430919110775 :0.07382194697856903 +the:0.2045731097459793 a:0.04723981022834778 this:0.031287167221307755 tho:0.021378561854362488 :0.1520950198173523 +to:0.06746925413608551 and:0.054785098880529404 by:0.04085306078195572 in:0.02888556197285652 :0.12782970070838928 +and:0.06181712821125984 of:0.028551995754241943 the:0.024418797343969345 The:0.012518285773694515 :0.208424910902977 +the:0.09435419738292694 in:0.05444449186325073 up:0.05414167046546936 on:0.047548845410346985 :0.07341496646404266 +the:0.054270703345537186 and:0.051767002791166306 to:0.050206467509269714 that:0.03281717747449875 :0.14698974788188934 +see:0.056767672300338745 be:0.04703224077820778 the:0.04573122411966324 have:0.035806600004434586 :0.126975879073143 +and:0.01492635253816843 in:0.007493186742067337 or:0.007015633396804333 act:0.004738776013255119 :0.15598294138908386 +been:0.10716089606285095 a:0.022690050303936005 to:0.01773763634264469 not:0.01605086401104927 :0.1903415322303772 +and:0.025364229455590248 the:0.009603224694728851 was:0.0062359534204006195 A:0.005397405941039324 :0.4773152768611908 +and:0.08122994005680084 who:0.05290955305099487 in:0.04974690079689026 was:0.035627152770757675 :0.0708189457654953 +most:0.004920933861285448 same:0.004906640853732824 city:0.004199589136987925 work:0.003669923869892955 :0.21197609603405 +the:0.16017571091651917 of:0.06749839335680008 that:0.05386185646057129 in:0.03601961210370064 :0.06841614097356796 +of:0.277435302734375 to:0.11243633925914764 hand:0.029240811243653297 was:0.019226035103201866 :0.05482485145330429 +of:0.15683181583881378 and:0.10014097392559052 is:0.020932115614414215 or:0.020304372534155846 :0.08966393768787384 +highest:0.01111423410475254 said:0.010427148081362247 people:0.0068772053346037865 amount:0.0066054705530405045 :0.18558868765830994 +by:0.149618461728096 to:0.1111912950873375 in:0.10504685342311859 and:0.05774363875389099 :0.04590629041194916 +own:0.024242619052529335 great:0.006628953851759434 receipt,:0.005896970629692078 present:0.005859483499079943 :0.22930282354354858 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.09290127456188202 and:0.05099622160196304 to:0.012366045266389847 a:0.009170700795948505 :0.26011428236961365 +to:0.17496098577976227 the:0.09576293081045151 and:0.0780017152428627 in:0.0468638651072979 :0.03528280928730965 +two:0.37359344959259033 more:0.15407869219779968 the:0.053720589727163315 a:0.02790110744535923 :0.060787368565797806 +was:0.07935673743486404 is:0.05196346715092659 would:0.04688505455851555 had:0.045051202178001404 :0.11014653742313385 +the:0.07901869714260101 a:0.0373639315366745 sailors:0.020380549132823944 any:0.019926127046346664 :0.17940691113471985 +the:0.20835594832897186 from:0.14311090111732483 a:0.03300558030605316 in:0.025449339300394058 :0.07718789577484131 +the:0.09822878986597061 a:0.07219626754522324 not:0.04090462625026703 now:0.02577204816043377 :0.1341257393360138 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +the:0.19334091246128082 a:0.042705029249191284 corner:0.025386054068803787 south:0.014762201346457005 :0.15848787128925323 +was:0.10688134282827377 had:0.058371853083372116 is:0.04072897881269455 has:0.034318845719099045 :0.11335615068674088 +following:0.010588171891868114 same:0.010305146686732769 said:0.007967781275510788 west:0.005756135564297438 :0.21008190512657166 +of:0.3783482611179352 and:0.0869685560464859 are:0.04863571748137474 were:0.03756861388683319 :0.03364335373044014 +a:0.03684420883655548 the:0.0364057794213295 made:0.02793208695948124 sold:0.016866616904735565 :0.12324710190296173 +of:0.5518676042556763 and:0.05789030343294144 to:0.02786507084965706 ot:0.014694541692733765 :0.05141350254416466 +of:0.12702058255672455 by:0.06013931334018707 in:0.05572909116744995 to:0.047109197825193405 :0.044766392558813095 +the:0.39528700709342957 be:0.054751813411712646 a:0.023220384493470192 this:0.013011394999921322 :0.0778568759560585 +to:0.05372552573680878 the:0.05368012189865112 a:0.02935962751507759 ed:0.027398759499192238 :0.1352139115333557 +o'clock:0.18718105554580688 a.:0.057437263429164886 per:0.056969791650772095 p.:0.05181626230478287 :0.18611961603164673 +in:0.04772924259305 the:0.032999731600284576 a:0.02973187156021595 and:0.02521474100649357 :0.17637848854064941 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +two:0.16251501441001892 the:0.09177197515964508 a:0.045058269053697586 one-half:0.03271333500742912 :0.1048162579536438 +the:0.13801337778568268 it:0.06841219216585159 they:0.05682921037077904 he:0.047088924795389175 :0.05459585413336754 +last:0.05331996828317642 past:0.05062856897711754 day:0.021398434415459633 night:0.017790192738175392 :0.18848267197608948 +to:0.08703675866127014 of:0.07087715715169907 in:0.05067894607782364 per:0.046103738248348236 :0.07294997572898865 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +and:0.07790251076221466 The:0.02197791449725628 to:0.021750254556536674 in:0.017751554027199745 :0.1541927456855774 +was:0.07991210371255875 has:0.05276091769337654 had:0.051623668521642685 is:0.04791926220059395 :0.07431107014417648 +for:0.24029992520809174 of:0.1526711881160736 to:0.08151230216026306 and:0.07779587060213089 :0.03445582464337349 +the:0.100885771214962 in:0.06690292805433273 at:0.05021252483129501 of:0.030814260244369507 :0.052635252475738525 +way:0.19202543795108795 the:0.14252597093582153 a:0.031968165189027786 suffrage:0.02623969316482544 :0.1109621450304985 +a:0.3051185607910156 no:0.18589267134666443 not:0.04038461297750473 an:0.032375190407037735 :0.04065224155783653 +country:0.05695483833551407 entire:0.045492492616176605 country.:0.03640691563487053 United:0.03467335179448128 :0.13289330899715424 +other:0.014457883313298225 same:0.008929903618991375 said:0.008075650781393051 people:0.0055863684974610806 :0.18767179548740387 +to:0.0920407772064209 a:0.07513391971588135 the:0.06140350177884102 him:0.02935248427093029 :0.07551170885562897 +and:0.049178097397089005 the:0.027961060404777527 in:0.01659880205988884 a:0.016510872170329094 :0.14260230958461761 +and:0.05962013080716133 the:0.01585008203983307 at:0.01395686436444521 in:0.013373739086091518 :0.19073833525180817 +of:0.3162487745285034 and:0.04882536083459854 that:0.03506041318178177 from:0.026821527630090714 :0.03770885616540909 +that:0.2702180743217468 a:0.10983867943286896 the:0.06502378731966019 an:0.02568720653653145 :0.059789057821035385 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +that:0.17677424848079681 the:0.06989074498414993 a:0.046106599271297455 to:0.04121004045009613 :0.08641119301319122 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +far:0.1108795553445816 been:0.056366339325904846 made:0.01666567288339138 to:0.013796978630125523 :0.1452530473470688 +to:0.053209733217954636 and:0.02771305851638317 husband:0.0266572218388319 that:0.013198798522353172 :0.1449700891971588 +a:0.11667012423276901 not:0.07240572571754456 the:0.0684872716665268 said:0.019106311723589897 :0.06670841574668884 +been:0.1706722229719162 a:0.03756594657897949 the:0.0312965027987957 to:0.027972115203738213 :0.057806771248579025 +the:0.20713944733142853 a:0.09844706207513809 his:0.018227973952889442 her:0.016631167382001877 :0.1316622495651245 +other:0.05139564350247383 of:0.043269626796245575 kind:0.03650795295834541 one:0.028417862951755524 :0.13148681819438934 +and:0.05205334350466728 the:0.011964398436248302 of:0.008627484552562237 at:0.006178740877658129 :0.21292580664157867 +at:0.736782968044281 in:0.0305649321526289 on:0.022532278671860695 and:0.021743986755609512 :0.025833027437329292 +same:0.014348792843520641 said:0.010717181488871574 amount:0.006462704855948687 most:0.005801250226795673 :0.19137880206108093 +way:0.027182431891560555 city:0.02436038851737976 part:0.022529395297169685 direction:0.01929699257016182 :0.09672422707080841 +to:0.26361119747161865 out:0.09721250832080841 down:0.06673573702573776 into:0.045001156628131866 :0.04348337650299072 +a:0.07852955907583237 the:0.049370959401130676 only:0.030954953283071518 so:0.02357211522758007 :0.11397121846675873 +to:0.21984875202178955 out:0.07275019586086273 into:0.05924677476286888 down:0.059157345443964005 :0.04329703003168106 +The:0.1530998945236206 It:0.05762884393334389 He:0.05657090246677399 A:0.02776593714952469 :0.12157707661390305 +the:0.04932583123445511 a:0.042538419365882874 to:0.03603409230709076 is:0.034592993557453156 :0.08531827479600906 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +years:0.14376547932624817 acres:0.08556108921766281 per:0.06778406351804733 feet:0.04806293174624443 :0.09669698774814606 +to:0.14153271913528442 up:0.10650909692049026 with:0.05947493389248848 in:0.0477108508348465 :0.04120651260018349 +the:0.10328861325979233 a:0.032745324075222015 by:0.030846357345581055 to:0.027346283197402954 :0.09360820055007935 +same:0.05279190465807915 time:0.012526815757155418 middle:0.010734767653048038 first:0.009949818253517151 :0.1596759706735611 +and:0.07211238145828247 of:0.040731023997068405 who:0.027477938681840897 was:0.014905259013175964 :0.24225416779518127 +by:0.30969926714897156 as:0.12611182034015656 in:0.08726467937231064 the:0.06514733284711838 :0.050051093101501465 +and:0.040242522954940796 the:0.0328175313770771 of:0.02995399385690689 to:0.019373176619410515 :0.18924939632415771 +the:0.15800857543945312 to:0.042806755751371384 a:0.02356254868209362 that:0.01753116026520729 :0.08770769834518433 +or:0.14284230768680573 than:0.13123369216918945 to:0.0170146357268095 and:0.015072391368448734 :0.1141519621014595 +to:0.30774351954460144 in:0.04778265953063965 and:0.034473273903131485 at:0.02470378950238228 :0.05738527700304985 +and:0.14437709748744965 the:0.04831872507929802 which:0.03925273194909096 a:0.0302188228815794 :0.09577669203281403 +pecially:0.18152591586112976 caped:0.13448068499565125 tablished:0.12782526016235352 cape:0.05359482765197754 :0.3036327660083771 +and:0.11243686825037003 of:0.09680391848087311 the:0.03848714008927345 to:0.03587361425161362 :0.03665245324373245 +the:0.38687992095947266 a:0.03690012916922569 Mr.:0.019857482984662056 tho:0.014808808453381062 :0.09562373906373978 +o'clock:0.0588453933596611 to:0.048223912715911865 of:0.03787326067686081 years:0.029315240681171417 :0.1935875564813614 +is:0.20393991470336914 was:0.09463091939687729 will:0.03776639699935913 would:0.033526234328746796 :0.08905144780874252 +the:0.162383571267128 a:0.034740250557661057 be:0.030352365225553513 his:0.01138745155185461 :0.15003731846809387 +and:0.07042723149061203 to:0.06016898155212402 than:0.018862200900912285 in:0.017047535628080368 :0.1821814626455307 +and:0.10703641176223755 The:0.026946378871798515 to:0.022355837747454643 but:0.017809685319662094 :0.15553919970989227 +the:0.1213177740573883 and:0.036755774170160294 to:0.022414281964302063 a:0.02148718573153019 :0.13810014724731445 +the:0.2652280330657959 a:0.025133026763796806 oath:0.015297457575798035 which:0.01459396444261074 :0.10650850832462311 +of:0.392191082239151 which:0.0700615718960762 that:0.05682698264718056 and:0.05180242285132408 :0.024739408865571022 +and:0.17791680991649628 the:0.0432092621922493 with:0.036390870809555054 of:0.029545731842517853 :0.08874531835317612 +of:0.16684187948703766 and:0.13984355330467224 is:0.0379200279712677 to:0.031947437673807144 :0.04966569319367409 +The:0.09412278234958649 In:0.0806550681591034 It:0.03988709673285484 and:0.02096862904727459 :0.12022184580564499 +pay:0.038059864193201065 make:0.03164952993392944 do:0.023192040622234344 be:0.021717723459005356 :0.13269354403018951 +wife,:0.03618200495839119 own:0.019316434860229492 wife:0.016476640477776527 head:0.009530908428132534 :0.19299203157424927 +the:0.04514549672603607 and:0.04210160672664642 of:0.02910275012254715 in:0.02106347680091858 :0.15852892398834229 +do:0.0419977568089962 the:0.04162042587995529 meet:0.032018810510635376 make:0.030696170404553413 :0.08756440132856369 +own:0.017100036144256592 life:0.010182424448430538 life.:0.008795962668955326 life,:0.00469289580360055 :0.2149680256843567 +the:0.1175706684589386 he:0.06140637770295143 it:0.04722054302692413 they:0.04517137631773949 :0.04872215911746025 +the:0.48092493414878845 a:0.07138162106275558 his:0.024074003100395203 their:0.01999465562403202 :0.03315967321395874 +much:0.2650820314884186 that:0.0325821153819561 many:0.018876971676945686 as:0.016447093337774277 :0.13005144894123077 +is:0.11934968084096909 was:0.11053969711065292 supply:0.029993949458003044 has:0.023555926978588104 :0.0626695454120636 +of:0.17685851454734802 and:0.04923830181360245 to:0.0415986031293869 was:0.04086267575621605 :0.03549450635910034 +and:0.051673807203769684 the:0.021503431722521782 of:0.02013072557747364 to:0.01933952420949936 :0.29232925176620483 +the:0.06534930318593979 it:0.04206610098481178 he:0.035761792212724686 I:0.030441416427493095 :0.06110459566116333 +is:0.27503272891044617 are:0.17347729206085205 was:0.1410634070634842 were:0.062090735882520676 :0.04280408099293709 +and:0.06569652259349823 to:0.018770160153508186 the:0.01830727979540825 No.:0.011474750936031342 :0.22169019281864166 +of:0.1667354702949524 old,:0.08353573828935623 ago:0.05137067660689354 ago.:0.04121715575456619 :0.06035243719816208 +the:0.20654474198818207 a:0.14962972700595856 all:0.026383882388472557 his:0.02198585867881775 :0.08537514507770538 +of:0.061475854367017746 or:0.05256274715065956 and:0.029551422223448753 to:0.026661254465579987 :0.169186070561409 +many:0.06868955492973328 two:0.049827247858047485 no:0.04765280336141586 a:0.03628687188029289 :0.07285839319229126 +the:0.20893073081970215 said:0.021537477150559425 a:0.01918739266693592 this:0.01324283704161644 :0.23565925657749176 +should:0.08227048069238663 not:0.07432417571544647 do:0.0450708270072937 the:0.03749101981520653 :0.08540447801351547 +and:0.06754571944475174 the:0.01756756566464901 The:0.0170962642878294 of:0.016261575743556023 :0.22462201118469238 +a:0.10154912620782852 the:0.09758059680461884 to:0.033556003123521805 he:0.03328894451260567 :0.07308787107467651 +be:0.20538504421710968 have:0.1271643042564392 not:0.07460429519414902 make:0.014985784888267517 :0.0721563920378685 +a:0.1837819665670395 case:0.11613663285970688 cases:0.04714963212609291 an:0.03462531790137291 :0.11099185794591904 +few:0.043048661202192307 very:0.01854846253991127 short:0.016552865505218506 great:0.012824597768485546 :0.16029050946235657 +part:0.03085164725780487 other:0.013254796154797077 first:0.01236970815807581 same:0.011371896602213383 :0.17903800308704376 +department:0.07215234637260437 yard:0.06733263283967972 and:0.06668920069932938 of:0.05920363962650299 :0.06425949186086655 +been:0.12996841967105865 a:0.05242052674293518 not:0.029057122766971588 the:0.026974858716130257 :0.118819460272789 +the:0.3223249614238739 a:0.020896727219223976 this:0.015447624959051609 their:0.013906077481806278 :0.13774263858795166 +of:0.3740755021572113 and:0.07952906936407089 in:0.06733875721693039 on:0.05122256651520729 :0.03971600532531738 +and:0.03599454089999199 to:0.02996298484504223 the:0.025815952569246292 The:0.015257785096764565 :0.22980603575706482 +to:0.09936059266328812 in:0.05976094678044319 is:0.05484767630696297 up:0.0502411313354969 :0.042863767594099045 +have:0.0647277906537056 am:0.05405145511031151 was:0.046883825212717056 will:0.025946253910660744 :0.07259311527013779 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +great:0.03223976120352745 very:0.022109882906079292 good:0.01982683502137661 member:0.017859771847724915 :0.1469806283712387 +a:0.09199226647615433 the:0.08895958960056305 to:0.05125507339835167 well:0.03638046979904175 :0.10653550177812576 +the:0.2882489860057831 a:0.07516191154718399 his:0.01682223565876484 tho:0.015543912537395954 :0.08144816011190414 +the:0.24762094020843506 for:0.06704124808311462 a:0.05800044536590576 said:0.047390688210725784 :0.054712701588869095 +a:0.09670749306678772 not:0.04680740460753441 the:0.04066045209765434 to:0.023059213533997536 :0.11809245496988297 +a:0.009338214062154293 war:0.008229784667491913 the:0.007988475263118744 last:0.0074751852080225945 :0.4014197289943695 +and:0.16853098571300507 was:0.058736734092235565 to:0.04403844103217125 in:0.03884110972285271 :0.05258217453956604 +few:0.01776939444243908 large:0.012106181122362614 man:0.010844404809176922 great:0.010015511885285378 :0.2717553377151489 +opinion:0.040831808000802994 and:0.03099982626736164 in:0.021481061354279518 by:0.02028351090848446 :0.1575884371995926 +the:0.28526586294174194 a:0.029154682531952858 which:0.02586175873875618 this:0.019195757806301117 :0.0734206810593605 +not:0.1263945996761322 possible:0.037252508103847504 to:0.028699150308966637 is:0.028482478111982346 :0.11374058574438095 +the:0.21518279612064362 a:0.02657509036362171 tho:0.01551508903503418 this:0.013647660613059998 :0.23494476079940796 +the:0.2313738465309143 a:0.043218355625867844 this:0.02131250500679016 which:0.01787099428474903 :0.1372249722480774 +of:0.032464634627103806 months:0.03233037143945694 years:0.01921384036540985 men:0.018832994624972343 :0.29620733857154846 +to:0.05822913348674774 the:0.05183146148920059 and:0.032778624445199966 a:0.02047363854944706 :0.14508557319641113 +own:0.04110855609178543 midst:0.017603058367967606 city:0.015858149155974388 country:0.012402661144733429 :0.16157206892967224 +plat:0.10723354667425156 and:0.05973769724369049 the:0.022405022755265236 or:0.0184766985476017 :0.19659173488616943 +of:0.6074236631393433 is:0.07830867916345596 was:0.0430055633187294 has:0.020510811358690262 :0.01693939045071602 +of:0.45512503385543823 and:0.03656021133065224 ot:0.025990944355726242 that:0.024077052250504494 :0.025449348613619804 +two:0.11610399931669235 the:0.08157519996166229 more:0.04597051814198494 a:0.036478858441114426 :0.1729235202074051 +avenue:0.18231026828289032 City,:0.17908678948879242 City:0.04583330079913139 and:0.03587394952774048 :0.07376363128423691 +who:0.06924072653055191 was:0.061626967042684555 and:0.04824141412973404 of:0.04244518280029297 :0.043928563594818115 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +subject:0.012155482545495033 property:0.011088290251791477 said:0.008938451297581196 ground:0.008280253037810326 :0.16573114693164825 +the:0.07231467962265015 all:0.013557596132159233 a:0.00998228695243597 of:0.00993648823350668 :0.15967532992362976 +the:0.31822237372398376 a:0.0384330227971077 this:0.034975316375494 last:0.032239917665719986 :0.1190800815820694 +the:0.3017255365848541 a:0.05573687329888344 this:0.023481925949454308 tho:0.02011415921151638 :0.14797435700893402 +same:0.014309795573353767 city:0.01108676940202713 United:0.01091357134282589 case:0.007140920031815767 :0.199785515666008 +the:0.27516287565231323 a:0.04549306258559227 that:0.039220523089170456 this:0.023803550750017166 :0.030242078006267548 +and:0.04374485835433006 of:0.03984419256448746 to:0.036196425557136536 or:0.028516091406345367 :0.17317067086696625 +analysis:0.025633135810494423 and:0.017529718577861786 of:0.016459239646792412 or:0.007304254919290543 :0.1959601789712906 +and:0.07205262035131454 to:0.06425836682319641 by:0.04335450753569603 in:0.02563059888780117 :0.1210184246301651 +the:0.15778319537639618 be:0.04994938150048256 a:0.017694521695375443 make:0.01721971482038498 :0.07783320546150208 +to:0.05897652730345726 and:0.05632036179304123 the:0.05227106437087059 a:0.02519230917096138 :0.15558843314647675 +highest:0.008063945919275284 said:0.008033225312829018 United:0.005835109855979681 amount:0.005464068613946438 :0.2701527178287506 +is:0.19784589111804962 was:0.1597192883491516 Is:0.06520126014947891 has:0.04467270150780678 :0.07160349190235138 +The:0.01831739954650402 to:0.017453625798225403 A:0.014714269898831844 and:0.014376751147210598 :0.23298370838165283 +the:0.09447774291038513 that:0.01909998059272766 a:0.01747024618089199 in:0.016947047784924507 :0.12130207568407059 +to:0.13418038189411163 and:0.046099524945020676 for:0.033809032291173935 of:0.031938955187797546 :0.10232117027044296 +much:0.13941577076911926 late:0.038623034954071045 many:0.032915398478507996 often:0.03001401759684086 :0.12350775301456451 +of:0.3731602430343628 to:0.14532659947872162 and:0.06746941804885864 in:0.050178881734609604 :0.027777690440416336 +the:0.11777202039957047 that:0.044554632157087326 it:0.03431890532374382 I:0.026284262537956238 :0.060189805924892426 +are:0.07672069221735 had:0.06845519691705704 have:0.055742960423231125 was:0.05032915249466896 :0.061115410178899765 +the:0.2314268797636032 of:0.05002962797880173 other:0.01913333870470524 his:0.01843918301165104 :0.10820233076810837 +been:0.2608920633792877 not:0.03778201714158058 a:0.0254330076277256 no:0.023904943838715553 :0.09159465879201889 +own:0.02038581110537052 people:0.010827554389834404 country:0.008136152289807796 readers:0.0059156399220228195 :0.22298669815063477 +is:0.1478271484375 the:0.10186968743801117 was:0.08739416301250458 we:0.05343911051750183 :0.04197729006409645 +and:0.014861847274005413 in:0.007967706769704819 of:0.007896569557487965 In:0.00531697878614068 :0.17696046829223633 +the:0.11177702993154526 running:0.03795536234974861 a:0.03584782034158707 in:0.021813731640577316 :0.1219887062907219 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +said:0.020181668922305107 people:0.01419671718031168 whole:0.005666221491992474 same:0.005475719925016165 :0.16800740361213684 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.17595213651657104 it:0.0655035525560379 a:0.06356015801429749 we:0.03435249254107475 :0.04455265775322914 +The:0.14480632543563843 I:0.043844666332006454 It:0.03999247029423714 He:0.03651604428887367 :0.12063097953796387 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +to:0.28591278195381165 and:0.18089212477207184 of:0.04907038435339928 the:0.03482064604759216 :0.07599394768476486 +countries:0.01574668474495411 things:0.012748253531754017 nations:0.01193032506853342 men:0.01148987002670765 :0.19924567639827728 +A.:0.02968365140259266 and:0.024227578192949295 J.:0.016592638567090034 C.:0.016404975205659866 :0.3718118667602539 +and:0.06433933973312378 to:0.0359339602291584 in:0.0342949815094471 at:0.016451889649033546 :0.15348593890666962 +J.:0.04101923853158951 B.:0.04099798575043678 W.:0.03927047923207283 E.:0.03321606665849686 :0.25024572014808655 +a:0.06740441918373108 the:0.05464436486363411 been:0.04257454350590706 to:0.016781648620963097 :0.13057321310043335 +the:0.14086803793907166 it:0.05613268166780472 a:0.048610586673021317 I:0.026299212127923965 :0.05012143775820732 +The:0.12267414480447769 It:0.05139024183154106 I:0.027348686009645462 In:0.0250361580401659 :0.16241642832756042 +know:0.06905294209718704 believe:0.036157380789518356 think:0.035208191722631454 want:0.03135248273611069 :0.10110556334257126 +and:0.08854284882545471 was:0.06886480748653412 had:0.04703040048480034 of:0.033376436680555344 :0.13914072513580322 +of:0.060112014412879944 and:0.05789463594555855 the:0.021353289484977722 in:0.020336193963885307 :0.18926295638084412 +of:0.29172298312187195 the:0.14971047639846802 that:0.0647290050983429 this:0.018659429624676704 :0.0271729975938797 +result:0.011492395773530006 amount:0.0071883131749928 intention:0.0069679515436291695 case:0.0065444051288068295 :0.2053363174200058 +of:0.25941410660743713 and:0.052595824003219604 was:0.03093782253563404 before:0.022732805460691452 :0.04293018579483032 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +per:0.11106257885694504 o'clock:0.03708566725254059 cents:0.023674197494983673 and:0.0205190759152174 :0.2080901861190796 +of:0.2545558214187622 and:0.04920996353030205 court:0.025642964988946915 jail:0.01932275854051113 :0.05053310841321945 +of:0.218324676156044 shall:0.08845483511686325 to:0.06069768965244293 or:0.04327542334794998 :0.04317239299416542 +are:0.03941836953163147 men:0.03334789723157883 two:0.02393447794020176 were:0.020779836922883987 :0.12537141144275665 +the:0.13005243241786957 to:0.12453794479370117 a:0.08171670883893967 in:0.0785767138004303 :0.055282723158597946 +and:0.20698106288909912 but:0.04906468838453293 the:0.04632773995399475 a:0.028041116893291473 :0.04482874646782875 +the:0.33595526218414307 a:0.05075215920805931 this:0.0286148339509964 his:0.01855994388461113 :0.09777440130710602 +the:0.18136776983737946 a:0.10729917138814926 an:0.01928749307990074 which:0.017258834093809128 :0.10491187125444412 +and:0.033580344170331955 that:0.032636839896440506 the:0.02641911990940571 to:0.024274930357933044 :0.1382378190755844 +be:0.27237468957901 not:0.033942677080631256 bo:0.02712307870388031 only:0.026909399777650833 :0.07691382616758347 +the:0.25367194414138794 a:0.0926375687122345 least:0.029893286526203156 this:0.015061134472489357 :0.17405129969120026 +to:0.2626992166042328 of:0.2242695689201355 in:0.04396805167198181 and:0.03576238080859184 :0.031712841242551804 +of:0.017517628148198128 and:0.01400644052773714 the:0.007314589340239763 to:0.006333404686301947 :0.2512868344783783 +of:0.09879206866025925 and:0.04855950549244881 the:0.015903085470199585 The:0.015620681457221508 :0.18702858686447144 +that:0.5752227306365967 the:0.0417260117828846 of:0.03834531828761101 by:0.032412003725767136 :0.024525081738829613 +the:0.28358757495880127 a:0.03595421090722084 said:0.020450757816433907 tho:0.012529195286333561 :0.09453587979078293 +and:0.07211238145828247 of:0.040731023997068405 who:0.027477938681840897 was:0.014905259013175964 :0.24225416779518127 +a:0.16922929883003235 the:0.15360982716083527 his:0.04253404214978218 whom:0.0293763168156147 :0.08764263242483139 +the:0.056749049574136734 more:0.03765775263309479 in:0.03485910966992378 a:0.02051139622926712 :0.11686305701732635 +and:0.11026493459939957 to:0.056561995297670364 from:0.03427249193191528 was:0.030237382277846336 :0.10480748862028122 +wife,:0.03618200495839119 own:0.019316434860229492 wife:0.016476640477776527 head:0.009530908428132534 :0.19299203157424927 +people:0.008325758390128613 said:0.007558089680969715 law:0.007294932380318642 most:0.006880179978907108 :0.1216135248541832 +the:0.09352415800094604 a:0.06836333125829697 not:0.0319635309278965 to:0.013988563790917397 :0.1967400312423706 +a:0.0726439356803894 the:0.041453536599874496 to:0.022616900503635406 no:0.018998829647898674 :0.15269926190376282 +of:0.039998386055231094 and:0.03924766555428505 to:0.025979485362768173 the:0.02543381042778492 :0.19317415356636047 +of:0.13557185232639313 and:0.10245011001825333 is:0.05247731879353523 to:0.05215894430875778 :0.04248046875 +The:0.1531008630990982 It:0.041612882167100906 I:0.03974435478448868 He:0.03857116401195526 :0.11575857549905777 +time:0.07913380116224289 time,:0.046022191643714905 the:0.03800661116838455 be:0.02761344239115715 :0.09670387953519821 +in:0.030216936022043228 abandoned:0.025618895888328552 on:0.02483523078262806 to:0.01915237307548523 :0.3071473240852356 +same:0.006675070151686668 said:0.00552735710516572 whole:0.005316432099789381 first:0.00467869034036994 :0.27520501613616943 +for:0.07551911473274231 to:0.051305145025253296 in:0.047288499772548676 at:0.04466772824525833 :0.10085076838731766 +the:0.25299903750419617 a:0.06387734413146973 be:0.01730118878185749 his:0.012761635705828667 :0.1835162490606308 +the:0.10866031795740128 be:0.056724052876234055 a:0.019140833988785744 see:0.008642342872917652 :0.20549684762954712 +up:0.08037131279706955 out:0.046539757400751114 a:0.04410941153764725 to:0.03419160470366478 :0.12020830810070038 +old:0.016306210309267044 order:0.012212419882416725 increase:0.011738717555999756 additional:0.008758281357586384 :0.16837620735168457 +o'clock:0.1574772149324417 miles:0.09233327955007553 years:0.08589901775121689 hundred:0.08004389703273773 :0.06267179548740387 +that:0.4133002460002899 of:0.08518709242343903 to:0.02510637231171131 is:0.021929632872343063 :0.03212687000632286 +and:0.07254967093467712 of:0.0355951227247715 to:0.02737383358180523 the:0.019960639998316765 :0.19253014028072357 +sale:0.021126924082636833 large:0.02051337994635105 vote:0.019326945766806602 majority:0.015249083749949932 :0.1742253452539444 +few:0.09075070172548294 short:0.040865346789360046 little:0.029225142672657967 great:0.019464094191789627 :0.14964333176612854 +of:0.10342727601528168 men:0.06913087517023087 in:0.040050383657217026 and:0.03263143450021744 :0.062050387263298035 +was:0.07251370698213577 is:0.027143921703100204 will:0.022061172872781754 had:0.02193780243396759 :0.24958176910877228 +important:0.033643923699855804 of:0.02098493091762066 prominent:0.011481708846986294 beautiful:0.01122498232871294 :0.16610804200172424 +and:0.10291782021522522 to:0.02822854369878769 of:0.01235432643443346 per:0.008467739447951317 :0.3501971960067749 +of:0.17300620675086975 to:0.09823113679885864 and:0.03193733096122742 in:0.016079826280474663 :0.08614034950733185 +of:0.6424901485443115 in:0.049996260553598404 to:0.040197331458330154 for:0.022655116394162178 :0.020412389189004898 +the:0.07534408569335938 be:0.0609050951898098 a:0.019420109689235687 make:0.016031211242079735 :0.104881651699543 +and:0.20990628004074097 the:0.04631752148270607 but:0.04205741360783577 with:0.017523402348160744 :0.0358700193464756 +own:0.04137839376926422 respective:0.008801414631307125 work:0.006235812790691853 way:0.005980345420539379 :0.13249491155147552 +to:0.22883698344230652 and:0.06656894087791443 in:0.038512345403432846 that:0.022885214537382126 :0.101079560816288 +government:0.01193223800510168 and:0.00790532398968935 party:0.007165286224335432 State:0.00456364406272769 :0.1985764354467392 +and:0.046785589307546616 of:0.044883888214826584 in:0.023375144228339195 The:0.020962849259376526 :0.18396323919296265 +the:0.07286286354064941 in:0.04931224510073662 at:0.032278552651405334 were:0.03170933574438095 :0.14269766211509705 +for:0.05649677664041519 a:0.05045999959111214 to:0.04476308450102806 and:0.042024001479148865 :0.11513417959213257 +the:0.33108869194984436 by:0.07294274121522903 with:0.06784182041883469 a:0.057681381702423096 :0.038371190428733826 +from:0.027752116322517395 part:0.01622195914387703 place:0.013104927726089954 in:0.013001350685954094 :0.20952442288398743 +and:0.07478926330804825 of:0.03998022526502609 the:0.02847479097545147 in:0.02129361592233181 :0.1891591101884842 +first:0.007954600267112255 following:0.006532065104693174 only:0.0063328188844025135 next:0.00596429780125618 :0.12160009890794754 +and:0.04826079308986664 o'clock:0.017290372401475906 in:0.015873225405812263 The:0.015153343789279461 :0.2148759812116623 +the:0.06776102632284164 and:0.06206713616847992 of:0.02397601678967476 a:0.021490558981895447 :0.1185050830245018 +a:0.11667012423276901 not:0.07240572571754456 the:0.0684872716665268 said:0.019106311723589897 :0.06670841574668884 +been:0.37421199679374695 not:0.04213007912039757 a:0.037790294736623764 no:0.022278839722275734 :0.055704209953546524 +and:0.19202488660812378 but:0.03891819715499878 that:0.033992595970630646 as:0.03218533843755722 :0.08670968562364578 +the:0.05580925568938255 a:0.022307679057121277 in:0.016077006235718727 of:0.012909641489386559 :0.16862361133098602 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.1435590386390686 his:0.08979418873786926 a:0.07499484717845917 in:0.03371197730302811 :0.04284484311938286 +on:0.2335670441389084 in:0.09940026700496674 and:0.05485136806964874 to:0.05028538405895233 :0.08416308462619781 +and:0.0729454755783081 to:0.029588444158434868 of:0.027579110115766525 in:0.02602257765829563 :0.12078513950109482 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +.:0.03717975690960884 large:0.03533906117081642 man:0.019971806555986404 good:0.019095798954367638 :0.1047820970416069 +have:0.0866004005074501 had:0.06402065604925156 was:0.041381292045116425 am:0.03510449081659317 :0.08713191747665405 +and:0.04979904368519783 of:0.032320354133844376 the:0.025944555178284645 to:0.017500977963209152 :0.2650383710861206 +the:0.1519072949886322 a:0.03299311548471451 his:0.013870135881006718 all:0.01371732447296381 :0.26753392815589905 +the:0.09464812278747559 a:0.02462697960436344 that:0.016107965260744095 to:0.01265629194676876 :0.21642164885997772 +a:0.08284483104944229 the:0.08223604410886765 more:0.025931524112820625 so:0.02382543310523033 :0.1476597785949707 +is:0.15370617806911469 was:0.08740496635437012 Is:0.07440090924501419 will:0.0442984476685524 :0.10609913617372513 +the:0.30588462948799133 a:0.02749195322394371 tho:0.019341859966516495 his:0.01624324731528759 :0.08362217247486115 +to:0.24474386870861053 on:0.055665597319602966 into:0.042907264083623886 over:0.03944820910692215 :0.05604095757007599 +the:0.1301998496055603 a:0.04696492850780487 that:0.03518419712781906 it:0.026319725438952446 :0.0906289741396904 +and:0.08604364842176437 The:0.03033207729458809 to:0.02685132622718811 of:0.02670041099190712 :0.1476862132549286 +the:0.20429565012454987 be:0.03588412329554558 a:0.020247932523489 pay:0.01088959351181984 :0.16639423370361328 +United:0.015817562118172646 State:0.009909382089972496 most:0.008366141468286514 said:0.006318295374512672 :0.20410296320915222 +the:0.17489869892597198 he:0.04540545493364334 they:0.03991390019655228 it:0.03626318648457527 :0.06371963769197464 +said:0.3555198907852173 the:0.22665533423423767 this:0.026030663400888443 a:0.025593046098947525 :0.05865822732448578 +tion:0.009178027510643005 and:0.00826552789658308 States:0.005306167993694544 day:0.0050257244147360325 :0.40301039814949036 +most:0.008673381060361862 great:0.00549306720495224 old:0.005044279154390097 people:0.004741153214126825 :0.16038469970226288 +of:0.06606891006231308 and:0.04483102634549141 to:0.018618058413267136 in:0.015732919797301292 :0.22786717116832733 +the:0.159128800034523 a:0.08458959311246872 which:0.022897806018590927 his:0.019859852269291878 :0.1236056312918663 +.:0.8416327238082886 .,:0.017407510429620743 .;:0.0037440049927681684 ,:0.0026563636492937803 :0.0646195262670517 diff --git a/test-A/out.tsv b/test-A/out.tsv deleted file mode 100644 index a845cc4..0000000 --- a/test-A/out.tsv +++ /dev/null @@ -1,7414 +0,0 @@ -day:0.03561704233288765 of:0.0342353992164135 time:0.03303401544690132 to:0.021134300157427788 :0.15742477774620056 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.5699638724327087 at:0.015084970742464066 lo:0.009340018965303898 with:0.009045269340276718 :0.08246120065450668 -to:0.10611790418624878 that:0.047085050493478775 in:0.026503050699830055 the:0.021478909999132156 :0.19004976749420166 -and:0.012059979140758514 hands,:0.007604937069118023 the:0.00560150807723403 or:0.004402921535074711 :0.3395673930644989 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -The:0.09997370094060898 It:0.04482419043779373 He:0.03945063054561615 A:0.03723011910915375 :0.09186963737010956 -been:0.06989222764968872 since:0.024833248928189278 be:0.021288305521011353 had:0.01941671036183834 :0.18079784512519836 -and:0.06298363208770752 H.:0.029688751325011253 F.:0.02875196561217308 A.:0.026930881664156914 :0.3548924922943115 -days:0.09621956199407578 years:0.05538815259933472 weeks:0.04355703666806221 of:0.04348035901784897 :0.1754269152879715 -ing:0.14916561543941498 lieve:0.10982716083526611 cause:0.10869742184877396 fore:0.0870528519153595 :0.08826063573360443 -and:0.1672377586364746 but:0.06637772172689438 the:0.054535042494535446 that:0.0452195480465889 :0.08546611666679382 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -tinued:0.034667860716581345 tract:0.030118511989712715 struction:0.020052818581461906 nected:0.019565146416425705 :0.542401134967804 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -per:0.07074576616287231 o'clock:0.05172628536820412 to:0.03923064470291138 .:0.031589534133672714 :0.2506929636001587 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -Union:0.09353037178516388 Canada:0.0827714204788208 and:0.04969519004225731 Railroad:0.023345060646533966 :0.2470775544643402 -morning:0.07261134684085846 and:0.07178562879562378 afternoon:0.04440302774310112 at:0.04028451070189476 :0.1093861311674118 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.06557057797908783 a:0.041583552956581116 in:0.037091195583343506 to:0.028407633304595947 :0.09077322483062744 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.10025423765182495 for:0.08598709851503372 in:0.050028521567583084 of:0.04666369780898094 :0.08173917233943939 -of:0.18837963044643402 and:0.061455558985471725 in:0.055726032704114914 are:0.043626654893159866 :0.04441911354660988 -in:0.12116234749555588 the:0.0790669396519661 on:0.031778912991285324 a:0.030579805374145508 :0.08564768731594086 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -is:0.11843179166316986 was:0.10288423299789429 Is:0.07133083045482635 are:0.0584409236907959 :0.041495002806186676 -power:0.02371496893465519 countries:0.020930903032422066 trade:0.017961423844099045 commerce:0.01593191921710968 :0.25577908754348755 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.22972281277179718 in:0.04479135945439339 the:0.03768910840153694 and:0.025662733241915703 :0.07518186420202255 -and:0.037784282118082047 company:0.03158446401357651 companies,:0.02475873939692974 company,:0.024016259238123894 :0.19266925752162933 -of:0.30673152208328247 and:0.04531557485461235 to:0.020838018506765366 in:0.01876954175531864 :0.11575235426425934 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.2876944839954376 be:0.05072023347020149 after:0.04308144748210907 to:0.02994610369205475 :0.10895059257745743 -of:0.6259183287620544 and:0.026797421276569366 to:0.02280157245695591 are:0.017613466829061508 :0.026473870500922203 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.07747882604598999 was:0.04331454262137413 has:0.030462540686130524 is:0.02924145944416523 :0.09806335717439651 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.126918226480484 of:0.061995938420295715 to:0.055295463651418686 and:0.04567193612456322 :0.17878924310207367 -in:0.1129763126373291 that:0.10810033231973648 the:0.0824112817645073 a:0.06360829621553421 :0.07629287987947464 -the:0.2883915901184082 to:0.2578750550746918 a:0.039830274879932404 and:0.025268925353884697 :0.05912334471940994 -.:0.11744508147239685 the:0.065430648624897 .,:0.06000164523720741 a:0.022781655192375183 :0.2174055576324463 -of:0.2703879475593567 that:0.143681138753891 was:0.059235699474811554 is:0.04879147186875343 :0.05502072721719742 -of:0.06843184679746628 and:0.05152564495801926 who:0.03491220995783806 girl.:0.015249809250235558 :0.39700421690940857 -is:0.2611105144023895 are:0.16385239362716675 was:0.13630259037017822 were:0.08566633611917496 :0.03625030443072319 -and:0.0683145821094513 edge:0.030539467930793762 sense:0.030067818239331245 interest:0.023759227246046066 :0.17500387132167816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.16635365784168243 by:0.10773929953575134 a:0.06265707314014435 for:0.03509243205189705 :0.1158311665058136 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -of:0.17636898159980774 to:0.06370838731527328 and:0.04367499798536301 shall:0.03603542968630791 :0.05406319722533226 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -of:0.6792590618133545 the:0.01827983744442463 ot:0.014317733235657215 in:0.013927948661148548 :0.01829099841415882 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -The:0.2060365080833435 It:0.03736409544944763 This:0.034393709152936935 There:0.032943714410066605 :0.15094293653964996 -of:0.8357269167900085 ot:0.017034631222486496 and:0.00959340576082468 ol:0.007718868087977171 :0.01586131379008293 -known:0.029597533866763115 believed:0.026662854477763176 the:0.02032586559653282 conceded:0.018070872873067856 :0.16558651626110077 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.42862093448638916 by:0.29447701573371887 in:0.022749202325940132 the:0.019479526206851006 :0.01981920190155506 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.14054067432880402 tne:0.0230503361672163 a:0.02267247810959816 any:0.011735508218407631 :0.26556673645973206 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.222036212682724 but:0.08478815108537674 the:0.03373615816235542 or:0.030396342277526855 :0.03897276520729065 -the:0.16081133484840393 to:0.12296096235513687 and:0.06147054582834244 on:0.044364649802446365 :0.06571459025144577 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -be:0.2578584551811218 not:0.03358340635895729 do:0.024384891614317894 bo:0.01854175329208374 :0.11540351063013077 -of:0.2208136022090912 and:0.1307668536901474 for:0.0663490891456604 is:0.03714170679450035 :0.030834781005978584 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -of:0.47468480467796326 to:0.09238042682409286 and:0.06248495355248451 in:0.0368284210562706 :0.04542083293199539 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.2611105144023895 are:0.16385239362716675 was:0.13630259037017822 were:0.08566633611917496 :0.03625030443072319 -of:0.2396550476551056 to:0.07431293278932571 a:0.05852663889527321 no:0.04680478945374489 :0.062257032841444016 -The:0.1057058721780777 It:0.06514959037303925 I:0.042684219777584076 He:0.036496587097644806 :0.1586666703224182 -in:0.07077979296445847 to:0.06884456425905228 from:0.05687433108687401 of:0.054461363703012466 :0.09654639661312103 -of:0.24755455553531647 in:0.09050209075212479 and:0.05984499305486679 who:0.04190235212445259 :0.059096693992614746 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.10532162338495255 to:0.05758138746023178 of:0.033170487731695175 a:0.03080001473426819 :0.10229098796844482 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.05729343742132187 turned:0.01615751162171364 in:0.016070649027824402 as:0.010998005978763103 :0.33068281412124634 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08022454380989075 a:0.018779832869768143 ways:0.015474321320652962 ready:0.01338608656078577 :0.28689882159233093 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -west:0.198783740401268 east,:0.10123227536678314 east:0.08331778645515442 and:0.03514109551906586 :0.11882241815328598 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -to:0.6314151883125305 and:0.03663337230682373 a:0.017425186932086945 by:0.015364840626716614 :0.02151055447757244 -of:0.09651964157819748 to:0.051118772476911545 and:0.045699235051870346 was:0.034178707748651505 :0.0673389807343483 -and:0.13974258303642273 of:0.038976505398750305 was:0.031712550669908524 is:0.026106353849172592 :0.15882882475852966 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.14249056577682495 the:0.14247962832450867 of:0.035156454890966415 an:0.029168497771024704 :0.11972954869270325 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -us:0.16412381827831268 the:0.12409006059169769 me:0.06224114075303078 them:0.060903143137693405 :0.0602022185921669 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -jury:0.10052156448364258 jurors:0.03883494809269905 and:0.02938717231154442 jury,:0.028400849550962448 :0.37578073143959045 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -of:0.3672710359096527 that:0.06446130573749542 and:0.04099453613162041 is:0.024724390357732773 :0.04979521036148071 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.18912282586097717 a:0.07519321888685226 the:0.05475170165300369 no:0.013400294817984104 :0.10632524639368057 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -of:0.09785239398479462 important:0.020495742559432983 difficult:0.011607902124524117 dangerous:0.009898709133267403 :0.29064807295799255 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -settlers:0.020307820290327072 service:0.018241671845316887 value:0.014041396789252758 confinement:0.013764206320047379 :0.21971720457077026 -the:0.2883915901184082 to:0.2578750550746918 a:0.039830274879932404 and:0.025268925353884697 :0.05912334471940994 -than:0.30929499864578247 of:0.022358190268278122 to:0.01622467115521431 in:0.015821946784853935 :0.18710440397262573 -and:0.10363667458295822 in:0.05149981006979942 to:0.04672371223568916 is:0.04067995399236679 :0.06279288977384567 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.07956166565418243 death.:0.06623486429452896 he:0.036230962723493576 death:0.027309183031320572 :0.1341678947210312 -of:0.4892599880695343 and:0.045130569487810135 by:0.02706266939640045 the:0.019929392263293266 :0.041178684681653976 -the:0.020649105310440063 of:0.014943127520382404 a:0.014446763321757317 to:0.010476849973201752 :0.3380710780620575 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -one:0.052963726222515106 man:0.02280638925731182 day:0.022091107442975044 other:0.014896808192133904 :0.22217898070812225 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -to:0.12452825903892517 from:0.056709252297878265 in:0.048507336527109146 of:0.04059651121497154 :0.07873371243476868 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -I:0.02768860012292862 The:0.02479766122996807 It:0.014926244504749775 In:0.012959972023963928 :0.30332544445991516 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -the:0.041483450680971146 got:0.021614527329802513 decided:0.018361391499638557 to:0.014686969108879566 :0.2128838747739792 -of:0.22287075221538544 and:0.07354531437158585 in:0.024367477744817734 to:0.023403756320476532 :0.07093559205532074 -was:0.08393397927284241 had:0.06523281335830688 has:0.034160416573286057 would:0.027467429637908936 :0.17044216394424438 -Mary:0.025422846898436546 Helen:0.022200066596269608 Lillian:0.019124018028378487 Edith:0.012659045867621899 :0.522648811340332 -and:0.09117825329303741 building:0.05503523722290993 house:0.03602909669280052 or:0.02072308212518692 :0.2655515670776367 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -have:0.11768656224012375 are:0.09226855635643005 were:0.03430884703993797 had:0.03061225824058056 :0.0752384215593338 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -the:0.21378546953201294 a:0.05136309564113617 of:0.017378289252519608 their:0.016052376478910446 :0.22813057899475098 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -of:0.09785239398479462 important:0.020495742559432983 difficult:0.011607902124524117 dangerous:0.009898709133267403 :0.29064807295799255 -the:0.021505115553736687 to:0.015332705341279507 same:0.012579773552715778 a:0.007654754910618067 :0.4339827597141266 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -years:0.10085716843605042 miles:0.03478596359491348 days:0.033489007502794266 and:0.033351559191942215 :0.2752666771411896 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -life:0.021779602393507957 head:0.014232821762561798 hand:0.012320330366492271 face:0.010363494977355003 :0.23562823235988617 -the:0.10240107774734497 a:0.06718461215496063 them:0.04779723286628723 him:0.04725667089223862 :0.07082982361316681 -.:0.30907928943634033 W:0.020784469321370125 C:0.015166928060352802 A:0.012823154218494892 :0.21508120000362396 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -own:0.020776847377419472 way:0.009151962585747242 wife:0.0085839182138443 wife,:0.008361587300896645 :0.32487738132476807 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -of:0.24948906898498535 with:0.05848928913474083 was:0.03891552984714508 in:0.03820379823446274 :0.11492454260587692 -of:0.7027063369750977 from:0.015173295512795448 that:0.014739593490958214 ot:0.012488779611885548 :0.025354282930493355 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.21854138374328613 the:0.045942310243844986 it:0.031476907432079315 but:0.0272951852530241 :0.11720333993434906 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -than:0.17746992409229279 and:0.05052023380994797 portion:0.01699790172278881 part:0.01662059873342514 :0.18787217140197754 -Hunt:0.02104339934885502 the:0.01971125602722168 of:0.0075227548368275166 and:0.007280084770172834 :0.3092504143714905 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -been:0.06989222764968872 since:0.024833248928189278 be:0.021288305521011353 had:0.01941671036183834 :0.18079784512519836 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1029689610004425 in:0.02841775119304657 standard:0.026939379051327705 coin,:0.023906663060188293 :0.245183065533638 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.15013501048088074 but:0.04059649258852005 or:0.020113451406359673 a:0.0184151791036129 :0.15578655898571014 -to:0.05649400129914284 of:0.05602365732192993 has:0.052164167165756226 and:0.049723681062459946 :0.056507658213377 -days:0.0956960916519165 years:0.051628995686769485 miles:0.049803443253040314 acres:0.04835699126124382 :0.1841985285282135 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -the:0.08778728544712067 and:0.05047910287976265 of:0.047622404992580414 a:0.033520035445690155 :0.11289021372795105 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.05145592615008354 and:0.0482889786362648 from:0.0396355502307415 to:0.03248601034283638 :0.13078029453754425 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.0578569658100605 a:0.014992605894804 that:0.012139124795794487 to:0.011600722558796406 :0.252699077129364 -of:0.12306409329175949 to:0.09289755672216415 which:0.050975821912288666 for:0.04501733183860779 :0.05308296158909798 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.17636898159980774 to:0.06370838731527328 and:0.04367499798536301 shall:0.03603542968630791 :0.05406319722533226 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -were:0.09901802986860275 are:0.09733407199382782 have:0.07388370484113693 had:0.04204477369785309 :0.11145303398370743 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.053100813180208206 that:0.025293424725532532 to:0.024601558223366737 result:0.014184185303747654 :0.36365246772766113 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.10203536599874496 and:0.057827889919281006 for:0.04089969024062157 at:0.03994546830654144 :0.06780358403921127 -and:0.04661063477396965 service:0.01698956824839115 power:0.01185128465294838 or:0.009097950533032417 :0.39766064286231995 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -*:0.03249625861644745 .:0.016332555562257767 of:0.015090682543814182 The:0.012449796311557293 :0.28985801339149475 -F.:0.058930397033691406 F:0.014584549702703953 B.:0.012651299126446247 and:0.010608082637190819 :0.5165457725524902 -and:0.2312580943107605 but:0.054472628980875015 the:0.04556509107351303 which:0.030109234154224396 :0.10987094789743423 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -of:0.23882777988910675 was:0.10425218939781189 to:0.09288250654935837 for:0.050822824239730835 :0.05268953740596771 -of:0.26564252376556396 and:0.0694614052772522 in:0.03945408761501312 to:0.026541901752352715 :0.15178988873958588 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -to:0.2481427937746048 was:0.07573985308408737 of:0.07557851821184158 shall:0.03878342732787132 :0.06557614356279373 -at:0.1719001978635788 and:0.12745563685894012 to:0.10197637975215912 in:0.09800679981708527 :0.08244483917951584 -The:0.09683635085821152 I:0.029590945690870285 It:0.027294563129544258 A:0.025158457458019257 :0.20908485352993011 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -and:0.22355197370052338 the:0.05925752595067024 but:0.04806464910507202 which:0.02476397342979908 :0.047036901116371155 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -.:0.16995926201343536 was:0.018205244094133377 the:0.011786467395722866 is:0.011207467876374722 :0.3163156807422638 -a:0.21331514418125153 the:0.1239723339676857 to:0.0550079308450222 that:0.02439114637672901 :0.146322101354599 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.08279070258140564 to:0.03428015112876892 and:0.02874119207262993 interests:0.020510505884885788 :0.1555841863155365 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.3051150143146515 of:0.2582813501358032 to:0.06447046995162964 is:0.031246740370988846 :0.03428466245532036 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -ago:0.12396024912595749 of:0.11536110192537308 ago.:0.0523359440267086 ago,:0.05031469464302063 :0.06862995773553848 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.1253504753112793 of:0.0742412582039833 in:0.06094534695148468 for:0.044213149696588516 :0.07998496294021606 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -The:0.11569221317768097 It:0.06115587428212166 There:0.02730497531592846 A:0.02594849467277527 :0.26424235105514526 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -of:0.21389053761959076 and:0.0683646947145462 is:0.05837618559598923 was:0.04758962616324425 :0.07947467267513275 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -the:0.15963879227638245 tho:0.04397793486714363 a:0.04221108928322792 of:0.017866576090455055 :0.23700855672359467 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.02279348112642765 of:0.012669960968196392 a:0.01022688951343298 .:0.009398240596055984 :0.3351995348930359 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08602555841207504 be:0.05793416500091553 and:0.02177603915333748 to:0.018382735550403595 :0.2152336835861206 -one:0.07297105342149734 and:0.037052229046821594 No.:0.02837647870182991 of:0.02735702507197857 :0.255642831325531 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -who:0.05073373392224312 of:0.049887534230947495 was:0.0441715270280838 to:0.03263592720031738 :0.12060355395078659 -The:0.11513441801071167 It:0.07367266714572906 He:0.0367639884352684 A:0.034507762640714645 :0.13426116108894348 -of:0.07572076469659805 in:0.05186588689684868 to:0.033870331943035126 a:0.020435377955436707 :0.22338618338108063 -the:0.19988830387592316 out:0.10231539607048035 on:0.07272648811340332 it:0.050962354987859726 :0.076812244951725 -in:0.09151197969913483 that:0.08970920741558075 and:0.04234447702765465 by:0.040247842669487 :0.13044822216033936 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -one:0.052963726222515106 man:0.02280638925731182 day:0.022091107442975044 other:0.014896808192133904 :0.22217898070812225 -part:0.047189563512802124 states:0.03539634495973587 portion:0.026504578068852425 and:0.025685850530862808 :0.21452787518501282 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -of:0.15374501049518585 and:0.0727475956082344 shall:0.07100502401590347 to:0.06712619960308075 :0.05624837055802345 -as:0.2177988737821579 to:0.17232200503349304 that:0.0753200426697731 and:0.041111938655376434 :0.06550521403551102 -the:0.06717076152563095 to:0.06207287311553955 of:0.02941993810236454 a:0.023403402417898178 :0.2338927984237671 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -a:0.1690247505903244 the:0.10233163833618164 of:0.03265425190329552 in:0.026889152824878693 :0.10314584523439407 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -as:0.2651868164539337 from:0.0762321949005127 beyond:0.0325518436729908 more:0.031949158757925034 :0.0632418766617775 -and:0.0869295671582222 blue:0.04117163270711899 green:0.014542852528393269 as:0.01390658225864172 :0.186551034450531 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -between:0.052761465311050415 in:0.0447859913110733 laws:0.029742388054728508 conditions:0.02533791773021221 :0.18464086949825287 -the:0.29389289021492004 a:0.05665617063641548 to:0.047457337379455566 and:0.028424980118870735 :0.1097216084599495 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.279829204082489 as:0.24720996618270874 in:0.07409173250198364 and:0.03969859331846237 :0.08434116840362549 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -The:0.021772252395749092 ....:0.02001020312309265 the:0.013730159029364586 to:0.013056213967502117 :0.390520840883255 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -car:0.08322998881340027 in:0.07196202874183655 and:0.035164397209882736 on:0.030471235513687134 :0.16157706081867218 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -the:0.3093086779117584 a:0.027670975774526596 said:0.02062113769352436 him:0.018643314018845558 :0.13683170080184937 -and:0.190015971660614 the:0.03217185288667679 in:0.03179776668548584 alleys:0.030148660764098167 :0.13683858513832092 -and:0.3071443438529968 in:0.04648778587579727 to:0.037548813968896866 were:0.034278545528650284 :0.05659821256995201 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -who:0.10513915121555328 and:0.05085807293653488 of:0.04358622059226036 in:0.04072939604520798 :0.08604895323514938 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -and:0.18899108469486237 the:0.039075158536434174 which:0.029972225427627563 but:0.0274361539632082 :0.07742472738027573 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -to:0.23613590002059937 out:0.06032463535666466 down:0.04459838196635246 on:0.04217234253883362 :0.06246890872716904 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -day:0.12293048202991486 of:0.12213573604822159 and:0.055270254611968994 or:0.01238644402474165 :0.25792422890663147 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -to:0.1770935207605362 above:0.0834425538778305 of:0.08211614936590195 in:0.04307474568486214 :0.07087589800357819 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -the:0.5595689415931702 tho:0.03461235389113426 a:0.02738848328590393 his:0.017285723239183426 :0.055420126765966415 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.22841185331344604 the:0.046382319182157516 but:0.035031333565711975 that:0.03224336355924606 :0.16647714376449585 -for:0.10427885502576828 the:0.07763008773326874 with:0.04929652065038681 against:0.04011444002389908 :0.07677295058965683 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.115693598985672 and:0.049682192504405975 in:0.030410168692469597 a:0.012337679974734783 :0.3411884307861328 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.11078117042779922 a:0.04739215970039368 to:0.04724182188510895 in:0.04221399128437042 :0.12349672615528107 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.16562311351299286 and:0.0825890302658081 are:0.06916364282369614 in:0.06832247227430344 :0.05106520652770996 -and:0.14046256244182587 who:0.054309435188770294 with:0.0372052825987339 the:0.024381615221500397 :0.0703648254275322 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.09630373120307922 and:0.04203871637582779 that:0.031132424250245094 a:0.023554589599370956 :0.0901830792427063 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -H.:0.03035208210349083 E:0.022131584584712982 W.:0.021713633090257645 A.:0.02039494924247265 :0.4229808449745178 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.6878542900085449 and:0.012551588006317616 ot:0.009961642324924469 in:0.007719885557889938 :0.04729514941573143 -of:0.33098939061164856 the:0.11905372142791748 and:0.03918624296784401 to:0.03491877391934395 :0.033052220940589905 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -at:0.12389252334833145 General:0.07968723028898239 and:0.04124775528907776 to:0.03901953250169754 :0.26089704036712646 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -of:0.42658135294914246 to:0.049302637577056885 the:0.03756619617342949 that:0.01854613795876503 :0.10342223197221756 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.11944415420293808 to:0.07822231948375702 of:0.03417408466339111 in:0.027650337666273117 :0.33765122294425964 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -out:0.06619517505168915 forth:0.06040060147643089 of:0.059924300760030746 up:0.05789599567651749 :0.0789448693394661 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -Britain:0.25278133153915405 Britain,:0.17703618109226227 Northern:0.08917730301618576 Falls:0.02439987100660801 :0.26968932151794434 -with:0.16752269864082336 of:0.14785997569561005 the:0.11314044892787933 a:0.020025601610541344 :0.047318845987319946 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -deg.:0.18866993486881256 degrees:0.04480532556772232 per:0.034112874418497086 feet:0.026809433475136757 :0.2108236700296402 -to:0.1176014319062233 of:0.07792975753545761 but:0.0770847499370575 in:0.04107220843434334 :0.05592824146151543 -and:0.06135578081011772 or:0.05193759500980377 is:0.037603504955768585 was:0.02338930033147335 :0.18027320504188538 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.07615164667367935 a:0.053881242871284485 to:0.043710578233003616 well:0.025550847873091698 :0.20132344961166382 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -of:0.05145592615008354 and:0.0482889786362648 from:0.0396355502307415 to:0.03248601034283638 :0.13078029453754425 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.03388125076889992 property:0.025415712967514992 life:0.010960359126329422 life,:0.010242195799946785 :0.37377744913101196 -with:0.6711947321891785 and:0.016346322372555733 at:0.00869060680270195 in:0.007941248826682568 :0.04544255882501602 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.6026496291160583 from:0.06023258715867996 to:0.05448591336607933 and:0.025666071102023125 :0.04042185842990875 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -that:0.29140913486480713 of:0.26857927441596985 and:0.06143037602305412 as:0.02803310751914978 :0.029983092099428177 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.10816779732704163 to:0.05309121683239937 for:0.03989104926586151 in:0.02834278903901577 :0.11352939158678055 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -and:0.12694020569324493 was:0.043582215905189514 of:0.03969912603497505 is:0.03498281165957451 :0.0794408991932869 -the:0.2758026123046875 this:0.07061681151390076 a:0.042534295469522476 that:0.02658023126423359 :0.14110659062862396 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.3390999734401703 and:0.0562208890914917 is:0.047479987144470215 was:0.04160582274198532 :0.05170121788978577 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -in:0.11399061977863312 from:0.11078725755214691 to:0.05357418954372406 as:0.050770353525877 :0.0398641899228096 -people:0.0058006108738482 State:0.005715799983590841 same:0.005100612994283438 amount:0.004932671319693327 :0.2508912682533264 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.09209580719470978 in:0.05051566660404205 to:0.04314110055565834 and:0.032860010862350464 :0.09662479907274246 -of:0.24120762944221497 the:0.0780426487326622 to:0.04823844134807587 for:0.04285573959350586 :0.05103164166212082 -of:0.13315127789974213 and:0.08343450725078583 in:0.032875146716833115 to:0.031145578250288963 :0.1863030642271042 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.07629714906215668 be:0.0499790757894516 had:0.025709202513098717 have:0.022763649001717567 :0.12283376604318619 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -election:0.10447907447814941 object:0.05605781078338623 law:0.05119013786315918 and:0.02565578743815422 :0.17161281406879425 -of:0.571408748626709 and:0.05631142854690552 is:0.024621611461043358 that:0.019742518663406372 :0.04404084384441376 -and:0.030137909576296806 was:0.015124392695724964 John:0.012850075960159302 of:0.012699750252068043 :0.27741703391075134 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -of:0.27464792132377625 and:0.05195923522114754 to:0.0513739250600338 in:0.03208894655108452 :0.06609641760587692 -the:0.0868455320596695 it:0.0400262251496315 if:0.03415347635746002 yet:0.027642888948321342 :0.06376281380653381 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.26392456889152527 of:0.08541151136159897 to:0.015702877193689346 was:0.015154545195400715 :0.32037946581840515 -the:0.2233676314353943 a:0.061357393860816956 said:0.02985110692679882 tho:0.01608910970389843 :0.20515407621860504 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.18102973699569702 and:0.07795561850070953 a:0.057766515761613846 to:0.05002380162477493 :0.1141553521156311 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -lowing:0.32272231578826904 lowed:0.18481040000915527 low:0.15869556367397308 lows::0.0630280002951622 :0.1496741622686386 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.12795506417751312 It:0.05500146746635437 I:0.03275163471698761 In:0.029080502688884735 :0.1057141050696373 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -as:0.06843478232622147 in:0.06034527346491814 if:0.030532246455550194 after:0.02788349986076355 :0.1054292619228363 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.23080797493457794 with:0.03859663009643555 the:0.03460568189620972 but:0.027310431003570557 :0.06170147657394409 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -day:0.03561704233288765 of:0.0342353992164135 time:0.03303401544690132 to:0.021134300157427788 :0.15742477774620056 -of:0.2237251102924347 and:0.14412043988704681 for:0.03955148905515671 or:0.035784926265478134 :0.08094816654920578 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -tion:0.46227675676345825 tion,:0.16235288977622986 tions:0.10638653486967087 tion.:0.05976155400276184 :0.08570078015327454 -of:0.29276734590530396 and:0.052718956023454666 to:0.04394884780049324 in:0.033887531608343124 :0.04755902662873268 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -purposes,:0.05341874435544014 lands:0.04813256487250328 and:0.03967554494738579 in:0.031222548335790634 :0.049145426601171494 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.02279348112642765 of:0.012669960968196392 a:0.01022688951343298 .:0.009398240596055984 :0.3351995348930359 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.16513924300670624 that:0.13613981008529663 what:0.04049627110362053 a:0.036764953285455704 :0.06664542853832245 -part:0.07123998552560806 end:0.039103712886571884 and:0.028192194178700447 line:0.020351139828562737 :0.12529009580612183 -that:0.121909961104393 of:0.09068313986063004 it:0.06859414279460907 the:0.05526568368077278 :0.043293297290802 -of:0.18297401070594788 number:0.058005791157484055 amount:0.04306355491280556 cost:0.021069111302495003 :0.24015267193317413 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -Church:0.03838842734694481 and:0.03695278987288475 church:0.02276536636054516 churches:0.020332708954811096 :0.4911041557788849 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -e:0.011873014271259308 the:0.008178193122148514 other:0.0054146661423146725 .:0.005412180908024311 :0.24802495539188385 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.05930090695619583 that:0.033210448920726776 the:0.025392109528183937 to:0.02249668911099434 :0.20409967005252838 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -*:0.03249625861644745 .:0.016332555562257767 of:0.015090682543814182 The:0.012449796311557293 :0.28985801339149475 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -ject:0.29812169075012207 mitted:0.06745821237564087 jects:0.03288767486810684 marine:0.024647720158100128 :0.4076150357723236 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -terest:0.02970144897699356 crease:0.022288411855697632 stead:0.02054322324693203 to:0.017772745341062546 :0.6365475058555603 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -court:0.46647030115127563 court,:0.14226879179477692 court.:0.015944695100188255 law:0.012275896966457367 :0.07545386254787445 -The:0.1788441687822342 He:0.05089826136827469 It:0.04896821826696396 I:0.02239932306110859 :0.1703331619501114 -The:0.1046258732676506 He:0.05086810886859894 It:0.042707424610853195 If:0.026198845356702805 :0.12320394814014435 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -in:0.05187319964170456 when:0.05061592161655426 if:0.0471106618642807 too,:0.03871249780058861 :0.11621849238872528 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.10232818126678467 up:0.0760485976934433 to:0.055637892335653305 on:0.0402851477265358 :0.07793349027633667 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -as:0.04951854050159454 well:0.02639596536755562 to:0.01634860225021839 true:0.0159642081707716 :0.2566756308078766 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.10025423765182495 for:0.08598709851503372 in:0.050028521567583084 of:0.04666369780898094 :0.08173917233943939 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -the:0.25811970233917236 U.:0.06329550594091415 he:0.04372221231460571 springs:0.03810393437743187 :0.11058694869279861 -of:0.42658135294914246 to:0.049302637577056885 the:0.03756619617342949 that:0.01854613795876503 :0.10342223197221756 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.10317649692296982 to:0.0759335532784462 in:0.06321323662996292 the:0.03753387928009033 :0.10911346971988678 -.:0.11744508147239685 the:0.065430648624897 .,:0.06000164523720741 a:0.022781655192375183 :0.2174055576324463 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -and:0.05685104429721832 to:0.028648314997553825 in:0.012133977375924587 of:0.011663630604743958 :0.21806715428829193 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.04217885434627533 the:0.02832757867872715 by:0.026850823312997818 in:0.02062014304101467 :0.2100563496351242 -of:0.07799356430768967 and:0.04421007260680199 as:0.042480502277612686 the:0.040347810834646225 :0.05754654109477997 -of:0.3912450671195984 and:0.08398664742708206 the:0.03116057626903057 to:0.024656662717461586 :0.06389918923377991 -and:0.16132956743240356 but:0.047726623713970184 with:0.019990837201476097 the:0.012795341201126575 :0.20240403711795807 -that:0.39021947979927063 the:0.08295987546443939 in:0.05408840253949165 it:0.04457901790738106 :0.035529933869838715 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -B.:0.02028615213930607 E:0.020282939076423645 H.:0.01811414211988449 B:0.015139817260205746 :0.42620640993118286 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -of:0.13457879424095154 were:0.08163102716207504 in:0.06496147811412811 the:0.04894736036658287 :0.04973182454705238 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.21331514418125153 the:0.1239723339676857 to:0.0550079308450222 that:0.02439114637672901 :0.146322101354599 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -of:0.22434033453464508 and:0.148718923330307 in:0.0645633265376091 on:0.033791664987802505 :0.04346844181418419 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.4222341477870941 in:0.10378652065992355 the:0.05089433118700981 for:0.02276655100286007 :0.026874924078583717 -and:0.12636159360408783 was:0.08752862364053726 is:0.06218338757753372 of:0.05276235565543175 :0.14813898503780365 -the:0.121829554438591 it:0.04392915219068527 tho:0.022008690983057022 he:0.0189349465072155 :0.11337848752737045 -same:0.012060769833624363 United:0.007661811076104641 State:0.006772654131054878 most:0.00613328767940402 :0.3146028518676758 -is:0.10303271561861038 the:0.06430774927139282 he:0.0539449080824852 they:0.05261162295937538 :0.07537786662578583 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.2944382429122925 and:0.11599022895097733 is:0.03218026086688042 in:0.031206024810671806 :0.034667305648326874 -own:0.020776847377419472 way:0.009151962585747242 wife:0.0085839182138443 wife,:0.008361587300896645 :0.32487738132476807 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.21946848928928375 the:0.0460115410387516 but:0.039461273699998856 as:0.026940561830997467 :0.07500888407230377 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -have:0.11768656224012375 are:0.09226855635643005 were:0.03430884703993797 had:0.03061225824058056 :0.0752384215593338 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.11759499460458755 and:0.1097690686583519 who:0.08786778151988983 in:0.039274945855140686 :0.08209175616502762 -the:0.10425081104040146 their:0.07243514060974121 his:0.03898634389042854 a:0.03322113677859306 :0.09581921994686127 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -tice:0.117268867790699 thing:0.05428290739655495 body:0.03014424629509449 tion:0.028350165113806725 :0.4159298837184906 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -date:0.22549831867218018 the:0.06603017449378967 interest:0.04616956412792206 on:0.03348279744386673 :0.0816567987203598 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.09785239398479462 important:0.020495742559432983 difficult:0.011607902124524117 dangerous:0.009898709133267403 :0.29064807295799255 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -and:0.06543111056089401 of:0.06139712035655975 in:0.04465364292263985 is:0.033050019294023514 :0.11208674311637878 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -bank:0.03605080023407936 banks:0.02456444874405861 and:0.018488572910428047 banks,:0.01766921393573284 :0.2738323211669922 -and:0.05358007550239563 man:0.05287296324968338 men:0.03441380709409714 oak:0.019308483228087425 :0.3487381637096405 -of:0.3075050711631775 Hundred:0.03636154904961586 day:0.03349391743540764 thing:0.01811542920768261 :0.08347582072019577 -and:0.1496083289384842 the:0.054559990763664246 but:0.035995639860630035 which:0.035809408873319626 :0.086449034512043 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.30093637108802795 the:0.10275311768054962 to:0.10143433511257172 and:0.05464639514684677 :0.036328963935375214 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.12534093856811523 a:0.0694417729973793 up:0.059726402163505554 in:0.05047567933797836 :0.05673068389296532 -(6):0.2018011510372162 years:0.04181217402219772 months:0.03817526623606682 weeks:0.03624100610613823 :0.15671315789222717 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -the:0.13612133264541626 mined:0.09010744839906693 him:0.04401982203125954 you,:0.03227165713906288 :0.1659793108701706 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.10182633250951767 to:0.024005096405744553 beets:0.022355541586875916 is:0.020206404849886894 :0.2263927310705185 -you:0.1532261073589325 the:0.09570319205522537 us:0.049786925315856934 me:0.04477664828300476 :0.07578448951244354 -the:0.5136224627494812 that:0.027603672817349434 his:0.02501673437654972 tho:0.0240015909075737 :0.03815421834588051 -of:0.22774504125118256 on:0.08501449972391129 to:0.052234750241041183 in:0.04906715080142021 :0.07598454505205154 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.22287075221538544 and:0.07354531437158585 in:0.024367477744817734 to:0.023403756320476532 :0.07093559205532074 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -.:0.06988608837127686 few:0.04215701296925545 large:0.024859881028532982 man:0.013344060629606247 :0.2676287889480591 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12694020569324493 was:0.043582215905189514 of:0.03969912603497505 is:0.03498281165957451 :0.0794408991932869 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.21446287631988525 of:0.03754635527729988 in:0.0374581553041935 at:0.03166400268673897 :0.0834374949336052 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -the:0.03686114400625229 a:0.014770838432013988 .:0.009514274075627327 to:0.007632232736796141 :0.5774274468421936 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -of:0.23263342678546906 and:0.05913752317428589 was:0.029230589047074318 houses:0.020587893202900887 :0.11666404455900192 -the:0.19045665860176086 there:0.05351750925183296 this:0.04291217401623726 we:0.037500083446502686 :0.08134202659130096 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -of:0.22287075221538544 and:0.07354531437158585 in:0.024367477744817734 to:0.023403756320476532 :0.07093559205532074 -terest:0.02970144897699356 crease:0.022288411855697632 stead:0.02054322324693203 to:0.017772745341062546 :0.6365475058555603 -of:0.22011709213256836 and:0.09150634706020355 in:0.05652761831879616 for:0.05599883571267128 :0.048165351152420044 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -of:0.3566654622554779 and:0.03645728901028633 in:0.02218753844499588 to:0.015545498579740524 :0.10607901215553284 -the:0.2883915901184082 to:0.2578750550746918 a:0.039830274879932404 and:0.025268925353884697 :0.05912334471940994 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.04074763506650925 to:0.03557520732283592 day:0.03014100342988968 time:0.019774211570620537 :0.1589614897966385 -far:0.0603245347738266 the:0.021929031237959862 be:0.013097374700009823 to:0.012695294804871082 :0.24385406076908112 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -York:0.401128888130188 York,:0.08718613535165787 York.:0.03777214139699936 Orleans,:0.025607779622077942 :0.27619871497154236 -and:0.08782008290290833 to:0.054162926971912384 on:0.037294287234544754 from:0.021772461012005806 :0.11962664872407913 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.036271706223487854 a:0.023524226620793343 made:0.019718481227755547 paid:0.011709175072610378 :0.44732147455215454 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -from:0.22749289870262146 and:0.05678921937942505 with:0.028668543323874474 of:0.02661055512726307 :0.09580677002668381 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -e:0.011873014271259308 the:0.008178193122148514 other:0.0054146661423146725 .:0.005412180908024311 :0.24802495539188385 -a:0.027395861223340034 the:0.022504489868879318 made:0.0182606503367424 no:0.008585826493799686 :0.2783674895763397 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1620853990316391 but:0.09226192533969879 the:0.06012146547436714 which:0.047056496143341064 :0.05561649799346924 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -at:0.1403464823961258 in:0.1264372318983078 on:0.12209786474704742 In:0.04154396429657936 :0.11821463704109192 -and:0.020791467279195786 of:0.016697613522410393 in:0.01140438299626112 to:0.011053306981921196 :0.21180182695388794 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -the:0.19300110638141632 it:0.03930683061480522 to:0.035132262855768204 we:0.029549099504947662 :0.05102869123220444 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.45840439200401306 the:0.04318315163254738 in:0.03680950775742531 and:0.018185624852776527 :0.04193509370088577 -is:0.15476280450820923 was:0.07918627560138702 Is:0.02305437996983528 will:0.019818386062979698 :0.11869658529758453 -man:0.08607076108455658 lady:0.03618399426341057 men:0.03425515070557594 and:0.032232530415058136 :0.25705599784851074 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1172264963388443 in:0.058809638023376465 on:0.0501682423055172 the:0.04598062112927437 :0.06097819283604622 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.022329069674015045 beauty.:0.014307854697108269 gown:0.009962991811335087 appearance:0.008785361424088478 :0.405091255903244 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.14583271741867065 and:0.05376538634300232 in:0.04807736724615097 for:0.044097933918237686 :0.044993363320827484 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3182050287723541 and:0.04431682080030441 that:0.03965990990400314 to:0.037646472454071045 :0.05191894620656967 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -of:0.4892599880695343 and:0.045130569487810135 by:0.02706266939640045 the:0.019929392263293266 :0.041178684681653976 -of:0.31599441170692444 and:0.10738522559404373 are:0.04438713937997818 in:0.037402693182229996 :0.06735703349113464 -the:0.056439515203237534 of:0.05189945176243782 in:0.038383424282073975 sides:0.022368621081113815 :0.18085162341594696 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -far:0.0854136273264885 long:0.0587230809032917 the:0.05746699124574661 it:0.053963493555784225 :0.09349177777767181 -and:0.05998329073190689 of:0.05423448607325554 as:0.010668705217540264 for:0.01030017901211977 :0.27986830472946167 -the:0.07188151776790619 of:0.03731841593980789 I:0.01735510490834713 it:0.014483939856290817 :0.22627919912338257 -who:0.15063558518886566 in:0.05140389874577522 of:0.038088493049144745 interested:0.03488509729504585 :0.07787659764289856 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.10888688266277313 and:0.0834030732512474 to:0.044551897794008255 or:0.04384537786245346 :0.10858501493930817 -sioners:0.39107444882392883 sion:0.1390553116798401 sioner:0.12795688211917877 sion,:0.04191243276000023 :0.1962844729423523 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.1418885886669159 the:0.06607399135828018 so:0.038482386618852615 due:0.024400828406214714 :0.25110363960266113 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -where:0.15635502338409424 in:0.07818016409873962 and:0.050635721534490585 of:0.04930361360311508 :0.06802341341972351 -of:0.3501932919025421 to:0.04500313475728035 was:0.03496691957116127 is:0.029073256999254227 :0.04880897328257561 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.024955183267593384 A.:0.010805192403495312 E.:0.009565560147166252 Smith,:0.006845103111118078 :0.48865121603012085 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -Street:0.15571323037147522 and:0.06574300676584244 street:0.05743642523884773 street,:0.047438450157642365 :0.23292343318462372 -to:0.11101650446653366 over:0.10430597513914108 out:0.07677783071994781 the:0.039879269897937775 :0.05975142866373062 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.20597706735134125 and:0.10466130077838898 are:0.05512789264321327 in:0.05005891993641853 :0.03843932971358299 -to:0.1932860016822815 out:0.036048524081707 into:0.035322148352861404 over:0.02938920632004738 :0.08152344822883606 -life:0.023977352306246758 life.:0.0144646055996418 life,:0.013561053201556206 and:0.008340221829712391 :0.47870078682899475 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -the:0.13697537779808044 it:0.05254269018769264 I:0.03735991194844246 if:0.035609155893325806 :0.06623194366693497 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1380353420972824 of:0.08191534876823425 that:0.055511631071567535 this:0.036007437855005264 :0.12995800375938416 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24441130459308624 a:0.046838775277137756 this:0.019510861486196518 tho:0.01732468046247959 :0.25683310627937317 -The:0.12291675806045532 It:0.06550303846597672 I:0.03443654254078865 In:0.03118380904197693 :0.21594709157943726 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -far:0.0854136273264885 long:0.0587230809032917 the:0.05746699124574661 it:0.053963493555784225 :0.09349177777767181 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.12662775814533234 of:0.12650007009506226 a:0.060908082872629166 in:0.040420591831207275 :0.06459768116474152 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.2110414206981659 but:0.04163841903209686 the:0.03998115658760071 who:0.031283099204301834 :0.08256649971008301 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.17306914925575256 where:0.06724864989519119 the:0.03962748870253563 in:0.03512229025363922 :0.0744144394993782 -the:0.24495387077331543 in:0.04359133541584015 that:0.028556665405631065 a:0.027589865028858185 :0.09506982564926147 -and:0.08625642210245132 for:0.024378487840294838 at:0.022388789802789688 to:0.02182770147919655 :0.20822656154632568 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.024868208914995193 John:0.016977384686470032 Pierce's:0.016448376700282097 J.:0.015136649832129478 :0.5590976476669312 -of:0.2932034730911255 and:0.10044574737548828 was:0.03790086880326271 is:0.023610055446624756 :0.06705499440431595 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.1287611871957779 It:0.06145181134343147 We:0.028804810717701912 There:0.027887960895895958 :0.14878211915493011 -as:0.10825265198945999 and:0.054943282157182693 before:0.0289095900952816 enough:0.026509786024689674 :0.17240241169929504 -and:0.17474250495433807 the:0.03399675711989403 in:0.02952195703983307 at:0.023461265489459038 :0.11183935403823853 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -in:0.10439345985651016 at:0.08584567904472351 with:0.07494401931762695 there:0.044882237911224365 :0.061302829533815384 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -days:0.0956960916519165 years:0.051628995686769485 miles:0.049803443253040314 acres:0.04835699126124382 :0.1841985285282135 -and:0.027934951707720757 in:0.026415284723043442 of:0.025219285860657692 to:0.022983945906162262 :0.140044167637825 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -The:0.11411771178245544 It:0.06592506915330887 In:0.04970594123005867 He:0.04867907613515854 :0.32433584332466125 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.3197149634361267 see:0.020124852657318115 bo:0.014944136142730713 do:0.01398740615695715 :0.1449533998966217 -he:0.03273729607462883 the:0.025790724903345108 of:0.020090339705348015 be:0.01200561597943306 :0.2891792058944702 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -a:0.08822359889745712 to:0.06993712484836578 the:0.0686417669057846 up:0.03832249343395233 :0.08951593190431595 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -to:0.6995625495910645 for:0.05842653661966324 the:0.05062711238861084 as:0.011539936996996403 :0.03580907732248306 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.03388125076889992 property:0.025415712967514992 life:0.010960359126329422 life,:0.010242195799946785 :0.37377744913101196 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -wife,:0.02813250571489334 own:0.01945481449365616 hand:0.008650517091155052 wife:0.008235471323132515 :0.43616318702697754 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -years:0.09308212250471115 or:0.03924446180462837 days:0.03583189845085144 miles:0.033794160932302475 :0.20223042368888855 -who:0.12407079339027405 of:0.08138538151979446 and:0.06571182608604431 in:0.05156034603714943 :0.07582911103963852 -of:0.10292154550552368 in:0.04439935088157654 by:0.04213154315948486 the:0.04178483784198761 :0.11894291639328003 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -title:0.21095065772533417 and:0.1796903908252716 but:0.044224172830581665 title,:0.03439583629369736 :0.12235690653324127 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -a:0.14751461148262024 the:0.12374261766672134 it:0.04567049443721771 an:0.026676274836063385 :0.07802078872919083 -and:0.04074763506650925 to:0.03557520732283592 day:0.03014100342988968 time:0.019774211570620537 :0.1589614897966385 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -to:0.4722057580947876 for:0.09833849221467972 in:0.03134508430957794 that:0.022161534056067467 :0.0972447395324707 -and:0.2110414206981659 but:0.04163841903209686 the:0.03998115658760071 who:0.031283099204301834 :0.08256649971008301 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.16513924300670624 that:0.13613981008529663 what:0.04049627110362053 a:0.036764953285455704 :0.06664542853832245 -of:0.3556046783924103 is:0.04341163858771324 and:0.03924814239144325 was:0.031596649438142776 :0.044983625411987305 -the:0.18101592361927032 a:0.09367135912179947 that:0.05150424316525459 and:0.04717734456062317 :0.047804318368434906 -and:0.16733603179454803 for:0.04460938647389412 to:0.041676558554172516 was:0.039382703602313995 :0.17989623546600342 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.14032399654388428 clover:0.02065400592982769 in:0.015368197113275528 or:0.014568568207323551 :0.4329131245613098 -H.:0.0361349880695343 W:0.029154006391763687 A.:0.022741029039025307 L.:0.02208847552537918 :0.34149250388145447 -one:0.052963726222515106 man:0.02280638925731182 day:0.022091107442975044 other:0.014896808192133904 :0.22217898070812225 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -No.:0.19859877228736877 of:0.1474439948797226 thereof,:0.1061643734574318 and:0.048733144998550415 :0.11955829709768295 -at:0.10715604573488235 upon:0.06680180132389069 for:0.056041620671749115 after:0.04583354294300079 :0.06915987282991409 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.28667426109313965 in:0.1317213922739029 and:0.11905155330896378 to:0.10736709833145142 :0.03233347833156586 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.08840736746788025 of:0.08669278025627136 that:0.08325349539518356 to:0.07236527651548386 :0.05920549854636192 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.17118659615516663 or:0.02689020335674286 the:0.023660816252231598 but:0.020631762221455574 :0.20799411833286285 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.6081460118293762 to:0.020208319649100304 not:0.018071455880999565 ot:0.015339093282818794 :0.05228670313954353 -and:0.09340540319681168 at:0.06303509324789047 in:0.05032327026128769 of:0.038580141961574554 :0.06707105040550232 -the:0.26923027634620667 a:0.06526265293359756 being:0.02346404455602169 many:0.0159442238509655 :0.131121426820755 -and:0.06532581895589828 the:0.06179985776543617 a:0.042643144726753235 that:0.034230876713991165 :0.04755782708525658 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -of:0.14173832535743713 cast:0.13817451894283295 for:0.07725487649440765 in:0.04368290305137634 :0.05328936502337456 -own:0.019283348694443703 power:0.006270482204854488 first:0.005468335468322039 work:0.004789052065461874 :0.3276244103908539 -The:0.0912151113152504 It:0.03974320739507675 In:0.030213799327611923 I:0.022678086534142494 :0.1270616501569748 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.09802061319351196 a:0.051208171993494034 not:0.02073018252849579 to:0.017381571233272552 :0.27785247564315796 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -to:0.21901851892471313 with:0.19346997141838074 that:0.05964627489447594 by:0.05936180427670479 :0.05573234707117081 -and:0.028612101450562477 for:0.015832537785172462 quality:0.013361372984945774 work:0.012418821454048157 :0.2586405575275421 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.09406920522451401 to:0.07140745222568512 on:0.033181872218847275 from:0.03007851168513298 :0.05960949882864952 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.14089332520961761 of:0.07981541752815247 and:0.06698942929506302 in:0.06166719272732735 :0.07653330266475677 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -years:0.07173684239387512 minutes:0.04623920097947121 hundred:0.04375318065285683 or:0.04097325727343559 :0.19309356808662415 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.32273074984550476 the:0.059481244534254074 was:0.03502509370446205 made:0.032435666769742966 :0.04509316384792328 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.039987001568078995 saving:0.03360018879175186 the:0.02539350464940071 be:0.02031257376074791 :0.2672766149044037 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.13982020318508148 of:0.11051268875598907 a:0.05237388610839844 that:0.038803406059741974 :0.05655858665704727 -to:0.2593090832233429 a:0.09218484908342361 that:0.08860854804515839 the:0.0627724677324295 :0.0966452956199646 -and:0.1770656704902649 was:0.06093253567814827 of:0.04844571277499199 to:0.04094064235687256 :0.0591152049601078 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -the:0.09672427922487259 a:0.048787184059619904 in:0.03915075585246086 out:0.03655552864074707 :0.08810009062290192 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.035195667296648026 block:0.03157086297869682 the:0.02509627863764763 range:0.01599724404513836 :0.31030920147895813 -of:0.09741125255823135 and:0.07590086758136749 to:0.0372302308678627 on:0.03666731342673302 :0.10074009746313095 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -in:0.07985372841358185 the:0.07274089753627777 down:0.06647234410047531 on:0.037312112748622894 :0.10732148587703705 -and:0.14455343782901764 where:0.040623489767313004 between:0.038061682134866714 in:0.0356627032160759 :0.1293235421180725 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -said:0.004280799999833107 United:0.0028504845686256886 company:0.0026524902787059546 most:0.0020863262470811605 :0.7058402299880981 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -the:0.034368086606264114 and:0.019949300214648247 of:0.01668313331902027 to:0.01350040640681982 :0.2720033526420593 -the:0.0868455320596695 it:0.0400262251496315 if:0.03415347635746002 yet:0.027642888948321342 :0.06376281380653381 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.14364896714687347 a:0.07142455130815506 it:0.033691272139549255 up:0.020946426317095757 :0.07757588475942612 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -of:0.32273074984550476 the:0.059481244534254074 was:0.03502509370446205 made:0.032435666769742966 :0.04509316384792328 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -at:0.07292765378952026 of:0.06429670751094818 and:0.05477745831012726 the:0.04502114653587341 :0.09582964330911636 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -house:0.0420001856982708 death:0.027822595089673996 home:0.02384430356323719 house,:0.018347779288887978 :0.22284741699695587 -and:0.020791467279195786 of:0.016697613522410393 in:0.01140438299626112 to:0.011053306981921196 :0.21180182695388794 -and:0.0849432647228241 in:0.08380597084760666 to:0.06942480802536011 that:0.055316273123025894 :0.04546802490949631 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.21378546953201294 a:0.05136309564113617 of:0.017378289252519608 their:0.016052376478910446 :0.22813057899475098 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.21488477289676666 with:0.05317477881908417 the:0.049458976835012436 but:0.027990693226456642 :0.11058424413204193 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.2249799370765686 the:0.05045228824019432 but:0.03174648806452751 a:0.0290533360093832 :0.10415931791067123 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.09040234237909317 the:0.04046560451388359 to:0.018077827990055084 in:0.017857957631349564 :0.25251132249832153 -to:0.24884828925132751 of:0.11955544352531433 and:0.053410835564136505 angles:0.03276120871305466 :0.07252483069896698 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -B.:0.02028615213930607 E:0.020282939076423645 H.:0.01811414211988449 B:0.015139817260205746 :0.42620640993118286 -the:0.12935781478881836 through:0.05515362322330475 a:0.04824560135602951 to:0.03715251013636589 :0.0590725876390934 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.10524929314851761 and:0.06279144436120987 in:0.05238033086061478 men:0.04424301162362099 :0.09130105376243591 -and:0.17304031550884247 the:0.0664234608411789 in:0.02984132617712021 at:0.025418909266591072 :0.11628755927085876 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.17719769477844238 to:0.16210515797138214 from:0.08540842682123184 and:0.05147690698504448 :0.041894540190696716 -States:0.5249002575874329 States,:0.14538247883319855 States.:0.12097357958555222 States;:0.017308538779616356 :0.12549808621406555 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.20493392646312714 to:0.03698418289422989 and:0.03603464365005493 the:0.022835927084088326 :0.3124493956565857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.32709261775016785 tho:0.03881317749619484 a:0.03307559713721275 tbe:0.013751177117228508 :0.14421863853931427 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -The:0.1320238560438156 In:0.06301489472389221 It:0.0434330478310585 He:0.03612799569964409 :0.22931994497776031 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -for:0.10427885502576828 the:0.07763008773326874 with:0.04929652065038681 against:0.04011444002389908 :0.07677295058965683 -F.:0.058930397033691406 F:0.014584549702703953 B.:0.012651299126446247 and:0.010608082637190819 :0.5165457725524902 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.26336634159088135 but:0.0635959804058075 the:0.030799923464655876 he:0.03032149001955986 :0.09723923355340958 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.10416775941848755 the:0.057384248822927475 in:0.048707254230976105 of:0.03970916196703911 :0.09983043372631073 -and:0.03388125076889992 property:0.025415712967514992 life:0.010960359126329422 life,:0.010242195799946785 :0.37377744913101196 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.24296608567237854 and:0.10703171789646149 to:0.04178810119628906 in:0.032782409340143204 :0.0444246307015419 -.:0.017224440351128578 -:0.013245903886854649 e:0.013182943686842918 n:0.012991116382181644 :0.3863798975944519 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.09346602857112885 to:0.07014332711696625 was:0.03990102931857109 a:0.03290857747197151 :0.08268305659294128 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.08949511498212814 and:0.058744076639413834 to:0.05171574652194977 is:0.04282033070921898 :0.08446333557367325 -the:0.6048688292503357 tho:0.04073081910610199 which:0.031648941338062286 his:0.02382778190076351 :0.035510674118995667 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.10749519616365433 to:0.04568811506032944 is:0.04440639168024063 was:0.03244871273636818 :0.1745893657207489 -of:0.3846305012702942 to:0.05418603494763374 were:0.04237159341573715 are:0.02597111277282238 :0.04154391586780548 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -The:0.1057058721780777 It:0.06514959037303925 I:0.042684219777584076 He:0.036496587097644806 :0.1586666703224182 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -The:0.14419327676296234 This:0.0480046421289444 It:0.0446530245244503 There:0.03361513838171959 :0.169993594288826 -end:0.11947781592607498 part:0.07401784509420395 portion:0.05410230904817581 and:0.02388077974319458 :0.24937082827091217 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.11775447428226471 aim:0.017345983535051346 as:0.012262629345059395 in:0.011478709056973457 :0.2304804027080536 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.09606682509183884 has:0.02991599403321743 was:0.023519231006503105 will:0.02118212915956974 :0.1402348428964615 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -tered:0.2209663987159729 titled:0.16022184491157532 tirely:0.0715654268860817 tire:0.043744731694459915 :0.2719273269176483 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -far:0.0854136273264885 long:0.0587230809032917 the:0.05746699124574661 it:0.053963493555784225 :0.09349177777767181 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -is:0.2611105144023895 are:0.16385239362716675 was:0.13630259037017822 were:0.08566633611917496 :0.03625030443072319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -more:0.022853391245007515 of:0.018158670514822006 girl,:0.01250563096255064 to:0.010435924865305424 :0.29975685477256775 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.037784282118082047 company:0.03158446401357651 companies,:0.02475873939692974 company,:0.024016259238123894 :0.19266925752162933 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -of:0.39312562346458435 in:0.07102598249912262 to:0.03236016631126404 and:0.026547610759735107 :0.0863339826464653 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -day:0.03561704233288765 of:0.0342353992164135 time:0.03303401544690132 to:0.021134300157427788 :0.15742477774620056 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -by:0.10623695701360703 in:0.0765051618218422 to:0.07187975198030472 with:0.034988272935152054 :0.03681784123182297 -line:0.24208366870880127 direction:0.11487361043691635 along:0.09597610682249069 and:0.03840096294879913 :0.0619177408516407 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.10332372784614563 and:0.08039350807666779 in:0.04775378853082657 was:0.03847505897283554 :0.09116417914628983 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -who:0.10513915121555328 and:0.05085807293653488 of:0.04358622059226036 in:0.04072939604520798 :0.08604895323514938 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -of:0.23942098021507263 the:0.07266865670681 and:0.043556973338127136 is:0.019181562587618828 :0.09091456979513168 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4222341477870941 in:0.10378652065992355 the:0.05089433118700981 for:0.02276655100286007 :0.026874924078583717 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3093086779117584 a:0.027670975774526596 said:0.02062113769352436 him:0.018643314018845558 :0.13683170080184937 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.1721123605966568 boon:0.06341830641031265 a:0.03319316729903221 the:0.024893347173929214 :0.11090400069952011 -of:0.15168190002441406 a:0.14205898344516754 the:0.06233258545398712 an:0.04192729294300079 :0.1072683185338974 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -same:0.009706208482384682 said:0.006666978821158409 United:0.0050319768488407135 city:0.00426312442868948 :0.327362984418869 -and:0.06823912262916565 government:0.020137934014201164 Consolidated:0.009823421016335487 Parliament:0.007830229587852955 :0.33397176861763 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -all:0.1130373477935791 a:0.06593535840511322 every:0.05581777170300484 as:0.02507222443819046 :0.2325023114681244 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.2750020921230316 that:0.19857798516750336 and:0.0487050898373127 with:0.04858245700597763 :0.039698440581560135 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -end:0.11947781592607498 part:0.07401784509420395 portion:0.05410230904817581 and:0.02388077974319458 :0.24937082827091217 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -of:0.17405928671360016 and:0.04027867317199707 payment:0.02137117274105549 amount:0.018908385187387466 :0.17771503329277039 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.11222869157791138 the:0.10443345457315445 a:0.08795348554849625 out:0.06014947593212128 :0.07275356352329254 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -ago:0.12396024912595749 of:0.11536110192537308 ago.:0.0523359440267086 ago,:0.05031469464302063 :0.06862995773553848 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -J.:0.018177246674895287 J:0.012478969991207123 John:0.011171816848218441 George:0.010399969294667244 :0.5900680422782898 -of:0.45039260387420654 is:0.065207339823246 was:0.037931110709905624 and:0.02738032676279545 :0.04715842381119728 -to:0.18396930396556854 up:0.107749804854393 in:0.056755635887384415 the:0.0538589283823967 :0.06390241533517838 -of:0.18704281747341156 and:0.15458467602729797 to:0.0629839301109314 in:0.04689159616827965 :0.07152624428272247 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -from:0.11242005974054337 of:0.06900039315223694 to:0.059073787182569504 and:0.05690814554691315 :0.2038225531578064 -a:0.0899466723203659 the:0.07284276932477951 any:0.06332673877477646 being:0.01404645573347807 :0.24706797301769257 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.1450589895248413 against:0.12403683364391327 and:0.09063330292701721 that:0.0428137332201004 :0.055702704936265945 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -H.:0.030757376924157143 W.:0.02059096284210682 H:0.019544081762433052 B.:0.017545320093631744 :0.38613712787628174 -and:0.1527213305234909 the:0.04453045874834061 at:0.03382202982902527 when:0.03149133920669556 :0.06442993134260178 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.15353241562843323 to:0.13866226375102997 and:0.03040177747607231 that:0.030154407024383545 :0.05298222228884697 -and:0.15842962265014648 is:0.025009682402014732 to:0.01943998411297798 of:0.016971450299024582 :0.2944668233394623 -of:0.3504278361797333 at:0.14405854046344757 in:0.07657044380903244 here:0.021612849086523056 :0.027165498584508896 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -and:0.10182633250951767 to:0.024005096405744553 beets:0.022355541586875916 is:0.020206404849886894 :0.2263927310705185 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -of:0.5237258076667786 and:0.050254158675670624 for:0.023246219381690025 to:0.0183876845985651 :0.04917042329907417 -of:0.3960878849029541 and:0.06933479756116867 that:0.054817572236061096 to:0.03928269445896149 :0.04238331317901611 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -a:0.1148613840341568 the:0.09074795991182327 by:0.08871818333864212 from:0.0801885724067688 :0.08643245697021484 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.09153220802545547 a:0.053384050726890564 not:0.02737550623714924 to:0.020719477906823158 :0.22090661525726318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.5151899456977844 the:0.06458377838134766 itself:0.023308059200644493 to:0.022639064118266106 :0.021628761664032936 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.05998329073190689 of:0.05423448607325554 as:0.010668705217540264 for:0.01030017901211977 :0.27986830472946167 -by:0.21642769873142242 March:0.12431813031435013 July:0.0990501344203949 February:0.06852906197309494 :0.09741731733083725 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -years:0.0784083902835846 or:0.044089969247579575 hundred:0.028000427410006523 successive:0.024910900741815567 :0.16574934124946594 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -by:0.1264067441225052 in:0.05886058136820793 to:0.04842431843280792 and:0.035654231905937195 :0.10446663945913315 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -with:0.46460145711898804 and:0.05791696906089783 in:0.0552588552236557 for:0.02279508300125599 :0.03972252830862999 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.05790810286998749 opinion,:0.03028232790529728 judgment,:0.014860086143016815 servant:0.013948740437626839 :0.2570212781429291 -the:0.3093086779117584 a:0.027670975774526596 said:0.02062113769352436 him:0.018643314018845558 :0.13683170080184937 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -and:0.1722312569618225 the:0.05390322208404541 but:0.04520321264863014 as:0.03260467201471329 :0.07851112633943558 -and:0.0320090651512146 trial:0.006810033228248358 tariff:0.005701027344912291 law:0.005502484273165464 :0.25621017813682556 -and:0.11586641520261765 of:0.1124834194779396 in:0.05395277217030525 is:0.04655914381146431 :0.0582398846745491 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.16854649782180786 before:0.06599295884370804 what:0.03843866288661957 a:0.024594558402895927 :0.08551198989152908 -and:0.14283566176891327 was:0.047627534717321396 to:0.04456677287817001 in:0.03438989445567131 :0.21833348274230957 -of:0.3280161917209625 in:0.07511463016271591 and:0.042629603296518326 is:0.034284211695194244 :0.04361054301261902 -and:0.04074763506650925 to:0.03557520732283592 day:0.03014100342988968 time:0.019774211570620537 :0.1589614897966385 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -to:0.21121637523174286 for:0.14165879786014557 of:0.10457539558410645 and:0.07667403668165207 :0.06261385232210159 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.10735093057155609 It:0.06417428702116013 He:0.041634202003479004 A:0.03973761945962906 :0.10474720597267151 -by:0.14705489575862885 to:0.14395762979984283 the:0.14119397103786469 a:0.06531956046819687 :0.07608240097761154 -Col.:0.18046455085277557 John:0.025177644565701485 Col:0.022096864879131317 James:0.015981487929821014 :0.3884185254573822 -the:0.18164770305156708 and:0.04947137087583542 of:0.025517890229821205 to:0.021322935819625854 :0.11426305770874023 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -business:0.04775363579392433 and:0.02228831872344017 way:0.012053105980157852 business,:0.0084932716563344 :0.12607669830322266 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -than:0.24021674692630768 to:0.050845272839069366 and:0.04357952997088432 in:0.03453144058585167 :0.07886054366827011 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.22364363074302673 by:0.08025999367237091 this:0.031188420951366425 a:0.028311798349022865 :0.07716511189937592 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -e:0.011873014271259308 the:0.008178193122148514 other:0.0054146661423146725 .:0.005412180908024311 :0.24802495539188385 -.:0.3498915433883667 .,:0.01298720296472311 F:0.008500682190060616 street:0.006512082181870937 :0.34648367762565613 -is:0.10303271561861038 the:0.06430774927139282 he:0.0539449080824852 they:0.05261162295937538 :0.07537786662578583 -of:0.2981179654598236 that:0.12393449246883392 to:0.037915945053100586 in:0.03633212670683861 :0.06365128606557846 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -of:0.23116785287857056 that:0.20145003497600555 is:0.038032785058021545 was:0.030388308688998222 :0.040380146354436874 -time:0.1558830738067627 distance:0.11165019124746323 of:0.0728195533156395 time.:0.0354284793138504 :0.13860422372817993 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -of:0.043360594660043716 deceased,:0.03426754102110863 girl.:0.025165071710944176 and:0.02315411902964115 :0.21274349093437195 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.0320090651512146 trial:0.006810033228248358 tariff:0.005701027344912291 law:0.005502484273165464 :0.25621017813682556 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -30,:0.07041918486356735 and:0.020835503935813904 1,:0.02019367180764675 30.:0.018328003585338593 :0.31240934133529663 -the:0.17477525770664215 we:0.05017627030611038 you:0.049188416451215744 he:0.048380784690380096 :0.07771619409322739 -that:0.1535498946905136 the:0.0713125690817833 of:0.03970836475491524 what:0.03889409080147743 :0.0465799942612648 -and:0.09731387346982956 houses:0.030469415709376335 business:0.016119826585054398 price:0.014401094056665897 :0.3514323830604553 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.06637101620435715 a:0.0097377123311162 to:0.008058680221438408 not:0.007972543127834797 :0.3123399019241333 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.05649400129914284 of:0.05602365732192993 has:0.052164167165756226 and:0.049723681062459946 :0.056507658213377 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -of:0.49222853779792786 and:0.08259601145982742 that:0.03418410196900368 in:0.031459223479032516 :0.05716121196746826 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.13398469984531403 of:0.08709318190813065 evening,:0.04654678329825401 morning:0.04615712910890579 :0.07830383628606796 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -who:0.308531790971756 of:0.0703386664390564 in:0.021768072620034218 that:0.01657738909125328 :0.1333772838115692 -tle:0.3014109432697296 tery:0.03374144062399864 ter:0.014635710045695305 tered:0.01199644710868597 :0.5234553217887878 -and:0.18962261080741882 but:0.0733332559466362 the:0.05692189186811447 or:0.025484131649136543 :0.05024372413754463 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -one:0.052963726222515106 man:0.02280638925731182 day:0.022091107442975044 other:0.014896808192133904 :0.22217898070812225 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -The:0.06717061251401901 I:0.06555575132369995 It:0.04353591799736023 and:0.026878878474235535 :0.1531488299369812 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.11595714092254639 and:0.0440928153693676 girls.:0.03613053262233734 to:0.020420236513018608 :0.17812731862068176 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.46110573410987854 to:0.057059116661548615 and:0.034420352429151535 in:0.030880700796842575 :0.04134862869977951 -than:0.17863589525222778 and:0.024961398914456367 or:0.019564326852560043 of:0.016964241862297058 :0.11456763744354248 -mand:0.05641615390777588 grees:0.03593277931213379 scribed:0.02867727540433407 partment:0.025207728147506714 :0.5335603356361389 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -to:0.07380302250385284 in:0.07325801998376846 on:0.06152454391121864 into:0.05740050598978996 :0.13440343737602234 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -who:0.15063558518886566 in:0.05140389874577522 of:0.038088493049144745 interested:0.03488509729504585 :0.07787659764289856 -of:0.1755555272102356 and:0.07666872441768646 in:0.031104641035199165 to:0.0176036786288023 :0.1195182129740715 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.13108909130096436 he:0.031697459518909454 it:0.023755881935358047 they:0.01893586851656437 :0.1946154236793518 -the:0.14884695410728455 a:0.05461491644382477 any:0.03220942243933678 tho:0.018835794180631638 :0.09967242181301117 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.14680393040180206 a:0.09682654589414597 his:0.044258732348680496 it:0.03820963576436043 :0.03663773834705353 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -The:0.10930255800485611 Mr.:0.034623883664608 It:0.03447508439421654 In:0.03438080474734306 :0.21554553508758545 -of:0.2995724380016327 is:0.04915042221546173 was:0.04320988804101944 that:0.03736812248826027 :0.04120790958404541 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.08124659210443497 in:0.0777863934636116 of:0.05990419536828995 to:0.058577992022037506 :0.04777910187840462 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.18138504028320312 of:0.09650766849517822 at:0.06948919594287872 as:0.06557538360357285 :0.05879047140479088 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -Roosevelt:0.1648196130990982 and:0.16341832280158997 W.:0.019899286329746246 A.:0.01121352706104517 :0.40704795718193054 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.06804986298084259 and:0.04173671081662178 a:0.03215108811855316 him:0.022581985220313072 :0.09618467837572098 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -The:0.054724909365177155 and:0.05115656182169914 It:0.036915380507707596 In:0.034526072442531586 :0.1378265917301178 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -earned:0.036556437611579895 and:0.03562598302960396 active:0.029336033388972282 good:0.026753844693303108 :0.21397903561592102 -of:0.2230963408946991 for:0.10993173718452454 to:0.09641356766223907 and:0.0406065508723259 :0.035314105451107025 -of:0.33593830466270447 to:0.10985403507947922 for:0.08829142153263092 and:0.08749812841415405 :0.033126749098300934 -of:0.03127415105700493 and:0.01589454524219036 .:0.01528619509190321 to:0.014104236848652363 :0.37127217650413513 -of:0.41687342524528503 between:0.03825605660676956 to:0.033103957772254944 and:0.03256978839635849 :0.09143662452697754 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -a:0.14751461148262024 the:0.12374261766672134 it:0.04567049443721771 an:0.026676274836063385 :0.07802078872919083 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.14497587084770203 in:0.14286169409751892 and:0.09007630497217178 at:0.033404428511857986 :0.04598368704319 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.14455343782901764 where:0.040623489767313004 between:0.038061682134866714 in:0.0356627032160759 :0.1293235421180725 -the:0.22570937871932983 that:0.1733221411705017 a:0.06995558738708496 of:0.022368723526597023 :0.05126051604747772 -thence:0.5528303980827332 and:0.05230741947889328 the:0.024300644174218178 that:0.011108973063528538 :0.09917093068361282 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.2673693895339966 a:0.08601126819849014 the:0.06968367844820023 that:0.027635596692562103 :0.07080864906311035 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.1137123629450798 and:0.07687892019748688 not:0.03654560074210167 consideration:0.03327391296625137 :0.2586471438407898 -the:0.1396571844816208 it:0.08368446677923203 there:0.054241836071014404 we:0.030209509655833244 :0.05160810425877571 -The:0.08229899406433105 21.:0.042638737708330154 Inclusive,:0.029857128858566284 A:0.013012607581913471 :0.30164140462875366 -to:0.2593090832233429 a:0.09218484908342361 that:0.08860854804515839 the:0.0627724677324295 :0.0966452956199646 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -to:0.12049435824155807 and:0.0383751206099987 than:0.022096995264291763 in:0.021442629396915436 :0.11439574509859085 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.04298098012804985 one:0.04271060973405838 two:0.037807054817676544 three:0.02456761710345745 :0.16411034762859344 -and:0.05925567448139191 for:0.043986767530441284 the:0.0263223834335804 in:0.026171259582042694 :0.05852777510881424 -and:0.14721189439296722 who:0.05249747633934021 the:0.04269250109791756 but:0.030762821435928345 :0.11464283615350723 -and:0.13297946751117706 who:0.07623685896396637 the:0.03305559605360031 but:0.0325128510594368 :0.08063247799873352 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12694020569324493 was:0.043582215905189514 of:0.03969912603497505 is:0.03498281165957451 :0.0794408991932869 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.10880693793296814 was:0.06464556604623795 ls:0.03966529667377472 la:0.031754352152347565 :0.1764027178287506 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.17996393144130707 of:0.16981427371501923 in:0.14328844845294952 the:0.03379908204078674 :0.0439673587679863 -of:0.14497587084770203 in:0.14286169409751892 and:0.09007630497217178 at:0.033404428511857986 :0.04598368704319 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.06316037476062775 more:0.06229129433631897 as:0.04989323392510414 to:0.04015380144119263 :0.1596965789794922 -to:0.4102587103843689 of:0.14488250017166138 and:0.03375524654984474 in:0.027077924460172653 :0.043644100427627563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.30907928943634033 W:0.020784469321370125 C:0.015166928060352802 A:0.012823154218494892 :0.21508120000362396 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.20056390762329102 the:0.09295692294836044 in:0.08978622406721115 on:0.028515925630927086 :0.07293219119310379 -of:0.05159449949860573 the:0.039618149399757385 to:0.03011932596564293 in:0.021340738981962204 :0.20800873637199402 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4074952304363251 or:0.07487807422876358 and:0.04243630915880203 for:0.022222770377993584 :0.04799551144242287 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -ported:0.015230221673846245 -:0.012845451943576336 ceived:0.011994919739663601 the:0.009082532487809658 :0.4463033080101013 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.16891597211360931 a:0.1215568333864212 to:0.05827312171459198 us:0.038388896733522415 :0.08107347786426544 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.5772616267204285 at:0.06566954404115677 of:0.052070457488298416 were:0.03950789198279381 :0.03030819445848465 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -companies,:0.0796751081943512 company:0.06831156462430954 companies:0.054501671344041824 of:0.03740167245268822 :0.15168964862823486 -of:0.3280161917209625 in:0.07511463016271591 and:0.042629603296518326 is:0.034284211695194244 :0.04361054301261902 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.14325247704982758 a:0.05099470168352127 of:0.04986732825636864 that:0.020685950294137 :0.12066617608070374 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -been:0.08058908581733704 in:0.02501879446208477 made:0.019252197816967964 to:0.018198540434241295 :0.3237115144729614 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.1006554439663887 to:0.034610968083143234 valley,:0.021313989534974098 is:0.01882402040064335 :0.2415948212146759 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.29687342047691345 to:0.12714996933937073 the:0.126573845744133 by:0.08627044409513474 :0.04451197013258934 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.35995814204216003 and:0.06954953074455261 in:0.0550394132733345 is:0.025886010378599167 :0.06408713012933731 -to:0.2160356640815735 in:0.10661028325557709 the:0.0501101128757 out:0.03964996337890625 :0.06177177652716637 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -that:0.22528260946273804 a:0.10326142609119415 the:0.08731657266616821 in:0.05573296919465065 :0.04679013043642044 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.3217567205429077 have:0.08306805044412613 not:0.02450818568468094 bo:0.018155692145228386 :0.08178785443305969 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.27297070622444153 the:0.08579085022211075 what:0.06652095168828964 how:0.047202885150909424 :0.04845285788178444 -and:0.04074763506650925 to:0.03557520732283592 day:0.03014100342988968 time:0.019774211570620537 :0.1589614897966385 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.01314376201480627 sums:0.011426770128309727 black:0.009406228549778461 wooden:0.006431089714169502 :0.40225377678871155 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.22907158732414246 for:0.04231332615017891 the:0.04131532832980156 as:0.03263827785849571 :0.16693945229053497 -man:0.08607076108455658 lady:0.03618399426341057 men:0.03425515070557594 and:0.032232530415058136 :0.25705599784851074 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.2826501131057739 the:0.04607323184609413 which:0.03818366676568985 but:0.034980423748493195 :0.046032123267650604 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.2537390887737274 and:0.04797760769724846 that:0.03903402388095856 in:0.02849040925502777 :0.07568418234586716 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -and:0.23538897931575775 or:0.032793834805488586 but:0.030366243794560432 which:0.02847527526319027 :0.029933640733361244 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1802724003791809 the:0.041192419826984406 but:0.03994410112500191 as:0.031626906245946884 :0.06240846961736679 -to:0.09299120306968689 of:0.07938957959413528 and:0.05245117098093033 the:0.04695473238825798 :0.07857552915811539 -of:0.29133546352386475 and:0.10865822434425354 that:0.04116443917155266 was:0.026278218254446983 :0.07012268900871277 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4212554395198822 or:0.11417058110237122 and:0.06135847792029381 to:0.02466934733092785 :0.035684771835803986 -the:0.18052925169467926 a:0.12235523760318756 soon:0.0720716267824173 to:0.056043777614831924 :0.07303852587938309 -the:0.5595689415931702 tho:0.03461235389113426 a:0.02738848328590393 his:0.017285723239183426 :0.055420126765966415 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -The:0.19608011841773987 It:0.04402264207601547 A:0.034783586859703064 There:0.03391654044389725 :0.1052616611123085 -with:0.4299658238887787 by:0.07702226936817169 the:0.06837327778339386 and:0.03406394645571709 :0.07098608464002609 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.30907928943634033 W:0.020784469321370125 C:0.015166928060352802 A:0.012823154218494892 :0.21508120000362396 -by:0.12467847019433975 in:0.11750201135873795 the:0.08121537417173386 a:0.05889245495200157 :0.046763528138399124 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -of:0.20307928323745728 and:0.11791566759347916 in:0.03456147387623787 to:0.03019583784043789 :0.05356466397643089 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1619081050157547 in:0.048305630683898926 and:0.04624912142753601 market:0.027520084753632545 :0.09769920259714127 -for:0.08746783435344696 the:0.0782928392291069 upon:0.053862474858760834 a:0.05163034051656723 :0.0754866674542427 -in:0.4043310284614563 a:0.07295671850442886 the:0.054582346230745316 In:0.05380827933549881 :0.08323400467634201 -that:0.32516542077064514 of:0.2751297354698181 is:0.03715189918875694 was:0.0343804731965065 :0.018157141283154488 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -at:0.09428074955940247 in:0.07777231186628342 and:0.0647708997130394 of:0.0564899817109108 :0.08127086609601974 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -tempt:0.28071194887161255 tempted:0.08512367308139801 tended:0.07397929579019547 tack:0.039007969200611115 :0.297896146774292 -to:0.42862093448638916 by:0.29447701573371887 in:0.022749202325940132 the:0.019479526206851006 :0.01981920190155506 -in:0.22295914590358734 men:0.10970273613929749 men.:0.04215066879987717 the:0.03488124907016754 :0.051987387239933014 -be:0.08788910508155823 the:0.08548636734485626 a:0.05526406317949295 have:0.029012314975261688 :0.17740310728549957 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.044668328016996384 I:0.03783291578292847 It:0.029163293540477753 He:0.028444016352295876 :0.22007761895656586 -of:0.08875305950641632 in:0.08321627229452133 to:0.07552643865346909 were:0.05732569471001625 :0.09970784187316895 -and:0.23220185935497284 the:0.04723987728357315 but:0.04191038757562637 which:0.027385830879211426 :0.06774955987930298 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -the:0.21652759611606598 a:0.057185012847185135 their:0.014301182702183723 his:0.013723132200539112 :0.19880814850330353 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.17932632565498352 and:0.09367731958627701 rolls:0.0924706980586052 on:0.03260843828320503 :0.05834206938743591 -and:0.18825119733810425 or:0.04282820597290993 as:0.03540506586432457 the:0.023402469232678413 :0.05165192857384682 -is:0.07446284592151642 was:0.072821706533432 quiet;:0.053647879511117935 and:0.024947140365839005 :0.16257676482200623 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.207133486866951 they:0.09562363475561142 he:0.0936054065823555 it:0.04463839903473854 :0.0762997418642044 -of:0.09785239398479462 important:0.020495742559432983 difficult:0.011607902124524117 dangerous:0.009898709133267403 :0.29064807295799255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2948419451713562 in:0.13200993835926056 with:0.048418398946523666 her:0.02621973119676113 :0.08021894842386246 -and:0.24690842628479004 but:0.05252137407660484 the:0.03674799203872681 as:0.033850204199552536 :0.09640470147132874 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -name:0.01652987115085125 father:0.01460693683475256 wife:0.012967708520591259 first:0.00992235355079174 :0.29660022258758545 -containing:0.16188068687915802 and:0.10489778220653534 being:0.05333670973777771 the:0.04626263678073883 :0.1375582367181778 -night:0.04171675071120262 year:0.037758007645606995 year.:0.029282230883836746 year,:0.026110395789146423 :0.11887776851654053 -(6):0.2018011510372162 years:0.04181217402219772 months:0.03817526623606682 weeks:0.03624100610613823 :0.15671315789222717 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -than:0.24021674692630768 to:0.050845272839069366 and:0.04357952997088432 in:0.03453144058585167 :0.07886054366827011 -on:0.40775689482688904 upon:0.29661834239959717 the:0.03717201575636864 in:0.01298066321760416 :0.040430039167404175 -R:0.024136358872056007 B.:0.018924305215477943 H.:0.01673431135714054 E:0.01617094688117504 :0.39447206258773804 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.05236238241195679 number:0.0468994565308094 amount:0.028084835037589073 as:0.025021644309163094 :0.23513855040073395 -and:0.13809335231781006 was:0.0914335697889328 of:0.04555446654558182 house:0.031152108684182167 :0.14967750012874603 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -party:0.29572075605392456 party,:0.04006832838058472 party.:0.02992134541273117 leaders:0.01979604735970497 :0.09786585718393326 -cept:0.05201881378889084 pected:0.04062062129378319 penses:0.023408958688378334 perience:0.014684257097542286 :0.6337358355522156 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -the:0.44452470541000366 them:0.03702633082866669 those:0.030101561918854713 other:0.024286722764372826 :0.06483293324708939 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -on:0.48727768659591675 the:0.02538912743330002 thereon:0.021989868953824043 upon:0.018357321619987488 :0.08205921947956085 -the:0.1117670089006424 their:0.07644818723201752 a:0.053992900997400284 his:0.051087137311697006 :0.11496371775865555 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -.:0.03562163934111595 and:0.027904510498046875 to:0.027766231447458267 of:0.02243512123823166 :0.4047017991542816 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.10394231975078583 in:0.050145912915468216 by:0.03537788242101669 the:0.028853127732872963 :0.14744025468826294 -and:0.16254785656929016 but:0.038539160043001175 to:0.02928880602121353 I:0.025612320750951767 :0.13909590244293213 -of:0.17951346933841705 in:0.05547761544585228 and:0.05278526991605759 was:0.041504837572574615 :0.11187346279621124 -and:0.26664620637893677 but:0.05538904666900635 the:0.04120286554098129 as:0.021840373054146767 :0.07661250978708267 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.3088078498840332 of:0.22676965594291687 and:0.05218513309955597 was:0.03787052631378174 :0.03272708132863045 -that:0.5404897928237915 of:0.042857442051172256 is:0.027597501873970032 the:0.018603892996907234 :0.025010377168655396 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.09283730387687683 the:0.08938390016555786 a:0.07682307809591293 in:0.03980674222111702 :0.05560992658138275 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.11884143203496933 in:0.10337566584348679 a:0.060064155608415604 by:0.04394328594207764 :0.10384660959243774 -a:0.12696924805641174 the:0.042668454349040985 an:0.019048355519771576 in:0.01401682198047638 :0.21491344273090363 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.1683485209941864 who:0.09899388253688812 but:0.05440262705087662 the:0.025637201964855194 :0.07908035814762115 -that:0.29726341366767883 and:0.18360647559165955 the:0.032036520540714264 but:0.02976476587355137 :0.04714713990688324 -and:0.13189728558063507 but:0.052730392664670944 the:0.02548830769956112 it:0.023525895550847054 :0.10656476020812988 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.035953834652900696 water:0.033533088862895966 the:0.03321840986609459 as:0.03020704910159111 :0.2069866806268692 -was:0.1199399083852768 had:0.09387841820716858 has:0.042880017310380936 is:0.035394374281167984 :0.10805658996105194 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -to:0.4722057580947876 for:0.09833849221467972 in:0.03134508430957794 that:0.022161534056067467 :0.0972447395324707 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -3,:0.059388935565948486 1,:0.044763632118701935 31,:0.02159113623201847 4,:0.01772907003760338 :0.2628622353076935 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -than:0.11550402641296387 part:0.09125965088605881 portion:0.03979905694723129 number:0.02017383649945259 :0.13197208940982819 -of:0.27828434109687805 to:0.07470525056123734 and:0.04529987648129463 in:0.03646295517683029 :0.05128040537238121 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.11299528181552887 of:0.07643944770097733 in:0.04348042979836464 to:0.03144196793437004 :0.10110490769147873 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -to:0.15192344784736633 that:0.09547695517539978 of:0.07342205941677094 is:0.047994427382946014 :0.04809493571519852 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -to:0.6454043984413147 the:0.03704651817679405 a:0.016056692227721214 with:0.01558027882128954 :0.06504684686660767 -of:0.12193337082862854 after:0.11245086789131165 before:0.04345369711518288 and:0.043405842036008835 :0.07516973465681076 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -Block:0.3400426208972931 the:0.045561958104372025 a:0.01403086632490158 block:0.013974332250654697 :0.22696828842163086 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -was:0.08393397927284241 had:0.06523281335830688 has:0.034160416573286057 would:0.027467429637908936 :0.17044216394424438 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.06316037476062775 more:0.06229129433631897 as:0.04989323392510414 to:0.04015380144119263 :0.1596965789794922 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -Jury:0.10324651747941971 Army:0.07126016914844513 Lodge:0.04032067209482193 Rapids:0.030083507299423218 :0.47064247727394104 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.02279348112642765 of:0.012669960968196392 a:0.01022688951343298 .:0.009398240596055984 :0.3351995348930359 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -.:0.1979600489139557 .,:0.021332433447241783 .;:0.01872205175459385 and:0.009969104081392288 :0.2619868516921997 -of:0.2102811485528946 the:0.14620554447174072 and:0.05076942592859268 on:0.02976357191801071 :0.029564671218395233 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -who:0.12407079339027405 of:0.08138538151979446 and:0.06571182608604431 in:0.05156034603714943 :0.07582911103963852 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.09137800335884094 a:0.06495695561170578 out:0.0442117303609848 up:0.04137275367975235 :0.1022273525595665 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -a:0.08822359889745712 to:0.06993712484836578 the:0.0686417669057846 up:0.03832249343395233 :0.08951593190431595 -the:0.041483450680971146 got:0.021614527329802513 decided:0.018361391499638557 to:0.014686969108879566 :0.2128838747739792 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.11814046651124954 in:0.06877363473176956 and:0.06158752739429474 of:0.04345666244626045 :0.07742366939783096 -.:0.1613537073135376 to:0.01900886744260788 in:0.010561729781329632 a:0.010114830918610096 :0.3361295163631439 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.41687342524528503 between:0.03825605660676956 to:0.033103957772254944 and:0.03256978839635849 :0.09143662452697754 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -of:0.7191478610038757 that:0.0474146232008934 ot:0.021625511348247528 and:0.010632127523422241 :0.019802667200565338 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -The:0.20903979241847992 He:0.049358028918504715 It:0.03983701020479202 Mr.:0.030176963657140732 :0.10881339758634567 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.42176511883735657 from:0.05487050861120224 for:0.05177052319049835 of:0.04528714716434479 :0.04066096618771553 -the:0.3451695740222931 into:0.10287494957447052 upon:0.06840229034423828 a:0.04828611761331558 :0.09225036948919296 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.02775207720696926 news:0.014825236052274704 styles:0.008233269676566124 to:0.00692293606698513 :0.3094537854194641 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -cent:0.2230542153120041 cent,:0.1211099848151207 cent.:0.07385829836130142 annum,:0.02711872011423111 :0.157860666513443 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -interest:0.009864050894975662 gratitude:0.009842541068792343 credit,:0.008949436247348785 way:0.008212331682443619 :0.3013765513896942 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.15854068100452423 to:0.11246845126152039 and:0.04734793305397034 was:0.03911605104804039 :0.04624313861131668 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -right:0.005761114880442619 said:0.005332364700734615 home:0.004517450928688049 day:0.004345977213233709 :0.6156472563743591 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.07608730345964432 been:0.0508757047355175 to:0.03479431942105293 it:0.03424674645066261 :0.12359566986560822 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.010894270613789558 United:0.008834674954414368 last:0.006410864181816578 first:0.006311440374702215 :0.2543739676475525 -much:0.14333897829055786 many:0.03466739505529404 late.:0.025848792865872383 far:0.025535600259900093 :0.14510856568813324 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -and:0.09758930653333664 to:0.033485785126686096 than:0.030046623200178146 for:0.02495731972157955 :0.1822032332420349 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.36295080184936523 and:0.04360893368721008 in:0.025834064930677414 were:0.024683356285095215 :0.04548907279968262 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -to:0.49567902088165283 in:0.045096222311258316 for:0.03921481966972351 only:0.029874203726649284 :0.029834741726517677 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.13022162020206451 who:0.032734353095293045 the:0.03247634321451187 at:0.02216922491788864 :0.1601559966802597 -and:0.15258806943893433 was:0.03930313140153885 of:0.03733678162097931 in:0.029150256887078285 :0.13851040601730347 -of:0.14760421216487885 line:0.0607348307967186 side:0.05778290703892708 by:0.033470578491687775 :0.1717115044593811 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -to:0.17071129381656647 for:0.02696828916668892 report:0.023749392479658127 weather:0.021188968792557716 :0.11537923663854599 -to:0.24140645563602448 of:0.08127612620592117 and:0.06093951314687729 the:0.03275790438055992 :0.05774327367544174 -canal:0.304404616355896 Canal:0.14114375412464142 and:0.03653721138834953 route:0.025127217173576355 :0.09215009212493896 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.21376587450504303 but:0.05649888888001442 to:0.03285473212599754 as:0.031201353296637535 :0.08258532732725143 -of:0.39121973514556885 and:0.1438758671283722 or:0.06972513347864151 to:0.01834557019174099 :0.024288466200232506 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.15588100254535675 It:0.04055264964699745 There:0.04031899571418762 A:0.03961049020290375 :0.1170797348022461 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.23979175090789795 a:0.031034329906105995 tho:0.022321950644254684 this:0.019696947187185287 :0.22795014083385468 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -the:0.207133486866951 they:0.09562363475561142 he:0.0936054065823555 it:0.04463839903473854 :0.0762997418642044 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -sonal:0.12614981830120087 sons:0.09981003403663635 fect:0.058169279247522354 fectly:0.055975060909986496 :0.35512062907218933 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.16014093160629272 shall:0.06468995660543442 the:0.053209736943244934 or:0.04731021821498871 :0.05179338902235031 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.10611790418624878 that:0.047085050493478775 in:0.026503050699830055 the:0.021478909999132156 :0.19004976749420166 -name:0.01652987115085125 father:0.01460693683475256 wife:0.012967708520591259 first:0.00992235355079174 :0.29660022258758545 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -tack:0.10676229000091553 tempt:0.09697066992521286 tention:0.06621547043323517 tached:0.04280566796660423 :0.4109724164009094 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.05753524228930473 distribution:0.03491511568427086 basis,:0.03309740498661995 rights:0.03225637599825859 :0.10169278085231781 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -of:0.266594797372818 and:0.04833652451634407 is:0.04411793872714043 to:0.04331791773438454 :0.06588497012853622 -tirely:0.10133197158575058 tered:0.0526694692671299 listed:0.02891162969172001 gaged:0.02440042421221733 :0.6126540303230286 -of:0.27831315994262695 a:0.04240841418504715 people:0.023674411699175835 men:0.021199770271778107 :0.1358155608177185 -to:0.18199828267097473 and:0.08013910055160522 of:0.06443885713815689 on:0.030298350378870964 :0.11488573253154755 -of:0.19266845285892487 and:0.08411974459886551 was:0.04970937222242355 to:0.03172864392399788 :0.094519704580307 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -the:0.020137004554271698 of:0.01950620673596859 is:0.018718335777521133 a:0.014140231534838676 :0.31716296076774597 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -ers:0.165880024433136 er:0.15030395984649658 der:0.0682537779211998 er.:0.02452791854739189 :0.40220242738723755 -ago:0.12396024912595749 of:0.11536110192537308 ago.:0.0523359440267086 ago,:0.05031469464302063 :0.06862995773553848 -The:0.15312232077121735 It:0.039310816675424576 He:0.025431441143155098 In:0.024086376652121544 :0.29804688692092896 -and:0.08222077786922455 that:0.08049468696117401 of:0.06272981315851212 for:0.05302389711141586 :0.06559636443853378 -is:0.10303271561861038 the:0.06430774927139282 he:0.0539449080824852 they:0.05261162295937538 :0.07537786662578583 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.17719285190105438 a:0.08963824808597565 instance,:0.03405424952507019 this:0.03235090151429176 :0.16912101209163666 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.15571995079517365 years:0.031163092702627182 other:0.024284161627292633 a:0.021334944292902946 :0.18804705142974854 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -o'clock:0.1258176863193512 .:0.057054076343774796 to:0.04522513225674629 and:0.032900698482990265 :0.2672850787639618 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.04074763506650925 to:0.03557520732283592 day:0.03014100342988968 time:0.019774211570620537 :0.1589614897966385 -Britain:0.25278133153915405 Britain,:0.17703618109226227 Northern:0.08917730301618576 Falls:0.02439987100660801 :0.26968932151794434 -and:0.20862381160259247 but:0.0402337945997715 the:0.04015364125370979 which:0.028556039556860924 :0.08236384391784668 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.1770935207605362 above:0.0834425538778305 of:0.08211614936590195 in:0.04307474568486214 :0.07087589800357819 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.10416775941848755 the:0.057384248822927475 in:0.048707254230976105 of:0.03970916196703911 :0.09983043372631073 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -States:0.5249002575874329 States,:0.14538247883319855 States.:0.12097357958555222 States;:0.017308538779616356 :0.12549808621406555 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -hich:0.057510774582624435 ith:0.05582921579480171 ill:0.0469384528696537 hole:0.025882527232170105 :0.37805095314979553 -the:0.27985045313835144 he:0.04185454919934273 been:0.04107678309082985 I:0.029706431552767754 :0.12941047549247742 -and:0.06228470429778099 Tribune.:0.03580726683139801 City:0.03080337680876255 to:0.02098824642598629 :0.14723525941371918 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -times,:0.026525240391492844 times:0.020622260868549347 civilization.:0.01902339980006218 times.:0.018529493361711502 :0.2990424335002899 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -be:0.3217567205429077 have:0.08306805044412613 not:0.02450818568468094 bo:0.018155692145228386 :0.08178785443305969 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -in:0.0875076875090599 the:0.06762214750051498 up:0.06661771982908249 on:0.05827484652400017 :0.0542076975107193 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -country:0.010576732456684113 great:0.0058378721587359905 same:0.005244828294962645 the:0.00454690121114254 :0.2865827679634094 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.22907975316047668 the:0.05796613171696663 in:0.053426116704940796 for:0.02777310647070408 :0.14858926832675934 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.06542141735553741 Railroad:0.05014750361442566 Labor:0.02820650488138199 Pacific:0.017980771139264107 :0.32068517804145813 -and:0.08840736746788025 of:0.08669278025627136 that:0.08325349539518356 to:0.07236527651548386 :0.05920549854636192 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -e:0.011873014271259308 the:0.008178193122148514 other:0.0054146661423146725 .:0.005412180908024311 :0.24802495539188385 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.09061796963214874 boy.:0.036787018179893494 and:0.03478582948446274 who:0.031182710081338882 :0.22594325244426727 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -the:0.01703517511487007 and:0.01239493116736412 I:0.01156548410654068 .:0.009566284716129303 :0.4655623733997345 -of:0.30490413308143616 a:0.08861035108566284 and:0.0702599585056305 the:0.06521826982498169 :0.04706863686442375 -and:0.04287917539477348 but:0.018012074753642082 the:0.016670532524585724 that:0.01547205075621605 :0.1833437830209732 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.10303271561861038 the:0.06430774927139282 he:0.0539449080824852 they:0.05261162295937538 :0.07537786662578583 -cents:0.0915168821811676 per:0.07276799529790878 @:0.05772474780678749 links:0.04096536710858345 :0.19431279599666595 -erty:0.35353952646255493 erly:0.029307011514902115 of:0.02904590591788292 er:0.021478408947587013 :0.26505619287490845 -of:0.1813187152147293 and:0.06743895262479782 line:0.05595722794532776 side:0.03939647972583771 :0.20396050810813904 -John:0.023180294781923294 J:0.020701322704553604 W.:0.02034001052379608 Henry:0.019465463235974312 :0.3680909276008606 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -years:0.0784083902835846 or:0.044089969247579575 hundred:0.028000427410006523 successive:0.024910900741815567 :0.16574934124946594 -have:0.11768656224012375 are:0.09226855635643005 were:0.03430884703993797 had:0.03061225824058056 :0.0752384215593338 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -of:0.08011504262685776 and:0.046021025627851486 in:0.018287820741534233 for:0.013421242125332355 :0.14930705726146698 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.2611105144023895 are:0.16385239362716675 was:0.13630259037017822 were:0.08566633611917496 :0.03625030443072319 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -and:0.21372312307357788 the:0.0948997288942337 but:0.05120972916483879 that:0.035681258887052536 :0.0562150701880455 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -and:0.05358007550239563 man:0.05287296324968338 men:0.03441380709409714 oak:0.019308483228087425 :0.3487381637096405 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.0650552362203598 in:0.04962833225727081 is:0.033417120575904846 to:0.03271962329745293 :0.10478051006793976 -the:0.13661442697048187 in:0.037495020776987076 their:0.026795268058776855 and:0.01718640699982643 :0.12916132807731628 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.06322209537029266 a:0.0242884773761034 to:0.02155732363462448 he:0.018249301239848137 :0.17012540996074677 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -Jury:0.10324651747941971 Army:0.07126016914844513 Lodge:0.04032067209482193 Rapids:0.030083507299423218 :0.47064247727394104 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15524160861968994 a:0.08469796180725098 up:0.03953614458441734 care:0.03166709840297699 :0.08760204911231995 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -box:0.10037761926651001 box,:0.07434740662574768 and:0.04273282364010811 box.:0.042663294821977615 :0.05535058304667473 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -line:0.4383673369884491 of:0.30371710658073425 and:0.01591287925839424 in:0.008763948455452919 :0.064212866127491 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -own:0.0155057143419981 a:0.006148762535303831 of:0.005173648241907358 way:0.004715119022876024 :0.4694598317146301 -to:0.06308411061763763 and:0.03721331059932709 for:0.018254010006785393 time:0.013684521429240704 :0.23142006993293762 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -most:0.027487464249134064 same:0.006991641595959663 said:0.0044545577839016914 fact:0.004446476697921753 :0.38810795545578003 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.45011481642723083 to:0.2007545381784439 of,:0.1307377815246582 of.:0.07357669621706009 :0.013894114643335342 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.39160656929016113 and:0.103726327419281 the:0.04020744562149048 to:0.023859601467847824 :0.02660529315471649 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -sidered:0.05358861759305 ducted:0.039241090416908264 ditions:0.0322430282831192 tained:0.03160805627703667 :0.4803686738014221 -south:0.12703150510787964 north:0.12162792682647705 with:0.05615686997771263 along:0.052328187972307205 :0.1148146316409111 -and:0.14455343782901764 where:0.040623489767313004 between:0.038061682134866714 in:0.0356627032160759 :0.1293235421180725 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.5237258076667786 and:0.050254158675670624 for:0.023246219381690025 to:0.0183876845985651 :0.04917042329907417 -Assembly:0.08038734644651413 of:0.03058595582842827 and:0.018435105681419373 Lee:0.012138079851865768 :0.5070641040802002 -the:0.207133486866951 they:0.09562363475561142 he:0.0936054065823555 it:0.04463839903473854 :0.0762997418642044 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -J:0.06439786404371262 J.:0.052012454718351364 Mr.:0.043516259640455246 Dr.:0.037357453256845474 :0.09614580869674683 -face:0.13253800570964813 rounded:0.1272388994693756 prise:0.040912095457315445 plus:0.025507042184472084 :0.47609978914260864 -.:0.3722747266292572 he:0.021535983309149742 have:0.010816426947712898 .,:0.010439991019666195 :0.22907790541648865 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -the:0.07941446453332901 a:0.017263611778616905 that:0.013900193385779858 to:0.012997212819755077 :0.25055569410324097 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.10825265198945999 and:0.054943282157182693 before:0.0289095900952816 enough:0.026509786024689674 :0.17240241169929504 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -is:0.15476280450820923 was:0.07918627560138702 Is:0.02305437996983528 will:0.019818386062979698 :0.11869658529758453 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -feet:0.15526369214057922 miles:0.028805959969758987 acres:0.02242550626397133 of:0.021553361788392067 :0.31278491020202637 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.21909978985786438 and:0.09383351355791092 are:0.06940631568431854 of:0.0558418408036232 :0.03892695531249046 -of:0.2373225837945938 and:0.20109176635742188 that:0.0519050732254982 to:0.03432789444923401 :0.0480072982609272 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -of:0.3490583598613739 and:0.05989668145775795 to:0.03857668861746788 are:0.03718283772468567 :0.03159507364034653 -to:0.6864590048789978 and:0.03596794605255127 in:0.010315865278244019 for:0.009721056558191776 :0.07842718809843063 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -up:0.058813583105802536 and:0.03840426355600357 in:0.023191401734948158 out:0.01987132802605629 :0.1143767312169075 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -the:0.09037206321954727 a:0.02391946315765381 that:0.012417576275765896 in:0.009440101683139801 :0.2461915910243988 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -the:0.5155709385871887 a:0.07014094293117523 his:0.025860702618956566 their:0.02112688682973385 :0.06867830455303192 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -a:0.0899466723203659 the:0.07284276932477951 any:0.06332673877477646 being:0.01404645573347807 :0.24706797301769257 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.056439515203237534 of:0.05189945176243782 in:0.038383424282073975 sides:0.022368621081113815 :0.18085162341594696 -of:0.22841104865074158 was:0.05595222860574722 and:0.048414673656225204 in:0.0297373216599226 :0.08855199813842773 -south:0.12703150510787964 north:0.12162792682647705 with:0.05615686997771263 along:0.052328187972307205 :0.1148146316409111 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.16947023570537567 which:0.057624734938144684 the:0.03364720195531845 in:0.02382282353937626 :0.10907799005508423 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -with:0.12243170291185379 of:0.08831192553043365 and:0.05146302655339241 in:0.04803382232785225 :0.08284661173820496 -in:0.06166374310851097 are:0.05844670906662941 who:0.05221707746386528 to:0.043672338128089905 :0.06463003903627396 -a:0.0899466723203659 the:0.07284276932477951 any:0.06332673877477646 being:0.01404645573347807 :0.24706797301769257 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -of:0.5077712535858154 to:0.06394913047552109 due:0.026102503761649132 claimed:0.015018803998827934 :0.03458837419748306 -the:0.1947723925113678 March:0.1090630441904068 October:0.1051512211561203 January:0.046415138989686966 :0.14726103842258453 -The:0.12061150372028351 He:0.05196566507220268 It:0.04507438465952873 I:0.026862984523177147 :0.18477728962898254 -Jury:0.10324651747941971 Army:0.07126016914844513 Lodge:0.04032067209482193 Rapids:0.030083507299423218 :0.47064247727394104 -of:0.6081460118293762 to:0.020208319649100304 not:0.018071455880999565 ot:0.015339093282818794 :0.05228670313954353 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -pared:0.12224385142326355 sent:0.08540045469999313 sented:0.04309030622243881 serve:0.023724928498268127 :0.5020738244056702 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -of:0.15668198466300964 and:0.06417026370763779 are:0.04390367493033409 which:0.03029288351535797 :0.030150406062602997 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -south:0.12703150510787964 north:0.12162792682647705 with:0.05615686997771263 along:0.052328187972307205 :0.1148146316409111 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -time:0.049762461334466934 as:0.030612975358963013 to:0.02215949445962906 manner:0.01835881732404232 :0.13590042293071747 -of:0.5001258850097656 a:0.06215974688529968 and:0.05281704291701317 the:0.05154924467206001 :0.03427458181977272 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.2816278338432312 to:0.18582305312156677 and:0.06173652783036232 in:0.040058523416519165 :0.044421058148145676 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.07040094584226608 that:0.017292702570557594 to:0.016059113666415215 a:0.014587176963686943 :0.2972695231437683 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.20591773092746735 but:0.06214812025427818 the:0.026213577017188072 as:0.025386543944478035 :0.08680951595306396 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -of:0.24059070646762848 and:0.07704569399356842 is:0.0399668887257576 was:0.034544289112091064 :0.04901697486639023 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.11176156252622604 and:0.07035183161497116 in:0.03391481190919876 were:0.030311210080981255 :0.13917276263237 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -to:0.1318817287683487 the:0.09446574002504349 and:0.08023318648338318 for:0.02952084131538868 :0.13902458548545837 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -quarter:0.3483019471168518 corner:0.1452684998512268 of:0.08811358362436295 quarter,:0.02956051006913185 :0.09341850131750107 -and:0.1223050057888031 the:0.015087765641510487 to:0.011038408614695072 at:0.010758744552731514 :0.3818160593509674 -THE:0.08084513992071152 SALE:0.02221984602510929 and:0.004412961192429066 The:0.00402340991422534 :0.8163068890571594 -into:0.2671791613101959 among:0.08551221340894699 Into:0.052311211824417114 between:0.04220139607787132 :0.039931442588567734 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -a:0.18928812444210052 as:0.06435497850179672 an:0.034082747995853424 clear:0.012005070224404335 :0.21377822756767273 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -far:0.0603245347738266 the:0.021929031237959862 be:0.013097374700009823 to:0.012695294804871082 :0.24385406076908112 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.12503200769424438 It:0.056869786232709885 He:0.045862190425395966 This:0.028924619778990746 :0.12574134767055511 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -and:0.0972272977232933 is:0.03136909380555153 to:0.028988493606448174 of:0.026227397844195366 :0.3023509085178375 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -who:0.308531790971756 of:0.0703386664390564 in:0.021768072620034218 that:0.01657738909125328 :0.1333772838115692 -to:0.430428683757782 by:0.145365372300148 that:0.048805877566337585 in:0.022378023713827133 :0.019050266593694687 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -the:0.2099827229976654 and:0.03612058237195015 up:0.024774322286248207 their:0.024534836411476135 :0.024232167750597 -The:0.13541969656944275 This:0.039875466376543045 A:0.03233988955616951 There:0.027145300060510635 :0.171062171459198 -and:0.06764881312847137 in:0.0659429132938385 with:0.04555866867303848 on:0.0392061248421669 :0.06397557258605957 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -years:0.05945746600627899 and:0.03547212854027748 hundred:0.03240545094013214 of:0.02937730774283409 :0.33224377036094666 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1088213175535202 it:0.053892042487859726 the:0.05335839092731476 he:0.037503380328416824 :0.033510010689496994 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.2660236060619354 at:0.06350257247686386 and:0.06241749972105026 were:0.0376645028591156 :0.11214900016784668 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.03420783206820488 to:0.013145451433956623 .:0.012639174237847328 and:0.012218286283314228 :0.3456663489341736 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -be:0.3217567205429077 have:0.08306805044412613 not:0.02450818568468094 bo:0.018155692145228386 :0.08178785443305969 -of:0.17366346716880798 the:0.14694787561893463 they:0.0568665936589241 it:0.04809395968914032 :0.04220046103000641 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -to:0.04820656031370163 the:0.0450657419860363 in:0.04202306270599365 by:0.03177101910114288 :0.13814684748649597 -J:0.06439786404371262 J.:0.052012454718351364 Mr.:0.043516259640455246 Dr.:0.037357453256845474 :0.09614580869674683 -to:0.5173863172531128 the:0.036991044878959656 a:0.021082179620862007 by:0.014541910961270332 :0.08242302387952805 -to:0.44959160685539246 by:0.12306750565767288 that:0.03841948136687279 in:0.025157839059829712 :0.027575330808758736 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -of:0.08279070258140564 to:0.03428015112876892 and:0.02874119207262993 interests:0.020510505884885788 :0.1555841863155365 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.0703696608543396 a:0.06365428864955902 to:0.06205326318740845 well:0.03973861783742905 :0.10053952038288116 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.5134949088096619 Bay,:0.03490417078137398 Railroad:0.01613672263920307 Bay:0.014762597158551216 :0.11318142712116241 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -to:0.028832511976361275 and:0.024243777617812157 in:0.00784207507967949 death.:0.00769469141960144 :0.41122448444366455 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ago:0.12396024912595749 of:0.11536110192537308 ago.:0.0523359440267086 ago,:0.05031469464302063 :0.06862995773553848 -importance:0.055336225777864456 organs:0.04906558617949486 to:0.032635219395160675 and:0.019854893907904625 :0.2753141224384308 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.048125576227903366 he:0.03136133775115013 I:0.031312234699726105 a:0.016205109655857086 :0.26510295271873474 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.207133486866951 they:0.09562363475561142 he:0.0936054065823555 it:0.04463839903473854 :0.0762997418642044 -00:0.08320736885070801 30:0.08059559762477875 15:0.05316315218806267 40:0.04783189296722412 :0.09633040428161621 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -Carolina:0.10866396129131317 Dakota:0.07278911024332047 Dakota,:0.06649437546730042 and:0.05164346471428871 :0.22069381177425385 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -years:0.0784083902835846 or:0.044089969247579575 hundred:0.028000427410006523 successive:0.024910900741815567 :0.16574934124946594 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -upon:0.33270731568336487 on:0.26161959767341614 in:0.03043217398226261 at:0.02723778784275055 :0.03532465919852257 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.5285189151763916 for:0.07826908677816391 of:0.03545813262462616 in:0.02486705593764782 :0.05126749724149704 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -one:0.052963726222515106 man:0.02280638925731182 day:0.022091107442975044 other:0.014896808192133904 :0.22217898070812225 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -of:0.30652132630348206 and:0.06897982954978943 is:0.043553516268730164 in:0.04109807312488556 :0.05132972449064255 -the:0.2758026123046875 this:0.07061681151390076 a:0.042534295469522476 that:0.02658023126423359 :0.14110659062862396 -ment:0.516045331954956 ments:0.17272666096687317 mental:0.04995216429233551 ments,:0.04652023687958717 :0.08276670426130295 -to:0.042543116956949234 and:0.037128251045942307 of:0.025322020053863525 in:0.018873192369937897 :0.2991129159927368 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.11437944322824478 of:0.06800469011068344 at:0.04793515056371689 was:0.04201540723443031 :0.22445358335971832 -of:0.4074952304363251 or:0.07487807422876358 and:0.04243630915880203 for:0.022222770377993584 :0.04799551144242287 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12727153301239014 to:0.045999132096767426 in:0.021935196593403816 with:0.02041202038526535 :0.17755500972270966 -and:0.0715341567993164 to:0.017476215958595276 bullion:0.017306776717305183 the:0.013339325785636902 :0.28832265734672546 -and:0.27793461084365845 the:0.042660411447286606 as:0.02329850196838379 but:0.021982045844197273 :0.09570567309856415 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -that:0.04139982908964157 the:0.031056195497512817 and:0.028521185740828514 is:0.02708393521606922 :0.19702546298503876 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.15189968049526215 the:0.032241761684417725 in:0.023640811443328857 who:0.020931541919708252 :0.09110314399003983 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.05650736764073372 a:0.05523715913295746 room:0.045066192746162415 of:0.0388348326086998 :0.047684166580438614 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -the:0.22907604277133942 section:0.05674265697598457 year.:0.03821095824241638 year:0.0359065905213356 :0.07682117819786072 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10597696155309677 I:0.07051035016775131 it:0.04307491332292557 what:0.0314781591296196 :0.053334470838308334 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -of:0.16978515684604645 line:0.07059624791145325 quarter:0.05792009457945824 side:0.050644174218177795 :0.12782599031925201 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.09016934037208557 and:0.06070533022284508 is:0.034506916999816895 was:0.02004973031580448 :0.13217076659202576 -south:0.12703150510787964 north:0.12162792682647705 with:0.05615686997771263 along:0.052328187972307205 :0.1148146316409111 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.16481320559978485 in:0.045233212411403656 where:0.03048265166580677 but:0.025351207703351974 :0.09396381676197052 -are:0.14767664670944214 were:0.09226115792989731 have:0.08225135505199432 will:0.04126095399260521 :0.08120933920145035 -the:0.17153945565223694 he:0.08178313821554184 it:0.04911653697490692 they:0.04513776674866676 :0.14416004717350006 -the:0.13534265756607056 he:0.12623554468154907 they:0.06698688864707947 I:0.0471423976123333 :0.09093718975782394 -and:0.005802389699965715 dose:0.004186766687780619 to:0.004104129504412413 use:0.0037716238293796778 :0.49112457036972046 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.07711730897426605 and:0.07086002081632614 to:0.06064783036708832 was:0.03951596841216087 :0.08708735555410385 -the:0.02706674300134182 hour:0.010189943946897984 act:0.007559874560683966 old:0.007049968931823969 :0.5493795275688171 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.23102736473083496 the:0.03682614490389824 but:0.026046842336654663 who:0.022851737216114998 :0.07876687496900558 -of:0.2673279941082001 in:0.05055373162031174 or:0.049483541399240494 is:0.04812273383140564 :0.0399865061044693 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.19443851709365845 his:0.12911094725131989 their:0.08117455244064331 her:0.058479439467191696 :0.028928322717547417 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -The:0.13937650620937347 It:0.04150648042559624 There:0.02256181836128235 A:0.020625432953238487 :0.24044810235500336 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.10653825104236603 and:0.07547571510076523 in:0.05597320944070816 as:0.041333701461553574 :0.07960792630910873 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -ized:0.21837873756885529 and:0.003183248220011592 the:0.0013201344991102815 I:0.0013108152197673917 :0.734347403049469 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.06543111056089401 of:0.06139712035655975 in:0.04465364292263985 is:0.033050019294023514 :0.11208674311637878 -The:0.1111161932349205 He:0.06366496533155441 I:0.032517675310373306 A:0.0317116305232048 :0.12318375706672668 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -be:0.10312244296073914 get:0.054000869393348694 do:0.03223719820380211 help:0.03206225112080574 :0.07919606566429138 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -as:0.2651868164539337 from:0.0762321949005127 beyond:0.0325518436729908 more:0.031949158757925034 :0.0632418766617775 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.22216682136058807 the:0.058730680495500565 but:0.055306289345026016 which:0.05167171359062195 :0.08950591087341309 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -thence:0.5442114472389221 and:0.026371479034423828 thenco:0.021449092775583267 the:0.020905761048197746 :0.10310602933168411 -a:0.027395861223340034 the:0.022504489868879318 made:0.0182606503367424 no:0.008585826493799686 :0.2783674895763397 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.16001053154468536 after:0.048565689474344254 before:0.03934324160218239 and:0.0389828085899353 :0.06961207836866379 -and:0.06228470429778099 Tribune.:0.03580726683139801 City:0.03080337680876255 to:0.02098824642598629 :0.14723525941371918 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -of:0.29436078667640686 and:0.07832171767950058 in:0.033362239599227905 to:0.02818533405661583 :0.08726955205202103 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.12662410736083984 open:0.030581973493099213 in:0.022207997739315033 range:0.02112598530948162 :0.20412573218345642 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.027377452701330185 .:0.013190691359341145 and:0.009683377109467983 to:0.0088729253038764 :0.4881405830383301 -of:0.17512597143650055 and:0.06543318182229996 in:0.04243888705968857 to:0.034536972641944885 :0.10850237309932709 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.04400823637843132 the:0.032443560659885406 made:0.01650260202586651 no:0.015315092168748379 :0.2852921485900879 -and:0.06593362241983414 of:0.05170857906341553 rate:0.03848985582590103 as:0.024098984897136688 :0.11932337284088135 -and:0.09150638431310654 who:0.0820850282907486 the:0.03956852853298187 with:0.02036331593990326 :0.130899578332901 -of:0.4163845181465149 Court:0.15494266152381897 No.:0.03225182741880417 Attorney:0.026617353782057762 :0.0960589349269867 -and:0.14138051867485046 in:0.032282162457704544 the:0.027221571654081345 where:0.023329798132181168 :0.16862305998802185 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.194358229637146 and:0.09664091467857361 are:0.06684532016515732 were:0.0618780255317688 :0.05019237846136093 -from:0.22602826356887817 to:0.04568076506257057 is:0.04003394767642021 and:0.036821432411670685 :0.03283769637346268 -of:0.3731953501701355 and:0.08267664164304733 is:0.05085589736700058 in:0.049973808228969574 :0.039195965975522995 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -is:0.2611105144023895 are:0.16385239362716675 was:0.13630259037017822 were:0.08566633611917496 :0.03625030443072319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.24755455553531647 in:0.09050209075212479 and:0.05984499305486679 who:0.04190235212445259 :0.059096693992614746 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2253144085407257 and:0.04319308325648308 in:0.03928505629301071 to:0.023792464286088943 :0.12348412722349167 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -in:0.1129763126373291 that:0.10810033231973648 the:0.0824112817645073 a:0.06360829621553421 :0.07629287987947464 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.3019680082798004 for:0.14922307431697845 by:0.10808699578046799 and:0.04155449569225311 :0.03076075203716755 -who:0.12407079339027405 of:0.08138538151979446 and:0.06571182608604431 in:0.05156034603714943 :0.07582911103963852 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -one:0.052963726222515106 man:0.02280638925731182 day:0.022091107442975044 other:0.014896808192133904 :0.22217898070812225 -d:0.05405912920832634 the:0.03978368639945984 a:0.03875838965177536 n:0.016359377652406693 :0.29751840233802795 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -to:0.10896310955286026 from:0.05335649475455284 the:0.023768121376633644 into:0.017681516706943512 :0.1742916703224182 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -day:0.07575492560863495 to:0.04521100968122482 morning:0.025476647540926933 year:0.02421719767153263 :0.17939630150794983 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.6358018517494202 in:0.03563551604747772 to:0.021895503625273705 and:0.02062171883881092 :0.03627351298928261 -a:0.0891878679394722 more:0.0506981797516346 in:0.04016854241490364 to:0.03962491825222969 :0.1259959489107132 -Carolina:0.1777162402868271 Carolina,:0.043457452207803726 Dakota.:0.029480356723070145 Dakota,:0.02807755209505558 :0.19015632569789886 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.07071167975664139 sure:0.03997979313135147 a:0.03921214118599892 going:0.01862390898168087 :0.16433919966220856 -not:0.520152747631073 the:0.028544344007968903 he:0.012468121014535427 in:0.009819873608648777 :0.06437556445598602 -to:0.25155961513519287 in:0.06323795020580292 for:0.05760723352432251 and:0.031112845987081528 :0.13557519018650055 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -and:0.16481320559978485 in:0.045233212411403656 where:0.03048265166580677 but:0.025351207703351974 :0.09396381676197052 -of:0.5930708646774292 that:0.16187649965286255 the:0.014010988175868988 be:0.01341480016708374 :0.03475381061434746 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.25509196519851685 by:0.055683158338069916 a:0.05060398578643799 this:0.022010507062077522 :0.09980522096157074 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -to:0.04505615681409836 the:0.03188447654247284 and:0.027047645300626755 as:0.020910611376166344 :0.2375599592924118 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -of:0.22287075221538544 and:0.07354531437158585 in:0.024367477744817734 to:0.023403756320476532 :0.07093559205532074 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.06034154072403908 a:0.043448708951473236 in:0.027066903188824654 made:0.023584788665175438 :0.18853774666786194 -and:0.22984492778778076 when:0.06142903119325638 the:0.03756820037961006 but:0.028659068048000336 :0.07782560586929321 -and:0.24490146338939667 the:0.06801391392946243 but:0.05619371309876442 a:0.035395700484514236 :0.06080028787255287 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.036139342933893204 of:0.028361549600958824 and:0.015468917787075043 to:0.012508893385529518 :0.3782777190208435 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1343035250902176 and:0.10236790031194687 for:0.08810948580503464 with:0.07038981467485428 :0.07083392143249512 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.30490413308143616 a:0.08861035108566284 and:0.0702599585056305 the:0.06521826982498169 :0.04706863686442375 -and:0.21146662533283234 but:0.06087898835539818 the:0.02960420586168766 for:0.016230974346399307 :0.0847398191690445 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.18825624883174896 them:0.05159854143857956 of:0.04454661160707474 him:0.043542150408029556 :0.051871929317712784 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.21999473869800568 and:0.1021457090973854 in:0.04988154396414757 to:0.045614778995513916 :0.035500846803188324 -of:0.3556046783924103 is:0.04341163858771324 and:0.03924814239144325 was:0.031596649438142776 :0.044983625411987305 -and:0.03079746477305889 amount:0.015070069581270218 part:0.010843850672245026 sum:0.00768594816327095 :0.29881158471107483 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.09658839553594589 in:0.08957962691783905 from:0.06851125508546829 and:0.041464414447546005 :0.07203422486782074 -line:0.28123655915260315 direction:0.21928413212299347 along:0.07744767516851425 side:0.04793887212872505 :0.04867546260356903 -after:0.5067186951637268 the:0.11430037766695023 alter:0.018580332398414612 there:0.016522271558642387 :0.06073446571826935 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -of:0.38299283385276794 Court:0.04043656215071678 and:0.040150757879018784 Court.:0.018635379150509834 :0.16137006878852844 -and:0.10550037026405334 of:0.07933586090803146 to:0.0573376789689064 in:0.04065455123782158 :0.06085189804434776 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -church:0.10493666678667068 Episcopal:0.04593927785754204 Church:0.04343418404459953 church.:0.040135402232408524 :0.42056626081466675 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -pany:0.034470926970243454 ing:0.020861487835645676 plete:0.018202202394604683 mittee:0.01705554500222206 :0.5472907423973083 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.24394778907299042 and:0.09233173727989197 to:0.044823721051216125 were:0.034286484122276306 :0.07453242689371109 -of:0.23431077599525452 in:0.05962540954351425 are:0.058487631380558014 and:0.051991481333971024 :0.057092078030109406 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.0428180955350399 and:0.041417695581912994 to:0.025988848879933357 the:0.016892673447728157 :0.2130153775215149 -of:0.32273074984550476 the:0.059481244534254074 was:0.03502509370446205 made:0.032435666769742966 :0.04509316384792328 -from:0.12059708684682846 and:0.0891973078250885 to:0.08272162079811096 up:0.05273926258087158 :0.11616814881563187 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1878998577594757 he:0.057015471160411835 they:0.047607988119125366 it:0.03839648887515068 :0.11646385490894318 -of:0.34152817726135254 and:0.08993226289749146 to:0.06213713809847832 for:0.0440237782895565 :0.06581554561853409 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -was:0.07409289479255676 of:0.063461072742939 and:0.05475687235593796 from:0.03922978416085243 :0.08961320668458939 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.07810071855783463 to:0.04710352048277855 a:0.0403478741645813 portunity:0.035706255584955215 :0.3017609417438507 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -to:0.19264894723892212 a:0.10575618594884872 the:0.0865262970328331 that:0.025842048227787018 :0.06000598892569542 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -of:0.14583271741867065 and:0.05376538634300232 in:0.04807736724615097 for:0.044097933918237686 :0.044993363320827484 -and:0.11617425829172134 interest:0.024606995284557343 as:0.020519288256764412 time:0.012926958501338959 :0.20555298030376434 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.24676786363124847 the:0.04266548156738281 as:0.03744986280798912 which:0.025734946131706238 :0.08401904255151749 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -Co.,:0.09304863959550858 Co.:0.06691919267177582 Ohio:0.033300016075372696 St.:0.01687372848391533 :0.37542811036109924 -by:0.1717168688774109 the:0.15500865876674652 as:0.08761691302061081 and:0.05494051054120064 :0.05912376195192337 -and:0.20328959822654724 the:0.05120792239904404 in:0.034031372517347336 as:0.022314956411719322 :0.13793691992759705 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -cept:0.05201881378889084 pected:0.04062062129378319 penses:0.023408958688378334 perience:0.014684257097542286 :0.6337358355522156 -the:0.039833907037973404 of:0.017600394785404205 to:0.016799042001366615 and:0.013425630517303944 :0.36135903000831604 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.6389328241348267 and:0.05063993111252785 in:0.020400622859597206 to:0.016164792701601982 :0.016215698793530464 -and:0.06543111056089401 of:0.06139712035655975 in:0.04465364292263985 is:0.033050019294023514 :0.11208674311637878 -own:0.04195336252450943 answer:0.009210593067109585 friends:0.0059311119839549065 money:0.005459604784846306 :0.21357011795043945 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1695987731218338 which:0.043812137097120285 in:0.03993138670921326 has:0.03898285701870918 :0.058057427406311035 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -and:0.037784282118082047 company:0.03158446401357651 companies,:0.02475873939692974 company,:0.024016259238123894 :0.19266925752162933 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -of:0.14173832535743713 cast:0.13817451894283295 for:0.07725487649440765 in:0.04368290305137634 :0.05328936502337456 -I:0.02768860012292862 The:0.02479766122996807 It:0.014926244504749775 In:0.012959972023963928 :0.30332544445991516 -of:0.6026496291160583 from:0.06023258715867996 to:0.05448591336607933 and:0.025666071102023125 :0.04042185842990875 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -claim,:0.09981755912303925 claims:0.06463201344013214 claim:0.05439601093530655 and:0.0351145900785923 :0.10567376017570496 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -by:0.10623695701360703 in:0.0765051618218422 to:0.07187975198030472 with:0.034988272935152054 :0.03681784123182297 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -Carolina:0.1777162402868271 Carolina,:0.043457452207803726 Dakota.:0.029480356723070145 Dakota,:0.02807755209505558 :0.19015632569789886 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -was:0.08393397927284241 had:0.06523281335830688 has:0.034160416573286057 would:0.027467429637908936 :0.17044216394424438 -and:0.18855153024196625 of:0.015812236815690994 was:0.015360673889517784 that:0.012538905255496502 :0.3535688519477844 -and:0.15967531502246857 but:0.053506676107645035 as:0.044073812663555145 in:0.026069413870573044 :0.030918773263692856 -and:0.0759827196598053 of:0.05391744524240494 member:0.021324334666132927 in:0.016126377508044243 :0.14934898912906647 -him:0.09373514354228973 a:0.0883430615067482 the:0.0812935158610344 me:0.04305979236960411 :0.05273142829537392 -out:0.1482183337211609 the:0.1047043576836586 up:0.04942569509148598 down:0.03452322632074356 :0.06949059665203094 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.3056667745113373 and:0.11943035572767258 was:0.030680179595947266 with:0.027242159470915794 :0.09171038866043091 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -been:0.28327932953834534 not:0.03569647669792175 a:0.031669747084379196 no:0.0178078580647707 :0.12235648185014725 -that:0.121909961104393 of:0.09068313986063004 it:0.06859414279460907 the:0.05526568368077278 :0.043293297290802 -and:0.17327585816383362 who:0.06342178583145142 the:0.032049525529146194 but:0.027804920449852943 :0.10919484496116638 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -at:0.1019032746553421 the:0.08380792289972305 a:0.06603080779314041 by:0.06139976531267166 :0.07397458702325821 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.3011317849159241 the:0.08727279305458069 their:0.06272124499082565 itself:0.03211183473467827 :0.0204202588647604 -of:0.16162055730819702 for:0.13246919214725494 on:0.04919328913092613 in:0.04775194078683853 :0.05667604133486748 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -The:0.09683635085821152 I:0.029590945690870285 It:0.027294563129544258 A:0.025158457458019257 :0.20908485352993011 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -shall:0.04327548295259476 to:0.017970003187656403 of:0.01782163418829441 the:0.013990153558552265 :0.35999661684036255 -by:0.29988837242126465 in:0.0699634924530983 with:0.046769026666879654 the:0.02925434708595276 :0.0857606828212738 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -edge:0.051224809139966965 door,:0.040867872536182404 line:0.028789987787604332 world.:0.02323763817548752 :0.2146860659122467 -and:0.12662410736083984 open:0.030581973493099213 in:0.022207997739315033 range:0.02112598530948162 :0.20412573218345642 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.04298098012804985 one:0.04271060973405838 two:0.037807054817676544 three:0.02456761710345745 :0.16411034762859344 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -It:0.06712958961725235 The:0.03790195286273956 I:0.022769348695874214 Why:0.021621443331241608 :0.24468444287776947 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.3197149634361267 see:0.020124852657318115 bo:0.014944136142730713 do:0.01398740615695715 :0.1449533998966217 -first:0.013571608811616898 only:0.008618655614554882 most:0.006200225558131933 man:0.005464227870106697 :0.318105548620224 -of:0.14922937750816345 was:0.04070264473557472 which:0.03326711803674698 in:0.030768241733312607 :0.052769217640161514 -of:0.29334378242492676 and:0.10816480964422226 to:0.031770989298820496 or:0.028221534565091133 :0.05959947034716606 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -who:0.12407079339027405 of:0.08138538151979446 and:0.06571182608604431 in:0.05156034603714943 :0.07582911103963852 -of:0.24780234694480896 the:0.06735324114561081 for:0.04673992842435837 on:0.029744673520326614 :0.07065367698669434 -by:0.09029407799243927 to:0.08670508861541748 the:0.06397102028131485 in:0.05847260355949402 :0.08452489227056503 -and:0.09817405790090561 in:0.052735742181539536 to:0.03464158996939659 was:0.02894156612455845 :0.10163690149784088 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.05114363133907318 Shore:0.022331826388835907 States:0.019136440008878708 States,:0.010282181203365326 :0.28914058208465576 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08966389298439026 they:0.07666683197021484 he:0.0604403018951416 it:0.05434216186404228 :0.09658120572566986 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -a:0.18928812444210052 as:0.06435497850179672 an:0.034082747995853424 clear:0.012005070224404335 :0.21377822756767273 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.23417498171329498 in:0.08349113911390305 to:0.04763532429933548 for:0.03891903534531593 :0.039770469069480896 -The:0.02018102817237377 the:0.0160328671336174 and:0.015632078051567078 of:0.015357382595539093 :0.2634615898132324 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.43262261152267456 the:0.05952709540724754 in:0.04093717411160469 for:0.02506745047867298 :0.038560058921575546 -of:0.0785922110080719 the:0.06823815405368805 and:0.043367546051740646 in:0.03889890015125275 :0.045568957924842834 -the:0.036139342933893204 of:0.028361549600958824 and:0.015468917787075043 to:0.012508893385529518 :0.3782777190208435 -to:0.2229938805103302 in:0.13336631655693054 on:0.06290892511606216 at:0.056509315967559814 :0.05115557461977005 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.05998329073190689 of:0.05423448607325554 as:0.010668705217540264 for:0.01030017901211977 :0.27986830472946167 -and:0.009900739416480064 business:0.007565493229776621 run:0.006339153274893761 way:0.005699533969163895 :0.3642122447490692 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.15353241562843323 to:0.13866226375102997 and:0.03040177747607231 that:0.030154407024383545 :0.05298222228884697 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -possible:0.06017756089568138 proved:0.042814724147319794 pressed:0.04231735318899155 mediately:0.03844977915287018 :0.38118302822113037 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -up:0.26421546936035156 the:0.07495741546154022 up,:0.06447790563106537 by:0.060207925736904144 :0.05500930920243263 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.1318209171295166 am:0.06366096436977386 was:0.043716128915548325 had:0.03489619120955467 :0.1339367777109146 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -the:0.07689852267503738 f:0.01860533282160759 a:0.016741830855607986 of:0.010041109286248684 :0.27641627192497253 -.:0.2484351396560669 street:0.015766331925988197 .,:0.012982816435396671 and:0.011051290668547153 :0.3986630439758301 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.08222077786922455 that:0.08049468696117401 of:0.06272981315851212 for:0.05302389711141586 :0.06559636443853378 -the:0.09823471307754517 I:0.052634358406066895 we:0.027956511825323105 it:0.02737627923488617 :0.12190870195627213 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ple:0.6705480813980103 ple.:0.09275416284799576 ple,:0.05782307684421539 ples:0.0063781444914639 :0.11941329389810562 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -much:0.08464746922254562 to:0.08419680595397949 the:0.08266311138868332 they:0.0423126183450222 :0.08944229781627655 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1266825795173645 has:0.10836923122406006 in:0.09078028798103333 was:0.042419955134391785 :0.06378422677516937 -street:0.1470727175474167 street.:0.08486383408308029 Street:0.05720047280192375 street,:0.042126286774873734 :0.07078196853399277 -was:0.06561992317438126 had:0.03705403208732605 has:0.029276518151164055 is:0.024481505155563354 :0.19223681092262268 -the:0.2883915901184082 to:0.2578750550746918 a:0.039830274879932404 and:0.025268925353884697 :0.05912334471940994 -of:0.6676447987556458 in:0.044023603200912476 ot:0.018098974600434303 to:0.0138979097828269 :0.03698629140853882 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -of:0.24287065863609314 in:0.0634198933839798 and:0.054435063153505325 to:0.032205939292907715 :0.1126965880393982 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -of:0.18898296356201172 from:0.07749760150909424 to:0.07118473947048187 in:0.04343632236123085 :0.05838330462574959 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.09424768388271332 that:0.04623519629240036 in:0.04370569437742233 the:0.04215296730399132 :0.08041801303625107 -curred:0.05120958387851715 cur:0.009028810076415539 the:0.0017373190494254231 i:0.0016765438485890627 :0.8927605748176575 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -attention:0.07319030910730362 care:0.03716839477419853 mention:0.019577907398343086 delight:0.017582140862941742 :0.29276737570762634 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -by:0.24671658873558044 to:0.21755871176719666 him:0.10195905715227127 the:0.07295509427785873 :0.02316492423415184 -Trustees:0.09419525414705276 of:0.059167731553316116 District:0.04392220079898834 Board:0.042479097843170166 :0.25722119212150574 -and:0.16593939065933228 of:0.0919078141450882 in:0.07130242884159088 the:0.0418538823723793 :0.133833646774292 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -vided:0.06629705429077148 visions:0.05025479197502136 tection:0.0491756871342659 duce:0.034553565084934235 :0.4702005982398987 -to:0.09299120306968689 of:0.07938957959413528 and:0.05245117098093033 the:0.04695473238825798 :0.07857552915811539 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.03079746477305889 amount:0.015070069581270218 part:0.010843850672245026 sum:0.00768594816327095 :0.29881158471107483 -to:0.22607474029064178 in:0.048345621675252914 from:0.04227367788553238 out:0.04218066856265068 :0.05084111541509628 -of:0.19653765857219696 and:0.05956876650452614 in:0.02585609070956707 between:0.024701237678527832 :0.1068783551454544 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.24021132290363312 the:0.18199823796749115 and:0.026640838012099266 said:0.02646929770708084 :0.049288470298051834 -to:0.09424768388271332 that:0.04623519629240036 in:0.04370569437742233 the:0.04215296730399132 :0.08041801303625107 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -that:0.2733636200428009 the:0.0776970162987709 to:0.06206822022795677 in:0.046962086111307144 :0.043679505586624146 -a:0.14751461148262024 the:0.12374261766672134 it:0.04567049443721771 an:0.026676274836063385 :0.07802078872919083 -and:0.0803527906537056 in:0.04274139180779457 of:0.03383486717939377 to:0.02011493779718876 :0.12159335613250732 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -and:0.2651209235191345 the:0.05718567594885826 which:0.054467204958200455 a:0.019011240452528 :0.15176810324192047 -the:0.07941446453332901 a:0.017263611778616905 that:0.013900193385779858 to:0.012997212819755077 :0.25055569410324097 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.11038322001695633 It:0.06495001167058945 I:0.05021463707089424 He:0.03638185188174248 :0.1570044308900833 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -of:0.21389523148536682 and:0.13242444396018982 are:0.05641781911253929 in:0.0344805046916008 :0.04797152057290077 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -children:0.019535325467586517 children,:0.013690200634300709 chil-:0.010350998491048813 places:0.010119798593223095 :0.205439493060112 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -into:0.23808221518993378 out:0.08685126900672913 in:0.07714492827653885 a:0.04441710561513901 :0.046992044895887375 -of:0.07448340952396393 who:0.07158875465393066 in:0.044706303626298904 was:0.03933262452483177 :0.08477235585451126 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.14933915436267853 the:0.0485101044178009 but:0.033314891159534454 which:0.02348332479596138 :0.11130283027887344 -and:0.05960869416594505 the:0.05881267786026001 is:0.029525306075811386 for:0.027363557368516922 :0.09661214053630829 -and:0.16481320559978485 in:0.045233212411403656 where:0.03048265166580677 but:0.025351207703351974 :0.09396381676197052 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3556046783924103 is:0.04341163858771324 and:0.03924814239144325 was:0.031596649438142776 :0.044983625411987305 -of:0.06316037476062775 more:0.06229129433631897 as:0.04989323392510414 to:0.04015380144119263 :0.1596965789794922 -the:0.12235946953296661 a:0.06923636049032211 more:0.02314385026693344 to:0.023087404668331146 :0.14727626740932465 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.24441130459308624 a:0.046838775277137756 this:0.019510861486196518 tho:0.01732468046247959 :0.25683310627937317 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.10542181134223938 the:0.03300011530518532 with:0.026017330586910248 weather:0.0252181738615036 :0.12603351473808289 -to:0.12185367941856384 of:0.10897838324308395 for:0.10633620619773865 from:0.05434292554855347 :0.05150003358721733 -from:0.15470607578754425 the:0.13609877228736877 of:0.05051790550351143 and:0.03864612057805061 :0.11236349493265152 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.16116046905517578 and:0.10374387353658676 with:0.06741262972354889 the:0.06190604344010353 :0.11931160092353821 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -of:0.07377436012029648 against:0.05865185707807541 and:0.05776044353842735 in:0.04883629083633423 :0.06408710777759552 -The:0.13566680252552032 It:0.06884044408798218 I:0.050842270255088806 A:0.036352138966321945 :0.20026616752147675 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.16986083984375 or:0.036034222692251205 numbered:0.02870677411556244 No.:0.02674936316907406 :0.1536725014448166 -of:0.49111270904541016 and:0.03446216136217117 is:0.022390488535165787 was:0.01684926077723503 :0.06413719803094864 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.2923923432826996 .,:0.06563984602689743 ..:0.010485192760825157 r.:0.009546720422804356 :0.29246121644973755 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -John:0.02172519639134407 and:0.017813757061958313 J.:0.017309723421931267 J:0.01655435562133789 :0.4219669997692108 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.0987713411450386 had:0.07164674997329712 has:0.05190952494740486 is:0.02588849887251854 :0.11347855627536774 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.10550898313522339 was:0.033645085990428925 County,:0.023725703358650208 county,:0.017534540966153145 :0.22041252255439758 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.02832677774131298 man:0.0189571101218462 fashioned:0.010256295092403889 age.:0.009680424816906452 :0.3170650601387024 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.28953686356544495 of:0.15878918766975403 was:0.0482143759727478 is:0.04353243485093117 :0.03901885449886322 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -H.:0.030757376924157143 W.:0.02059096284210682 H:0.019544081762433052 B.:0.017545320093631744 :0.38613712787628174 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -over:0.0961909368634224 up:0.09308140724897385 down:0.05603121593594551 into:0.04694566875696182 :0.08134657889604568 -letter:0.05690981075167656 of:0.055414941161870956 and:0.05222345143556595 to:0.04571465030312538 :0.2046171873807907 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -to:0.19781765341758728 from:0.11940225958824158 the:0.05585967004299164 in:0.04887447506189346 :0.05734767019748688 -of:0.0954684391617775 year:0.038241513073444366 other:0.03241894021630287 and:0.030703196302056313 :0.15927621722221375 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -office:0.10019661486148834 No.:0.0636303499341011 of:0.055273886770009995 marked:0.04405421391129494 :0.15217390656471252 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.20004844665527344 the:0.05771659314632416 or:0.04717331379652023 but:0.04337445646524429 :0.06694615632295609 -line:0.09737416356801987 to:0.06694464385509491 and:0.0600736066699028 line,:0.041984859853982925 :0.09488501399755478 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.13730421662330627 and:0.09590508788824081 was:0.059560470283031464 to:0.0590176098048687 :0.12107721716165543 -and:0.1278413087129593 to:0.08540857583284378 from:0.033795781433582306 Railway:0.029864616692066193 :0.16327624022960663 -to:0.14585216343402863 and:0.02228284254670143 in:0.010823477990925312 results:0.008611172437667847 :0.38816723227500916 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.2237149178981781 the:0.06382867693901062 as:0.03475296124815941 but:0.03272296115756035 :0.044612668454647064 -a:0.0891878679394722 more:0.0506981797516346 in:0.04016854241490364 to:0.03962491825222969 :0.1259959489107132 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -The:0.14487352967262268 It:0.05465429648756981 I:0.02668493613600731 He:0.026671262457966805 :0.24996739625930786 -and:0.17248660326004028 are:0.056965652853250504 in:0.05407114699482918 of:0.051879096776247025 :0.0720258578658104 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.21651603281497955 a:0.06150677800178528 it:0.04274718835949898 his:0.025269728153944016 :0.12494352459907532 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.11723640561103821 to:0.053613293915987015 of:0.049609068781137466 in:0.03250570595264435 :0.09960629045963287 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -The:0.11602071672677994 It:0.044187355786561966 I:0.04236370325088501 He:0.038345739245414734 :0.1876065880060196 -and:0.08520472049713135 of:0.03755101561546326 was:0.03724769130349159 to:0.03537531942129135 :0.1241757869720459 -new:0.029597237706184387 to:0.028195766732096672 of:0.02597043849527836 on:0.023288799449801445 :0.23113460838794708 -of:0.3075050711631775 Hundred:0.03636154904961586 day:0.03349391743540764 thing:0.01811542920768261 :0.08347582072019577 -great:0.03135164827108383 man:0.018555955961346626 good:0.015552669763565063 few:0.012263713404536247 :0.3353271186351776 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.0709524154663086 Mountain:0.046045418828725815 Works:0.022788580507040024 County:0.017283424735069275 :0.26145222783088684 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.3034018278121948 in:0.024293601512908936 and:0.017307285219430923 of:0.012864502146840096 :0.14798015356063843 -Convention:0.04569752514362335 and:0.03280913829803467 Convention,:0.0158824659883976 amendment:0.01236273068934679 :0.531596839427948 -and:0.11501190066337585 Indiana,:0.047404695302248 the:0.032155100256204605 in:0.02265792526304722 :0.13493070006370544 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12358749657869339 in:0.07049436122179031 of:0.06470082700252533 to:0.05093008652329445 :0.0647190660238266 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -to:0.09299120306968689 of:0.07938957959413528 and:0.05245117098093033 the:0.04695473238825798 :0.07857552915811539 -to:0.3034018278121948 in:0.024293601512908936 and:0.017307285219430923 of:0.012864502146840096 :0.14798015356063843 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.29299381375312805 a:0.04849465563893318 him:0.03973405063152313 and:0.02956494875252247 :0.09205831587314606 -of:0.09061063081026077 and:0.021140974014997482 was:0.01110399141907692 to:0.007165871094912291 :0.48186758160591125 -to:0.12573863565921783 a:0.05906783044338226 ,000:0.05905355513095856 and:0.05892278626561165 :0.12349874526262283 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -been:0.08632513880729675 of:0.04803091287612915 the:0.01790241152048111 to:0.017129069194197655 :0.28880080580711365 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -to:0.09299120306968689 of:0.07938957959413528 and:0.05245117098093033 the:0.04695473238825798 :0.07857552915811539 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.2768517732620239 by:0.10919907689094543 the:0.04685145244002342 a:0.04582184553146362 :0.04554891213774681 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -possible:0.05056288093328476 to:0.03192540630698204 a:0.027458371594548225 the:0.02345774881541729 :0.21761450171470642 -of:0.35108283162117004 and:0.08007130771875381 to:0.028224222362041473 was:0.02734609879553318 :0.06846347451210022 -of:0.3162600100040436 the:0.06583564728498459 and:0.041784338653087616 to:0.029908092692494392 :0.04690514877438545 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.1402023285627365 a:0.07813576608896255 and:0.051191795617341995 Miss:0.04303906485438347 :0.0965166911482811 -of:0.1937149614095688 and:0.05935215204954147 was:0.028837403282523155 to:0.02616087719798088 :0.12126287817955017 -H.:0.030757376924157143 W.:0.02059096284210682 H:0.019544081762433052 B.:0.017545320093631744 :0.38613712787628174 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -in:0.05285865440964699 and:0.045179642736911774 men:0.03726629540324211 citizens:0.01827949285507202 :0.3169647455215454 -the:0.0894448384642601 a:0.06404300034046173 two:0.03633322939276695 one:0.031169544905424118 :0.13939285278320312 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -the:0.036139342933893204 of:0.028361549600958824 and:0.015468917787075043 to:0.012508893385529518 :0.3782777190208435 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -The:0.15295039117336273 It:0.05166564881801605 In:0.028942197561264038 There:0.026924917474389076 :0.21421679854393005 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.3414095938205719 and:0.040349967777729034 in:0.02354847826063633 is:0.016517363488674164 :0.186990424990654 -of:0.05029020085930824 and:0.045855648815631866 the:0.028555534780025482 than:0.026675362139940262 :0.13735130429267883 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -and:0.04982059448957443 of:0.047674760222435 by:0.020560452714562416 side:0.01934991031885147 :0.2810433804988861 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.41373446583747864 the:0.0972265899181366 in:0.06318604946136475 for:0.02170729637145996 :0.06723134219646454 -of:0.42437544465065 for:0.0995660275220871 to:0.08189616352319717 and:0.0599813386797905 :0.035732023417949677 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4096408188343048 and:0.08381370455026627 in:0.0444311797618866 to:0.025371519848704338 :0.046684909611940384 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.6995625495910645 for:0.05842653661966324 the:0.05062711238861084 as:0.011539936996996403 :0.03580907732248306 -of:0.8612180948257446 ot:0.0211128368973732 ol:0.012700550258159637 oi:0.006858630571514368 :0.013687996193766594 -the:0.06034154072403908 a:0.043448708951473236 in:0.027066903188824654 made:0.023584788665175438 :0.18853774666786194 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.09785239398479462 important:0.020495742559432983 difficult:0.011607902124524117 dangerous:0.009898709133267403 :0.29064807295799255 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.15571995079517365 years:0.031163092702627182 other:0.024284161627292633 a:0.021334944292902946 :0.18804705142974854 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.20601144433021545 street:0.016157006844878197 .,:0.013601196929812431 W:0.012315521016716957 :0.29697802662849426 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.03079746477305889 amount:0.015070069581270218 part:0.010843850672245026 sum:0.00768594816327095 :0.29881158471107483 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -Sheriff:0.5370030403137207 United:0.029301872476935387 Marshal:0.013373010791838169 Collector:0.009082010947167873 :0.23329609632492065 -to:0.24140645563602448 of:0.08127612620592117 and:0.06093951314687729 the:0.03275790438055992 :0.05774327367544174 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.02672419510781765 -:0.016746612265706062 I:0.012074434198439121 It:0.01150731835514307 :0.3133490979671478 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -in:0.0822431892156601 and:0.08223102986812592 to:0.07497331500053406 with:0.041803278028964996 :0.09143580496311188 -to:0.028832511976361275 and:0.024243777617812157 in:0.00784207507967949 death.:0.00769469141960144 :0.41122448444366455 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.0703696608543396 a:0.06365428864955902 to:0.06205326318740845 well:0.03973861783742905 :0.10053952038288116 -more:0.022853391245007515 of:0.018158670514822006 girl,:0.01250563096255064 to:0.010435924865305424 :0.29975685477256775 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -part:0.0510016605257988 and:0.03706580400466919 committee:0.0342029333114624 point:0.031743694096803665 :0.21993279457092285 -the:0.2349090576171875 he:0.05126500502228737 they:0.042668212205171585 I:0.041159737855196 :0.09105824679136276 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.6042839884757996 parents:0.020547064021229744 and:0.017701050266623497 ot:0.01444714143872261 :0.06307592242956161 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -Beginning:0.07333672046661377 The:0.05376216024160385 Commencing:0.04952124506235123 Section:0.018922988325357437 :0.29170942306518555 -fore,:0.14220833778381348 fore:0.1114024892449379 of:0.07502041012048721 of,:0.06989523768424988 :0.06603338569402695 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.10841471701860428 his:0.09760060906410217 their:0.05892885476350784 a:0.04260570555925369 :0.035522229969501495 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -trict:0.06172887235879898 tance:0.057150501757860184 covered:0.011707809753715992 posed:0.011331711895763874 :0.6068628430366516 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -the:0.1058809831738472 that:0.10323771834373474 a:0.04278009384870529 it:0.02533629909157753 :0.05817495286464691 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.5783853530883789 and:0.015445172786712646 ot:0.012422895058989525 the:0.010030137374997139 :0.10879858583211899 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3056667745113373 and:0.11943035572767258 was:0.030680179595947266 with:0.027242159470915794 :0.09171038866043091 -and:0.12835074961185455 of:0.09176559001207352 to:0.04096557945013046 is:0.03844156861305237 :0.17307360470294952 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.07746965438127518 to:0.06033659726381302 in:0.04287761077284813 that:0.020797133445739746 :0.19205135107040405 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -or:0.13417109847068787 who:0.10369283705949783 shall:0.056526217609643936 to:0.05461915582418442 :0.05926255136728287 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -as:0.16854649782180786 before:0.06599295884370804 what:0.03843866288661957 a:0.024594558402895927 :0.08551198989152908 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -were:0.07604555785655975 have:0.07340459525585175 are:0.05222252383828163 and:0.035320788621902466 :0.03748612850904465 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -quence:0.40125495195388794 quently:0.17609135806560516 quent:0.12974347174167633 of:0.0028940942138433456 :0.23920005559921265 -C.:0.04001028463244438 J.:0.036492787301540375 H.:0.022239046171307564 M.:0.01935177855193615 :0.37801313400268555 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.0578569658100605 a:0.014992605894804 that:0.012139124795794487 to:0.011600722558796406 :0.252699077129364 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -cape:0.25060710310935974 pecially:0.21195067465305328 tate:0.11095453798770905 and:0.0011647824430838227 :0.39477694034576416 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.07572076469659805 in:0.05186588689684868 to:0.033870331943035126 a:0.020435377955436707 :0.22338618338108063 -i:0.006021307781338692 -:0.004205115605145693 1:0.0033791468013077974 I:0.002324537606909871 :0.7021548748016357 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.16132517158985138 who:0.059501055628061295 but:0.028412271291017532 as:0.024316955357789993 :0.06141930818557739 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.20417936146259308 described:0.05117717757821083 named:0.040278948843479156 all:0.02727392315864563 :0.16135798394680023 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -health.:0.040147922933101654 and:0.02903975360095501 safety.:0.020022252574563026 the:0.0172054935246706 :0.3528153598308563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -*:0.03249625861644745 .:0.016332555562257767 of:0.015090682543814182 The:0.012449796311557293 :0.28985801339149475 -from:0.2786790132522583 the:0.0942307710647583 a:0.036816179752349854 into:0.03618556261062622 :0.07955507189035416 -to:0.5605378746986389 for:0.10098995268344879 that:0.02253797836601734 as:0.02216445840895176 :0.03771042451262474 -was:0.08393397927284241 had:0.06523281335830688 has:0.034160416573286057 would:0.027467429637908936 :0.17044216394424438 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -against:0.11525136977434158 of:0.10068901628255844 the:0.06681136786937714 and:0.036596640944480896 :0.09707235544919968 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -in:0.1129763126373291 that:0.10810033231973648 the:0.0824112817645073 a:0.06360829621553421 :0.07629287987947464 -and:0.17345871031284332 to:0.05670137330889702 in:0.049962110817432404 the:0.02655358612537384 :0.1006440818309784 -the:0.07689852267503738 f:0.01860533282160759 a:0.016741830855607986 of:0.010041109286248684 :0.27641627192497253 -of:0.45018669962882996 and:0.05965520814061165 in:0.030826380476355553 to:0.027320167049765587 :0.04425403103232384 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -of:0.23662959039211273 that:0.06682252883911133 to:0.0582779198884964 the:0.047256823629140854 :0.053128499537706375 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.18777553737163544 the:0.059413474053144455 but:0.028985485434532166 which:0.02380460500717163 :0.09298068284988403 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -a:0.027395861223340034 the:0.022504489868879318 made:0.0182606503367424 no:0.008585826493799686 :0.2783674895763397 -of:0.41975340247154236 and:0.11614673584699631 as:0.03018265590071678 that:0.021707741543650627 :0.03502047434449196 -the:0.207133486866951 they:0.09562363475561142 he:0.0936054065823555 it:0.04463839903473854 :0.0762997418642044 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.12730534374713898 by:0.07227238267660141 him:0.053845133632421494 a:0.05108535662293434 :0.07300620526075363 -been:0.07631552964448929 a:0.03927735239267349 to:0.025228671729564667 not:0.022167835384607315 :0.21885964274406433 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.24120762944221497 the:0.0780426487326622 to:0.04823844134807587 for:0.04285573959350586 :0.05103164166212082 -and:0.06310665607452393 is:0.040187060832977295 to:0.03643888980150223 in:0.03172094374895096 :0.08356594294309616 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.45018669962882996 and:0.05965520814061165 in:0.030826380476355553 to:0.027320167049765587 :0.04425403103232384 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -The:0.11877032369375229 It:0.054429784417152405 I:0.0529414564371109 and:0.03454373776912689 :0.22162972390651703 -and:0.09020591527223587 that:0.07124879956245422 the:0.05759361758828163 as:0.02645920403301716 :0.07528067380189896 -of:0.1456490159034729 in:0.059078462421894073 and:0.055387888103723526 owners:0.04077032208442688 :0.08978910744190216 -and:0.06678446382284164 of:0.03191489726305008 was:0.0297840628772974 street,:0.022888485342264175 :0.2882191836833954 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.18611715734004974 of:0.13165394961833954 to:0.05771494284272194 was:0.03569226339459419 :0.06316081434488297 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -be:0.3013826310634613 have:0.11894971877336502 not:0.038309138268232346 bo:0.01216239295899868 :0.07202029228210449 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -the:0.17477525770664215 we:0.05017627030611038 you:0.049188416451215744 he:0.048380784690380096 :0.07771619409322739 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0643703043460846 the:0.051015954464673996 not:0.041775014251470566 to:0.02933470346033573 :0.2812431752681732 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.020791467279195786 of:0.016697613522410393 in:0.01140438299626112 to:0.011053306981921196 :0.21180182695388794 -that:0.1535498946905136 the:0.0713125690817833 of:0.03970836475491524 what:0.03889409080147743 :0.0465799942612648 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -auction:0.02915082313120365 auction,:0.02451956272125244 school:0.020690185949206352 and:0.020127294585108757 :0.21887941658496857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4137834906578064 and:0.05713624879717827 to:0.054445330053567886 in:0.03692301735281944 :0.10301575809717178 -a:0.08822359889745712 to:0.06993712484836578 the:0.0686417669057846 up:0.03832249343395233 :0.08951593190431595 -to:0.28023073077201843 on:0.06656622141599655 with:0.06230994313955307 in:0.05184592679142952 :0.0495532788336277 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -of:0.09785239398479462 important:0.020495742559432983 difficult:0.011607902124524117 dangerous:0.009898709133267403 :0.29064807295799255 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.17071129381656647 for:0.02696828916668892 report:0.023749392479658127 weather:0.021188968792557716 :0.11537923663854599 -to:0.26615288853645325 that:0.06476112455129623 from:0.06156591325998306 by:0.04462530091404915 :0.043112512677907944 -of:0.09787654131650925 to:0.08025921881198883 was:0.06349680572748184 with:0.03899175301194191 :0.15387389063835144 -the:0.2729184329509735 a:0.11926700174808502 ten:0.05172136798501015 thirty:0.025035006925463676 :0.06691883504390717 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.10378686338663101 the:0.050101108849048615 of:0.0427519828081131 or:0.027751492336392403 :0.17421336472034454 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.06957213580608368 that:0.019522743299603462 a:0.01704966090619564 in:0.013474501669406891 :0.2346765547990799 -the:0.08002933859825134 so:0.0558665506541729 a:0.047361649572849274 business:0.04390472173690796 :0.0760359913110733 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -The:0.1829431802034378 A:0.050179947167634964 This:0.041532088071107864 It:0.03839685022830963 :0.17398208379745483 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.1799851953983307 and:0.05829854682087898 on:0.05210115760564804 in:0.048016853630542755 :0.07442928105592728 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3750043213367462 and:0.04378000274300575 for:0.033044200390577316 is:0.01987471990287304 :0.051793742924928665 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -and:0.13172276318073273 but:0.047660939395427704 the:0.03556911647319794 her,:0.03015819564461708 :0.04863172769546509 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.1266220062971115 the:0.05182882025837898 to:0.04325709491968155 is:0.030383573845028877 :0.04876574128866196 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -him:0.09373514354228973 a:0.0883430615067482 the:0.0812935158610344 me:0.04305979236960411 :0.05273142829537392 -of:0.11176156252622604 and:0.07035183161497116 in:0.03391481190919876 were:0.030311210080981255 :0.13917276263237 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -the:0.18290425837039948 to:0.12180855125188828 that:0.08725845068693161 how:0.07005123794078827 :0.04605554789304733 -of:0.1728939265012741 services:0.08735419064760208 was:0.08715667575597763 is:0.030445586889982224 :0.17225223779678345 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.06286199390888214 strength:0.031108083203434944 condition:0.02436814084649086 condition,:0.015501265414059162 :0.40750834345817566 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.14175014197826385 the:0.1403995007276535 with:0.06472762674093246 out:0.033731020987033844 :0.09171639382839203 -H.:0.020963430404663086 A.:0.017302468419075012 M:0.015727221965789795 B.:0.014989997260272503 :0.5806524753570557 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -ident:0.013910861685872078 pect:0.01370963267982006 cue:0.004083812236785889 .:0.0037351057399064302 :0.8896364569664001 -dow:0.46851372718811035 ter:0.1411789357662201 ning:0.03550349920988083 ter.:0.026834512129426003 :0.19040018320083618 -of:0.19841869175434113 to:0.06405293196439743 and:0.0628158375620842 in:0.027915669605135918 :0.10706249624490738 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.7708002924919128 the:0.02256174013018608 a:0.009321579709649086 and:0.0052724564447999 :0.03832508623600006 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -of:0.21018947660923004 in:0.08391658216714859 to:0.06620904058218002 between:0.0606299564242363 :0.06570059806108475 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.09482132643461227 to:0.07310507446527481 of:0.036488503217697144 in:0.027177801355719566 :0.2692556083202362 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.08241959661245346 thence:0.05399271100759506 where:0.02494300901889801 near:0.02486814372241497 :0.08812693506479263 -o'clock:0.110672727227211 per:0.07149618119001389 to:0.043467555195093155 a.:0.027001770213246346 :0.19192562997341156 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -years:0.12719585001468658 days:0.08470750600099564 minutes:0.06840284168720245 hundred:0.05596865341067314 :0.1513596922159195 -of:0.6397522687911987 and:0.04581350088119507 to:0.02464323863387108 in:0.019052427262067795 :0.026717692613601685 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.0650552362203598 in:0.04962833225727081 is:0.033417120575904846 to:0.03271962329745293 :0.10478051006793976 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.060768112540245056 country:0.02046826481819153 matter:0.014081597328186035 amount:0.012219402007758617 :0.15567417442798615 -and:0.05807989835739136 was:0.0434405542910099 of:0.0353422537446022 on:0.032836589962244034 :0.10870210081338882 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -years:0.053588785231113434 or:0.049720849841833115 hundred:0.032202597707509995 of:0.03051123209297657 :0.21560759842395782 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.13551847636699677 who:0.04076475277543068 to:0.027906913310289383 from:0.02495291642844677 :0.2377672642469406 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.2921874225139618 to:0.12881755828857422 and:0.052518829703330994 in:0.03516678512096405 :0.2145349681377411 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -much:0.08464746922254562 to:0.08419680595397949 the:0.08266311138868332 they:0.0423126183450222 :0.08944229781627655 -day:0.03561704233288765 of:0.0342353992164135 time:0.03303401544690132 to:0.021134300157427788 :0.15742477774620056 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.032656315714120865 e:0.024912230670452118 to:0.022702429443597794 ranged:0.015165358781814575 :0.32144126296043396 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -in:0.20352458953857422 by:0.08595030009746552 on:0.07290022075176239 for:0.06397207826375961 :0.042379654943943024 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.06167544797062874 the:0.04064152017235756 of:0.017018672078847885 who:0.01689605787396431 :0.42897558212280273 -in:0.12329422682523727 at:0.11891527473926544 by:0.06394807249307632 the:0.04816187918186188 :0.06176922470331192 -of:0.3056667745113373 and:0.11943035572767258 was:0.030680179595947266 with:0.027242159470915794 :0.09171038866043091 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.5493682026863098 ot:0.024065794423222542 for:0.01976962760090828 act:0.017935488373041153 :0.034575533121824265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -than:0.0519430935382843 and:0.0357978455722332 to:0.03426588699221611 away:0.03265058621764183 :0.11072482913732529 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -from:0.2569828927516937 with:0.07701340317726135 the:0.06771159172058105 and:0.051886849105358124 :0.046561531722545624 -after:0.07291223108768463 to:0.03904963284730911 on:0.022170696407556534 upon:0.019063610583543777 :0.17381255328655243 -of:0.16724859178066254 and:0.12053232640028 to:0.05147343873977661 who:0.049941275268793106 :0.05949622765183449 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -of:0.1507956087589264 the:0.14529670774936676 they:0.11601331830024719 it:0.0833960622549057 :0.05581556260585785 -17,:0.18807028234004974 block:0.035714659839868546 17:0.02636980079114437 range:0.02105940692126751 :0.15118315815925598 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -years:0.10627036541700363 days:0.06763610243797302 o'clock:0.047235917299985886 per:0.03206649050116539 :0.19858530163764954 -stand:0.19573906064033508 stood,:0.15641528367996216 standing:0.10873302817344666 signed:0.06891293078660965 :0.05933067575097084 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.09906714409589767 and:0.05513893812894821 was:0.02025989070534706 in:0.012248685583472252 :0.4232754409313202 -and:0.12535284459590912 of:0.04839230328798294 to:0.03239113837480545 in:0.032137658447027206 :0.10798539966344833 -of:0.06843184679746628 and:0.05152564495801926 who:0.03491220995783806 girl.:0.015249809250235558 :0.39700421690940857 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -auction:0.02915082313120365 auction,:0.02451956272125244 school:0.020690185949206352 and:0.020127294585108757 :0.21887941658496857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.07778067141771317 and:0.0670025497674942 is:0.05376842990517616 to:0.044530726969242096 :0.04079142585396767 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -on:0.48727768659591675 the:0.02538912743330002 thereon:0.021989868953824043 upon:0.018357321619987488 :0.08205921947956085 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -The:0.02018102817237377 the:0.0160328671336174 and:0.015632078051567078 of:0.015357382595539093 :0.2634615898132324 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -of:0.10231009870767593 the:0.08931878954172134 to:0.08882169425487518 a:0.04427826777100563 :0.08462861180305481 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -been:0.07631552964448929 a:0.03927735239267349 to:0.025228671729564667 not:0.022167835384607315 :0.21885964274406433 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.2228143811225891 or:0.03191796690225601 idea:0.013845998793840408 but:0.01275771576911211 :0.29510170221328735 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.16825810074806213 in:0.05951280891895294 to:0.04995100572705269 that:0.04076302796602249 :0.05326521396636963 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.0868455320596695 it:0.0400262251496315 if:0.03415347635746002 yet:0.027642888948321342 :0.06376281380653381 -day:0.03561704233288765 of:0.0342353992164135 time:0.03303401544690132 to:0.021134300157427788 :0.15742477774620056 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -Pierce,:0.03142120689153671 and:0.015497633256018162 A:0.0118629839271307 S:0.008887061849236488 :0.5405784249305725 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -trict:0.06172887235879898 tance:0.057150501757860184 covered:0.011707809753715992 posed:0.011331711895763874 :0.6068628430366516 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -the:0.03452898561954498 a:0.027237987145781517 .:0.010751849040389061 n:0.007708323188126087 :0.4109404385089874 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.24884828925132751 of:0.11955544352531433 and:0.053410835564136505 angles:0.03276120871305466 :0.07252483069896698 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -line:0.031530119478702545 body:0.028349438682198524 sewer:0.013029372319579124 building:0.012415912002325058 :0.16538730263710022 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -new:0.029597237706184387 to:0.028195766732096672 of:0.02597043849527836 on:0.023288799449801445 :0.23113460838794708 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.24073807895183563 to:0.10260691493749619 the:0.09690681099891663 from:0.05761786550283432 :0.05559399351477623 -Carolina:0.1777162402868271 Carolina,:0.043457452207803726 Dakota.:0.029480356723070145 Dakota,:0.02807755209505558 :0.19015632569789886 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.21205540001392365 they:0.08831535279750824 it:0.057835932821035385 you:0.041441526263952255 :0.07327617704868317 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -that:0.20147337019443512 what:0.08905667066574097 the:0.07134820520877838 how:0.04897133633494377 :0.048351582139730453 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -John:0.023180294781923294 J:0.020701322704553604 W.:0.02034001052379608 Henry:0.019465463235974312 :0.3680909276008606 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.24092110991477966 shall:0.06153065711259842 to:0.04594583809375763 or:0.03831157460808754 :0.06355142593383789 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -stitution:0.1626213788986206 gress:0.1459484100341797 vention:0.05083823576569557 gress,:0.008388029411435127 :0.5393728017807007 -in:0.18430668115615845 and:0.1770409196615219 of:0.04939516261219978 is:0.039021946489810944 :0.05544367805123329 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -tant:0.09586241096258163 tance:0.09049641340970993 trict:0.05209236219525337 charge:0.04965286701917648 :0.38522404432296753 -of:0.051693905144929886 the:0.028269333764910698 to:0.024869505316019058 and:0.021218568086624146 :0.28655627369880676 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.05413566157221794 the:0.015723222866654396 to:0.011484552174806595 in:0.009653288871049881 :0.3054986000061035 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.3099905252456665 and:0.07288113236427307 in:0.05173218622803688 at:0.04259250685572624 :0.03966064378619194 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -to:0.6454043984413147 the:0.03704651817679405 a:0.016056692227721214 with:0.01558027882128954 :0.06504684686660767 -and:0.14455343782901764 where:0.040623489767313004 between:0.038061682134866714 in:0.0356627032160759 :0.1293235421180725 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.31594228744506836 tho:0.019255435094237328 them:0.01584724895656109 two:0.014858921058475971 :0.15068286657333374 -and:0.222036212682724 but:0.08478815108537674 the:0.03373615816235542 or:0.030396342277526855 :0.03897276520729065 -every:0.0454334132373333 a:0.0446772575378418 as:0.04280715063214302 entirely:0.02934308350086212 :0.2138059437274933 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08022454380989075 a:0.018779832869768143 ways:0.015474321320652962 ready:0.01338608656078577 :0.28689882159233093 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -between:0.2324390709400177 of:0.13156500458717346 in:0.11266430467367172 In:0.03527748957276344 :0.028477903455495834 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -L.:0.022548118606209755 L:0.021790966391563416 C:0.010225806385278702 W.:0.01001771166920662 :0.5794802904129028 -as:0.16854649782180786 before:0.06599295884370804 what:0.03843866288661957 a:0.024594558402895927 :0.08551198989152908 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.0821581557393074 on:0.06761246919631958 for:0.040819887071847916 at:0.03935964033007622 :0.12252531945705414 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08966389298439026 they:0.07666683197021484 he:0.0604403018951416 it:0.05434216186404228 :0.09658120572566986 -of:0.23431077599525452 in:0.05962540954351425 are:0.058487631380558014 and:0.051991481333971024 :0.057092078030109406 -of:0.48308074474334717 and:0.05598292499780655 to:0.02694348804652691 floor:0.01265928614884615 :0.06547189503908157 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -a:0.2304607778787613 up:0.13443094491958618 the:0.10561692714691162 and:0.030087964609265327 :0.07588212937116623 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -to:0.1770935207605362 above:0.0834425538778305 of:0.08211614936590195 in:0.04307474568486214 :0.07087589800357819 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -much:0.08464746922254562 to:0.08419680595397949 the:0.08266311138868332 they:0.0423126183450222 :0.08944229781627655 -the:0.10320796817541122 and:0.10078106075525284 but:0.060804929584264755 that:0.03549860417842865 :0.045688606798648834 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -of:0.30490413308143616 a:0.08861035108566284 and:0.0702599585056305 the:0.06521826982498169 :0.04706863686442375 -and:0.21621586382389069 of:0.1412728875875473 are:0.0470779649913311 in:0.03307569399476051 :0.03032146766781807 -States:0.5249002575874329 States,:0.14538247883319855 States.:0.12097357958555222 States;:0.017308538779616356 :0.12549808621406555 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.18290425837039948 to:0.12180855125188828 that:0.08725845068693161 how:0.07005123794078827 :0.04605554789304733 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -names:0.03747140243649483 name:0.031221462413668633 duty:0.014536472968757153 hands:0.007228906732052565 :0.18480472266674042 -of:0.16878075897693634 and:0.12877650558948517 in:0.09267634153366089 to:0.06346389651298523 :0.055462148040533066 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -a:0.21331514418125153 the:0.1239723339676857 to:0.0550079308450222 that:0.02439114637672901 :0.146322101354599 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -at:0.216253399848938 that:0.2079920768737793 to:0.09462930262088776 cost:0.05252617970108986 :0.0498509481549263 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.20374931395053864 for:0.17764945328235626 and:0.11744017153978348 in:0.03630581125617027 :0.06916161626577377 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.04834340885281563 to:0.0475228875875473 about:0.02197789028286934 by:0.015706874430179596 :0.1964738965034485 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -miles:0.06168244406580925 and:0.05309094861149788 numbered:0.045141227543354034 of:0.028006765991449356 :0.2851199209690094 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.1804891973733902 the:0.030593253672122955 which:0.02952839806675911 but:0.027828723192214966 :0.06753981858491898 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -the:0.060671038925647736 a:0.01552096102386713 that:0.014593787491321564 tho:0.01434879470616579 :0.25237518548965454 -the:0.46960192918777466 said:0.05490652471780777 with:0.04851846769452095 a:0.021907592192292213 :0.05261163040995598 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.8008015751838684 and:0.02776533178985119 of:0.025525210425257683 or:0.010330362245440483 :0.012238629162311554 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -The:0.11052446067333221 It:0.057835645973682404 I:0.048458222299814224 He:0.03436220437288284 :0.18453140556812286 -the:0.060671038925647736 a:0.01552096102386713 that:0.014593787491321564 tho:0.01434879470616579 :0.25237518548965454 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -The:0.14379961788654327 It:0.07840387523174286 He:0.03300566226243973 There:0.02861653082072735 :0.09620307385921478 -most:0.006996858865022659 State:0.006420197896659374 United:0.005369978491216898 same:0.003963794093579054 :0.4440574645996094 -of:0.19167153537273407 in:0.06939578801393509 was:0.05413179472088814 is:0.05000906437635422 :0.05027378723025322 -The:0.18685086071491241 It:0.07743678241968155 He:0.026206932961940765 Mr.:0.02601536363363266 :0.11905086785554886 -to:0.27908986806869507 out:0.0648028552532196 for:0.04084820672869682 a:0.04063507542014122 :0.058619894087314606 -of:0.09153872728347778 and:0.07225829362869263 in:0.02675875835120678 to:0.021226035431027412 :0.12149211764335632 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.13110685348510742 of:0.053365182131528854 in:0.03461993485689163 is:0.03382420912384987 :0.12994565069675446 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -and:0.11723640561103821 to:0.053613293915987015 of:0.049609068781137466 in:0.03250570595264435 :0.09960629045963287 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.181649312376976 per:0.10868126899003983 in:0.03009784035384655 on:0.029150037094950676 :0.10334900766611099 -is:0.10303271561861038 the:0.06430774927139282 he:0.0539449080824852 they:0.05261162295937538 :0.07537786662578583 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -The:0.14688734710216522 A:0.05843209847807884 It:0.03928434103727341 He:0.03682650625705719 :0.14289765059947968 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -of:0.6401479840278625 in:0.052853021770715714 ot:0.015404925681650639 and:0.01340741477906704 :0.04293636977672577 -the:0.2758026123046875 this:0.07061681151390076 a:0.042534295469522476 that:0.02658023126423359 :0.14110659062862396 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -of:0.2436208724975586 and:0.07616732269525528 to:0.03560998663306236 was:0.024449262768030167 :0.08431541174650192 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.1129763126373291 that:0.10810033231973648 the:0.0824112817645073 a:0.06360829621553421 :0.07629287987947464 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.13436384499073029 and:0.0647086426615715 of:0.046327218413352966 to:0.0229506678879261 :0.12347905337810516 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -in:0.2023877054452896 and:0.1028638705611229 are:0.04479039087891579 of:0.03480120375752449 :0.05492451414465904 -of:0.2721216380596161 and:0.07427262514829636 for:0.029818329960107803 was:0.02937067300081253 :0.029599295929074287 -much:0.035200927406549454 that:0.03122761845588684 far:0.025950513780117035 to:0.023433774709701538 :0.3270668387413025 -and:0.24005311727523804 the:0.03993009775876999 but:0.03268279507756233 or:0.03131871297955513 :0.05238501355051994 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.15310871601104736 which:0.0444117933511734 the:0.030144797638058662 but:0.02143220044672489 :0.07667461782693863 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -vided:0.03440919890999794 vide:0.029664522036910057 visions:0.02733607031404972 rata:0.026946498081088066 :0.5425698161125183 -of:0.22063253819942474 and:0.06546112895011902 was:0.033469781279563904 in:0.025889994576573372 :0.16583144664764404 -a:0.04298098012804985 one:0.04271060973405838 two:0.037807054817676544 three:0.02456761710345745 :0.16411034762859344 -of:0.22774504125118256 on:0.08501449972391129 to:0.052234750241041183 in:0.04906715080142021 :0.07598454505205154 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -of:0.7485945820808411 and:0.023473821580410004 ot:0.019082389771938324 on:0.0148027203977108 :0.024162866175174713 -A.:0.29969194531440735 1910,:0.03919914364814758 and:0.03360757231712341 1898,:0.023078616708517075 :0.25721678137779236 -the:0.25063270330429077 a:0.12584659457206726 and:0.03827435150742531 such:0.02742479182779789 :0.06795282661914825 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.48308074474334717 and:0.05598292499780655 to:0.02694348804652691 floor:0.01265928614884615 :0.06547189503908157 -of:0.3474387228488922 and:0.0671711266040802 in:0.014828030951321125 Hall,:0.014470801688730717 :0.14438346028327942 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.11775155365467072 It:0.06629440188407898 In:0.03867456316947937 A:0.038067564368247986 :0.24735239148139954 -terest:0.02970144897699356 crease:0.022288411855697632 stead:0.02054322324693203 to:0.017772745341062546 :0.6365475058555603 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.13707947731018066 It:0.073143370449543 He:0.040555182844400406 Mr.:0.02775743044912815 :0.11804960668087006 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -o'clock:0.05307083949446678 .:0.045769985765218735 of:0.037450842559337616 and:0.031131597235798836 :0.31821712851524353 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.298324316740036 and:0.035671986639499664 line:0.02996394969522953 end:0.01988442800939083 :0.06859356164932251 -to:0.6864590048789978 and:0.03596794605255127 in:0.010315865278244019 for:0.009721056558191776 :0.07842718809843063 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -.:0.11744508147239685 the:0.065430648624897 .,:0.06000164523720741 a:0.022781655192375183 :0.2174055576324463 -and:0.15870782732963562 but:0.08319483697414398 that:0.02683163248002529 as:0.02631259895861149 :0.03784750774502754 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -mand:0.05641615390777588 grees:0.03593277931213379 scribed:0.02867727540433407 partment:0.025207728147506714 :0.5335603356361389 -and:0.12077993154525757 but:0.0453496128320694 the:0.03661300241947174 as:0.024230360984802246 :0.06837861239910126 -B.:0.02028615213930607 E:0.020282939076423645 H.:0.01811414211988449 B:0.015139817260205746 :0.42620640993118286 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.21486413478851318 is:0.08347757160663605 was:0.07309142500162125 and:0.06134265288710594 :0.059410929679870605 -the:0.13879473507404327 a:0.13107214868068695 it:0.06926743686199188 no:0.03314053267240524 :0.0525323860347271 -of:0.03127415105700493 and:0.01589454524219036 .:0.01528619509190321 to:0.014104236848652363 :0.37127217650413513 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -necessary:0.1810949742794037 it:0.15010766685009003 the:0.05037376657128334 necessary,:0.03107609413564205 :0.16662229597568512 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.0877988412976265 a:0.03205561265349388 have:0.019942132756114006 mean:0.016318632289767265 :0.20992352068424225 -and:0.16574311256408691 the:0.04738760367035866 but:0.02125541679561138 which:0.019488565623760223 :0.15793238580226898 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.09470299631357193 and:0.07100066542625427 as:0.021002713590860367 in:0.016677457839250565 :0.1401742845773697 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -on:0.11336685717105865 was:0.06963159888982773 in:0.06374320387840271 is:0.05051175504922867 :0.056052546948194504 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.21181827783584595 they:0.03641663119196892 in:0.03181426599621773 he:0.025803958997130394 :0.11875980347394943 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.15098440647125244 and:0.11922437697649002 or:0.05764665827155113 at:0.05374186858534813 :0.10123012214899063 -was:0.06561992317438126 had:0.03705403208732605 has:0.029276518151164055 is:0.024481505155563354 :0.19223681092262268 -the:0.1721605807542801 with:0.05314335227012634 of:0.05215542018413544 a:0.049872927367687225 :0.07787014544010162 -of:0.3335553705692291 to:0.08080381900072098 that:0.04510531574487686 a:0.036591097712516785 :0.08184067159891129 -the:0.07762610167264938 in:0.04542387276887894 than:0.03504395857453346 on:0.027519043534994125 :0.09546606987714767 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.06163204088807106 or:0.02278747782111168 but:0.016155095770955086 the:0.013386757113039494 :0.3260499835014343 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.6676447987556458 in:0.044023603200912476 ot:0.018098974600434303 to:0.0138979097828269 :0.03698629140853882 -and:0.05804699286818504 source:0.012028517201542854 care:0.011921469122171402 stream:0.010732859373092651 :0.3782057762145996 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.22809098660945892 the:0.026040583848953247 but:0.02451806701719761 or:0.012138047255575657 :0.2354082465171814 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -of:0.2469691038131714 from:0.09334085881710052 that:0.09179266542196274 the:0.03193344175815582 :0.04502269625663757 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.022682150825858116 bunch:0.010756747797131538 enough:0.008870987221598625 as:0.007317029405385256 :0.26969534158706665 -the:0.07678083330392838 to:0.02652648463845253 in:0.022869504988193512 and:0.022844327613711357 :0.278396874666214 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -tion:0.06860470771789551 cording:0.05955463647842407 count:0.05203074589371681 cept:0.04549907520413399 :0.5515580773353577 -and:0.0650552362203598 in:0.04962833225727081 is:0.033417120575904846 to:0.03271962329745293 :0.10478051006793976 -that:0.22043520212173462 to:0.173247292637825 of:0.10339397192001343 the:0.030324570834636688 :0.06987497955560684 -to:0.15024632215499878 and:0.08324504643678665 of:0.06618307530879974 in:0.0366668775677681 :0.09939947724342346 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -The:0.03412853553891182 I:0.01929697021842003 and:0.01697475276887417 It:0.0144980913028121 :0.121312215924263 -and:0.0650552362203598 in:0.04962833225727081 is:0.033417120575904846 to:0.03271962329745293 :0.10478051006793976 -the:0.43341735005378723 a:0.0633452907204628 tho:0.027144378051161766 which:0.025998953729867935 :0.08176284283399582 -the:0.17331837117671967 tho:0.03399989753961563 a:0.013640719465911388 tbe:0.012010549195110798 :0.2868979573249817 -States:0.10692910850048065 States,:0.05376538261771202 Pacific:0.032763224095106125 States.:0.015607832930982113 :0.258865088224411 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -own:0.049847304821014404 best:0.009883097372949123 children:0.008968301117420197 home:0.007677160203456879 :0.30162668228149414 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -morning:0.07261134684085846 and:0.07178562879562378 afternoon:0.04440302774310112 at:0.04028451070189476 :0.1093861311674118 -I:0.20361585915088654 It:0.049712926149368286 The:0.035521529614925385 and:0.029122445732355118 :0.22240640223026276 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.0868455320596695 it:0.0400262251496315 if:0.03415347635746002 yet:0.027642888948321342 :0.06376281380653381 -the:0.13683831691741943 a:0.09846357256174088 place:0.07857562601566315 up:0.04121507331728935 :0.07779614627361298 -is:0.2611105144023895 are:0.16385239362716675 was:0.13630259037017822 were:0.08566633611917496 :0.03625030443072319 -and:0.01945614628493786 option:0.018079577013850212 authorities:0.01220905315130949 papers:0.0061342609114944935 :0.25545090436935425 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.24884828925132751 of:0.11955544352531433 and:0.053410835564136505 angles:0.03276120871305466 :0.07252483069896698 -of:0.19652771949768066 were:0.07207194715738297 and:0.05080261081457138 in:0.03431941196322441 :0.0753696858882904 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.1732308268547058 for:0.12082567065954208 in:0.0365646556019783 a:0.03052341938018799 :0.08468896895647049 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.43341735005378723 a:0.0633452907204628 tho:0.027144378051161766 which:0.025998953729867935 :0.08176284283399582 -of:0.0954684391617775 year:0.038241513073444366 other:0.03241894021630287 and:0.030703196302056313 :0.15927621722221375 -the:0.18535630404949188 a:0.0461999885737896 tho:0.021625783294439316 this:0.01602466031908989 :0.25830066204071045 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -viz::0.3843490779399872 and:0.15652665495872498 or:0.05319296941161156 executed:0.027581248432397842 :0.05493784695863724 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.09796717762947083 o'clock:0.07755530625581741 to:0.02997192181646824 per:0.029160114005208015 :0.30996808409690857 -own:0.035497743636369705 way:0.0186057910323143 head:0.00975469034165144 hands:0.0067427377216517925 :0.5236009955406189 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.09662987291812897 is:0.05003944784402847 to:0.048897769302129745 are:0.031358130276203156 :0.1629292368888855 -the:0.03359666466712952 that:0.02283593639731407 a:0.021627278998494148 in:0.010965019464492798 :0.28446492552757263 -the:0.16749122738838196 a:0.0874045267701149 that:0.07623092830181122 him:0.04044206440448761 :0.09637296199798584 -of:0.29395732283592224 and:0.15193182229995728 to:0.052161213010549545 in:0.035772655159235 :0.10936024785041809 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.0821581557393074 on:0.06761246919631958 for:0.040819887071847916 at:0.03935964033007622 :0.12252531945705414 -forth:0.19866147637367249 the:0.08105418086051941 up:0.05894225463271141 out:0.04455725476145744 :0.08194969594478607 -in:0.14736557006835938 on:0.1196647435426712 to:0.09780900925397873 In:0.07985253632068634 :0.14413277804851532 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1984053999185562 the:0.04335682839155197 but:0.03112872503697872 with:0.02761182375252247 :0.07470914721488953 -to:0.28687044978141785 of:0.24657434225082397 and:0.0489080473780632 that:0.037406377494335175 :0.02614544704556465 -of:0.24856890738010406 and:0.13136428594589233 in:0.05926543101668358 are:0.038861121982336044 :0.059701867401599884 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.2034444957971573 the:0.04101989418268204 but:0.03701000288128853 as:0.024212991818785667 :0.08227810263633728 -much:0.08464746922254562 to:0.08419680595397949 the:0.08266311138868332 they:0.0423126183450222 :0.08944229781627655 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -the:0.02279348112642765 of:0.012669960968196392 a:0.01022688951343298 .:0.009398240596055984 :0.3351995348930359 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.05916363745927811 on:0.054099857807159424 by:0.05319372937083244 the:0.05241535231471062 :0.1032695546746254 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -and:0.08373484760522842 down:0.050071556121110916 in:0.03921767324209213 was:0.03260216861963272 :0.06068764254450798 -much:0.05375171825289726 large:0.031694646924734116 few:0.02574608474969864 little:0.02124662883579731 :0.2459079623222351 -and:0.14118508994579315 in:0.05497147887945175 were:0.04875200241804123 to:0.04516684636473656 :0.09336148947477341 -vanced:0.11167402565479279 vantage:0.05773797631263733 ministration:0.05194300040602684 dress:0.03363421559333801 :0.47107765078544617 -and:0.026569737121462822 of:0.02582881599664688 was:0.024980271235108376 is:0.019568022340536118 :0.18414925038814545 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.07572076469659805 in:0.05186588689684868 to:0.033870331943035126 a:0.020435377955436707 :0.22338618338108063 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.6048688292503357 tho:0.04073081910610199 which:0.031648941338062286 his:0.02382778190076351 :0.035510674118995667 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.11217264831066132 water:0.04500965401530266 weather:0.038783296942710876 weather.:0.026343083009123802 :0.16934728622436523 -the:0.03693920746445656 to:0.024416733533143997 of:0.024359961971640587 and:0.015710746869444847 :0.3055534064769745 -to:0.9453404545783997 lo:0.005826559383422136 as:0.002079135039821267 by:0.00188958749640733 :0.012279093265533447 -,000:0.04080440104007721 miles:0.02772342413663864 feet:0.025863273069262505 people:0.02576983906328678 :0.21491707861423492 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -years:0.10627036541700363 days:0.06763610243797302 o'clock:0.047235917299985886 per:0.03206649050116539 :0.19858530163764954 -and:0.13578401505947113 in:0.02192634530365467 to:0.019818872213363647 was:0.01875438168644905 :0.2022673338651657 -be:0.3013826310634613 have:0.11894971877336502 not:0.038309138268232346 bo:0.01216239295899868 :0.07202029228210449 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -John:0.023180294781923294 J:0.020701322704553604 W.:0.02034001052379608 Henry:0.019465463235974312 :0.3680909276008606 -John:0.019947219640016556 James:0.0158244501799345 and:0.013764276169240475 William:0.012801941484212875 :0.5416479706764221 -and:0.11215432733297348 of:0.09104301780462265 in:0.0551702156662941 that:0.023403577506542206 :0.13026872277259827 -the:0.15769261121749878 from:0.10544424504041672 over:0.08449705690145493 to:0.043853309005498886 :0.06464977562427521 -to:0.25546741485595703 the:0.19656604528427124 of:0.05101552978157997 that:0.02069464512169361 :0.028660433366894722 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10816779732704163 to:0.05309121683239937 for:0.03989104926586151 in:0.02834278903901577 :0.11352939158678055 -a:0.2041395902633667 the:0.08652012050151825 to:0.06664106994867325 an:0.029424190521240234 :0.04936107248067856 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -of:0.2751155495643616 Court:0.053559280931949615 and:0.034444309771060944 in:0.026447677984833717 :0.10508152097463608 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.19603444635868073 in:0.03643476590514183 a:0.031089650467038155 at:0.023958954960107803 :0.04957491531968117 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -tion:0.253997802734375 tion,:0.05995677411556244 tions:0.03737713769078255 tions,:0.023826267570257187 :0.5020301342010498 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -voters:0.11213205009698868 at:0.0824691504240036 in:0.06535983830690384 and:0.051044631749391556 :0.14433413743972778 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -and:0.2845490872859955 dollars:0.055477872490882874 yards:0.04543561860918999 feet:0.021125484257936478 :0.16273267567157745 -The:0.12409330159425735 It:0.06592714041471481 I:0.04814743250608444 A:0.03098474070429802 :0.14640168845653534 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -and:0.05358007550239563 man:0.05287296324968338 men:0.03441380709409714 oak:0.019308483228087425 :0.3487381637096405 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -and:0.06946471333503723 floral:0.06024238094687462 as:0.01185214426368475 young:0.011570535600185394 :0.2606329321861267 -of:0.22525468468666077 and:0.08593035489320755 to:0.050674840807914734 who:0.049643635749816895 :0.05414532870054245 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2758026123046875 this:0.07061681151390076 a:0.042534295469522476 that:0.02658023126423359 :0.14110659062862396 -the:0.027377452701330185 .:0.013190691359341145 and:0.009683377109467983 to:0.0088729253038764 :0.4881405830383301 -of:0.1352733075618744 in:0.0843922421336174 where:0.0725841224193573 the:0.03374582529067993 :0.05411990359425545 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -of:0.19589440524578094 that:0.10093285143375397 is:0.10078539699316025 to:0.08938940614461899 :0.04084471985697746 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.20307928323745728 and:0.11791566759347916 in:0.03456147387623787 to:0.03019583784043789 :0.05356466397643089 -and:0.07645842432975769 at:0.05896000936627388 of:0.053108587861061096 the:0.0516732856631279 :0.09859033674001694 -to:0.15909218788146973 out:0.05340169370174408 about:0.04949793592095375 the:0.04316485673189163 :0.057520657777786255 -the:0.18250888586044312 a:0.03166002035140991 tho:0.0159840676933527 tha:0.015940217301249504 :0.47147810459136963 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.23662959039211273 that:0.06682252883911133 to:0.0582779198884964 the:0.047256823629140854 :0.053128499537706375 -and:0.0801103413105011 to:0.05326370894908905 for:0.051326826214790344 is:0.04164429008960724 :0.135053351521492 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.15729957818984985 against:0.07340183854103088 the:0.05522279813885689 is:0.047122370451688766 :0.04900182783603668 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.4058491885662079 and:0.060788415372371674 to:0.040784094482660294 in:0.03268716484308243 :0.027253715321421623 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -possible:0.06017756089568138 proved:0.042814724147319794 pressed:0.04231735318899155 mediately:0.03844977915287018 :0.38118302822113037 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.24792565405368805 and:0.07219356298446655 to:0.04833976551890373 in:0.04584300518035889 :0.04297761246562004 -and:0.06386292725801468 in:0.05884215235710144 is:0.05872027948498726 to:0.0528276190161705 :0.07905623316764832 -Newton:0.029766293242573738 and:0.02643602341413498 H.:0.021779872477054596 P.:0.015987694263458252 :0.4154112637042999 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -The:0.11025992780923843 It:0.056819550693035126 I:0.03605329990386963 There:0.03328348696231842 :0.1664714813232422 -by:0.10623695701360703 in:0.0765051618218422 to:0.07187975198030472 with:0.034988272935152054 :0.03681784123182297 -of:0.6081460118293762 to:0.020208319649100304 not:0.018071455880999565 ot:0.015339093282818794 :0.05228670313954353 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -miles:0.06168244406580925 and:0.05309094861149788 numbered:0.045141227543354034 of:0.028006765991449356 :0.2851199209690094 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.09299120306968689 of:0.07938957959413528 and:0.05245117098093033 the:0.04695473238825798 :0.07857552915811539 -and:0.10884125530719757 are:0.07918241620063782 in:0.04957425221800804 were:0.04778638482093811 :0.05131111294031143 -per:0.2181856483221054 a:0.19654347002506256 for:0.062319155782461166 to:0.04985693842172623 :0.07988236099481583 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.10240107774734497 a:0.06718461215496063 them:0.04779723286628723 him:0.04725667089223862 :0.07082982361316681 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.2611105144023895 are:0.16385239362716675 was:0.13630259037017822 were:0.08566633611917496 :0.03625030443072319 -the:0.15388223528862 any:0.1172749400138855 a:0.11187977343797684 it:0.04406388849020004 :0.03891738876700401 -of:0.32273074984550476 the:0.059481244534254074 was:0.03502509370446205 made:0.032435666769742966 :0.04509316384792328 -to:0.1318817287683487 the:0.09446574002504349 and:0.08023318648338318 for:0.02952084131538868 :0.13902458548545837 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.0648307278752327 of:0.04718853160738945 in:0.04090535268187523 to:0.040723808109760284 :0.10770276188850403 -bers:0.3910190463066101 ber:0.09436896443367004 ory:0.04097308963537216 ber,:0.011467654258012772 :0.35560986399650574 -The:0.12125865370035172 It:0.06780296564102173 I:0.03455876186490059 We:0.031218694522976875 :0.20942045748233795 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.036487482488155365 and:0.024855665862560272 the:0.019530432298779488 .:0.01741611957550049 :0.24208059906959534 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.6504679918289185 and:0.12098725885152817 in:0.01593700610101223 to:0.012914786115288734 :0.02453666366636753 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.21253253519535065 and:0.09118490666151047 was:0.0561240054666996 to:0.025822123512625694 :0.08580341190099716 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.021680697798728943 a:0.017965268343687057 .:0.017261095345020294 of:0.015939950942993164 :0.2944576144218445 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.3119533658027649 the:0.09560158103704453 and:0.057611431926488876 in:0.040322721004486084 :0.035767365247011185 -that:0.29337552189826965 a:0.1033094972372055 the:0.0928698182106018 how:0.042445916682481766 :0.04109981656074524 -the:0.06416065245866776 a:0.048969633877277374 to:0.0368959978222847 be:0.025181012228131294 :0.1372653990983963 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.19045665860176086 there:0.05351750925183296 this:0.04291217401623726 we:0.037500083446502686 :0.08134202659130096 -the:0.39037686586380005 this:0.030223578214645386 a:0.027476320043206215 tho:0.02285674586892128 :0.1085556149482727 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -than:0.22120320796966553 a:0.04603537544608116 the:0.024402882903814316 more:0.022451026365160942 :0.17651943862438202 -of:0.22287075221538544 and:0.07354531437158585 in:0.024367477744817734 to:0.023403756320476532 :0.07093559205532074 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -15,:0.06947842240333557 and:0.030517535284161568 block:0.02911725826561451 1910,:0.025283798575401306 :0.3916158676147461 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ways:0.15397505462169647 ready:0.13952670991420746 lowed:0.10723552852869034 most:0.1023068055510521 :0.17956550419330597 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.07362323254346848 in:0.04955446347594261 to:0.0439881905913353 at:0.030892012640833855 :0.06272338330745697 -fully:0.2947681248188019 ful:0.14364562928676605 the:0.016493652015924454 -:0.014174774289131165 :0.3130756914615631 -the:0.05077357217669487 it:0.025098631158471107 a:0.02491251565515995 to:0.017147017642855644 :0.09428822994232178 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2995724380016327 is:0.04915042221546173 was:0.04320988804101944 that:0.03736812248826027 :0.04120790958404541 -of:0.48606279492378235 and:0.07706062495708466 the:0.03437352553009987 to:0.019321145489811897 :0.06018771603703499 -with:0.3198179304599762 by:0.14841091632843018 the:0.04520276561379433 to:0.0361698716878891 :0.03983674943447113 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.13821139931678772 that:0.05628193914890289 and:0.03477304428815842 a:0.02936231903731823 :0.1333797723054886 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -a:0.19874274730682373 is:0.09803590923547745 an:0.051697421818971634 men:0.02483726479113102 :0.10492101311683655 -and:0.11199667304754257 of:0.0909603089094162 in:0.06961880624294281 are:0.041917584836483 :0.060527391731739044 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -The:0.10515522211790085 It:0.07211185246706009 I:0.039155665785074234 If:0.030934100970625877 :0.14562161266803741 -of:0.16978515684604645 line:0.07059624791145325 quarter:0.05792009457945824 side:0.050644174218177795 :0.12782599031925201 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -lected:0.151759535074234 lection:0.07659340649843216 ored:0.07481618970632553 lege:0.06073169782757759 :0.4733022153377533 -The:0.15588100254535675 It:0.04055264964699745 There:0.04031899571418762 A:0.03961049020290375 :0.1170797348022461 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -try:0.47788137197494507 try,:0.18803946673870087 ty:0.05743768811225891 tries:0.03802337497472763 :0.07605955749750137 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.07330600172281265 up:0.05434029549360275 the:0.04008609801530838 on:0.03949630260467529 :0.09214796125888824 -out:0.06619517505168915 forth:0.06040060147643089 of:0.059924300760030746 up:0.05789599567651749 :0.0789448693394661 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -tained:0.39808282256126404 tain:0.21129339933395386 taining:0.05756593123078346 ly:0.011844954453408718 :0.24157793819904327 -to:0.36940377950668335 of:0.1350174993276596 that:0.02999832108616829 and:0.029600603505969048 :0.03730221465229988 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.18811596930027008 and:0.10002051293849945 were:0.04963432624936104 to:0.03712533786892891 :0.11557954549789429 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3501932919025421 to:0.04500313475728035 was:0.03496691957116127 is:0.029073256999254227 :0.04880897328257561 -to:0.09424768388271332 that:0.04623519629240036 in:0.04370569437742233 the:0.04215296730399132 :0.08041801303625107 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ways:0.15397505462169647 ready:0.13952670991420746 lowed:0.10723552852869034 most:0.1023068055510521 :0.17956550419330597 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.1129763126373291 that:0.10810033231973648 the:0.0824112817645073 a:0.06360829621553421 :0.07629287987947464 -of:0.2767913043498993 and:0.21845705807209015 to:0.039104826748371124 a:0.023906875401735306 :0.06853555142879486 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -pany:0.034470926970243454 ing:0.020861487835645676 plete:0.018202202394604683 mittee:0.01705554500222206 :0.5472907423973083 -The:0.0991922914981842 D:0.08599502593278885 It:0.035159796476364136 He:0.03420566767454147 :0.1532810926437378 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.23283405601978302 at:0.13937807083129883 that:0.06517776846885681 and:0.056329887360334396 :0.05614427104592323 -of:0.15168190002441406 a:0.14205898344516754 the:0.06233258545398712 an:0.04192729294300079 :0.1072683185338974 -of:0.17934845387935638 to:0.0881994217634201 in:0.07109659910202026 and:0.04506242647767067 :0.031147755682468414 -the:0.13683831691741943 a:0.09846357256174088 place:0.07857562601566315 up:0.04121507331728935 :0.07779614627361298 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -most:0.006996858865022659 State:0.006420197896659374 United:0.005369978491216898 same:0.003963794093579054 :0.4440574645996094 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.24884828925132751 of:0.11955544352531433 and:0.053410835564136505 angles:0.03276120871305466 :0.07252483069896698 -States:0.5249002575874329 States,:0.14538247883319855 States.:0.12097357958555222 States;:0.017308538779616356 :0.12549808621406555 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -years:0.0784083902835846 or:0.044089969247579575 hundred:0.028000427410006523 successive:0.024910900741815567 :0.16574934124946594 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.16162055730819702 for:0.13246919214725494 on:0.04919328913092613 in:0.04775194078683853 :0.05667604133486748 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.1770935207605362 above:0.0834425538778305 of:0.08211614936590195 in:0.04307474568486214 :0.07087589800357819 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.03153189644217491 by:0.027743583545088768 abandoned:0.02395966835319996 and:0.0225959662348032 :0.3984030783176422 -and:0.0650552362203598 in:0.04962833225727081 is:0.033417120575904846 to:0.03271962329745293 :0.10478051006793976 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -in:0.0875076875090599 the:0.06762214750051498 up:0.06661771982908249 on:0.05827484652400017 :0.0542076975107193 -and:0.08872266113758087 W.:0.02368033491075039 A.:0.02247472107410431 J.:0.01971431076526642 :0.44621556997299194 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.16081133484840393 to:0.12296096235513687 and:0.06147054582834244 on:0.044364649802446365 :0.06571459025144577 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.0243430994451046 lion:0.02276580035686493 to:0.019612886011600494 a:0.019147640094161034 :0.22186818718910217 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -day,:0.10769674926996231 day:0.06579017639160156 morning:0.03686236962676048 and:0.02901560068130493 :0.12727908790111542 -and:0.05998329073190689 of:0.05423448607325554 as:0.010668705217540264 for:0.01030017901211977 :0.27986830472946167 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.290565550327301 house:0.08023709058761597 to:0.0656346008181572 and:0.04095207154750824 :0.049919817596673965 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.05864819139242172 a:0.013769799843430519 of:0.012842449359595776 .:0.011839444749057293 :0.46087655425071716 -of:0.16001053154468536 after:0.048565689474344254 before:0.03934324160218239 and:0.0389828085899353 :0.06961207836866379 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.16477906703948975 that:0.12666550278663635 in:0.05540671572089195 by:0.04142936319112778 :0.1006336584687233 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -The:0.1037527471780777 That:0.04587932303547859 block:0.03690015524625778 A:0.02545176073908806 :0.15049807727336884 -Co.,:0.09304863959550858 Co.:0.06691919267177582 Ohio:0.033300016075372696 St.:0.01687372848391533 :0.37542811036109924 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.24140645563602448 of:0.08127612620592117 and:0.06093951314687729 the:0.03275790438055992 :0.05774327367544174 -of:0.6032004356384277 and:0.03681729733943939 are:0.02272956632077694 to:0.022187700495123863 :0.04603244364261627 -to:0.274614542722702 of:0.15881864726543427 the:0.058553546667099 a:0.035974521189928055 :0.05241212993860245 -the:0.12009716033935547 up:0.09298626333475113 down:0.07048989832401276 in:0.04317474365234375 :0.044309910386800766 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.034162264317274094 was:0.02822710946202278 the:0.025385484099388123 to:0.01940377801656723 :0.28913959860801697 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -20.:0.05166461318731308 and:0.0315595306456089 24,:0.016345318406820297 of:0.014160681515932083 :0.28359460830688477 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -be:0.2578584551811218 not:0.03358340635895729 do:0.024384891614317894 bo:0.01854175329208374 :0.11540351063013077 -and:0.0960155799984932 to:0.06035367399454117 Block:0.03833146020770073 car:0.023061910644173622 :0.18898244202136993 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2145787626504898 from:0.1544627547264099 and:0.063152976334095 in:0.03105560690164566 :0.0415889248251915 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.298324316740036 and:0.035671986639499664 line:0.02996394969522953 end:0.01988442800939083 :0.06859356164932251 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -and:0.2685239315032959 the:0.05450482666492462 but:0.04876573383808136 as:0.02187890186905861 :0.12680773437023163 -duly:0.06994479894638062 and:0.06671477854251862 as:0.05803149938583374 the:0.03340085595846176 :0.0660373643040657 -to:0.12498387694358826 for:0.12130454182624817 the:0.1073068231344223 him:0.08604791015386581 :0.08878816664218903 -of:0.18026305735111237 in:0.1176510825753212 as:0.10217180103063583 and:0.06837689876556396 :0.05492710322141647 -or:0.13417109847068787 who:0.10369283705949783 shall:0.056526217609643936 to:0.05461915582418442 :0.05926255136728287 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -are:0.13117435574531555 will:0.08192874491214752 can:0.06268738210201263 have:0.057806696742773056 :0.06037263199687004 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -party:0.24922598898410797 party,:0.06045268476009369 party.:0.02325577475130558 and:0.019244655966758728 :0.18453431129455566 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -interest:0.17020884156227112 and:0.12418270111083984 claim,:0.07571235299110413 claim:0.04242336004972458 :0.1368151754140854 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.07362323254346848 in:0.04955446347594261 to:0.0439881905913353 at:0.030892012640833855 :0.06272338330745697 -as:0.2177988737821579 to:0.17232200503349304 that:0.0753200426697731 and:0.041111938655376434 :0.06550521403551102 -and:0.28155913949012756 but:0.050503212958574295 the:0.03692314028739929 or:0.015945272520184517 :0.13287951052188873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -The:0.11156056076288223 It:0.029201215133070946 I:0.027085982263088226 and:0.02593311481177807 :0.2272190898656845 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -for:0.16666170954704285 the:0.15121126174926758 a:0.08242476731538773 to:0.07112927734851837 :0.0693921372294426 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -mand:0.05641615390777588 grees:0.03593277931213379 scribed:0.02867727540433407 partment:0.025207728147506714 :0.5335603356361389 -and:0.14501555263996124 in:0.05324389785528183 to:0.03601524978876114 the:0.029447203502058983 :0.09418778866529465 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.234506294131279 and:0.0817161574959755 is:0.03079303912818432 in:0.026281962171196938 :0.08371125906705856 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.5476500988006592 as:0.0329522080719471 a:0.022960808128118515 that:0.020755542442202568 :0.09905503690242767 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2890194058418274 the:0.1386873871088028 a:0.05776849761605263 and:0.04479428753256798 :0.07328390330076218 -made:0.022222528234124184 to:0.020968874916434288 in:0.015788787975907326 a:0.011832504533231258 :0.300314724445343 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -The:0.0972893014550209 It:0.050461187958717346 I:0.03985551372170448 He:0.03603307530283928 :0.17114518582820892 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.04370058327913284 the:0.010484553873538971 in:0.010404564440250397 do.,:0.00931885652244091 :0.48556339740753174 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.371371865272522 the:0.04600188508629799 but:0.04401041194796562 as:0.022991294041275978 :0.03878086805343628 -of:0.36992666125297546 and:0.06865081191062927 in:0.04219188913702965 to:0.02670586109161377 :0.07810983806848526 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.04699322581291199 E.:0.030744774267077446 J.:0.02411596290767193 L.:0.022533956915140152 :0.43672677874565125 -the:0.06416065245866776 a:0.048969633877277374 to:0.0368959978222847 be:0.025181012228131294 :0.1372653990983963 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.042405009269714355 and:0.03097718581557274 part:0.022699974477291107 as:0.017097262665629387 :0.17814253270626068 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -cents:0.04159552976489067 per:0.038782794028520584 @:0.03740692511200905 to:0.03401503711938858 :0.149736687541008 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.401702344417572 the:0.05298846587538719 a:0.048436231911182404 him:0.02565865032374859 :0.052962977439165115 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -the:0.050468217581510544 a:0.016576260328292847 to:0.015248732641339302 and:0.01004817895591259 :0.20260289311408997 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -other:0.006042353343218565 most:0.004856375511735678 time:0.004592647776007652 first:0.00458470918238163 :0.49954378604888916 -the:0.16081133484840393 to:0.12296096235513687 and:0.06147054582834244 on:0.044364649802446365 :0.06571459025144577 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.022682150825858116 bunch:0.010756747797131538 enough:0.008870987221598625 as:0.007317029405385256 :0.26969534158706665 -of:0.14760421216487885 line:0.0607348307967186 side:0.05778290703892708 by:0.033470578491687775 :0.1717115044593811 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -The:0.10790715366601944 He:0.05719957873225212 I:0.04271155595779419 It:0.03379358351230621 :0.10763746500015259 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -with:0.18968120217323303 from:0.07746177166700363 to:0.0748983770608902 was:0.05897967517375946 :0.05784676596522331 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -the:0.10532162338495255 to:0.05758138746023178 of:0.033170487731695175 a:0.03080001473426819 :0.10229098796844482 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.028112169355154037 to:0.024642249569296837 the:0.02240665815770626 first:0.016708727926015854 :0.22981767356395721 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.24021132290363312 the:0.18199823796749115 and:0.026640838012099266 said:0.02646929770708084 :0.049288470298051834 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1762419492006302 to:0.039989568293094635 in:0.037893474102020264 is:0.03349558264017105 :0.1171710267663002 -the:0.12764962017536163 he:0.0794156938791275 it:0.06603512167930603 they:0.06103835627436638 :0.0676891878247261 -and:0.18887336552143097 the:0.04719776660203934 to:0.040492311120033264 or:0.024434326216578484 :0.04375447332859039 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.14691855013370514 H.:0.028339285403490067 B.:0.020242707803845406 F.:0.019475234672427177 :0.42512696981430054 -of:0.07141425460577011 to:0.052827779203653336 and:0.03350948169827461 in:0.027368949726223946 :0.19682401418685913 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -from:0.11242005974054337 of:0.06900039315223694 to:0.059073787182569504 and:0.05690814554691315 :0.2038225531578064 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -after:0.24597486853599548 on:0.028245488181710243 to:0.02517888881266117 upon:0.01883542537689209 :0.20626486837863922 -of:0.4535762071609497 in:0.07307597994804382 and:0.0615418441593647 are:0.030248522758483887 :0.03305678442120552 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -years:0.0784083902835846 or:0.044089969247579575 hundred:0.028000427410006523 successive:0.024910900741815567 :0.16574934124946594 -F.:0.058930397033691406 F:0.014584549702703953 B.:0.012651299126446247 and:0.010608082637190819 :0.5165457725524902 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.1540084183216095 a:0.04785560816526413 to:0.03538074344396591 two:0.024797450751066208 :0.15772497653961182 -Block:0.245264932513237 The:0.07738526910543442 A:0.020961390808224678 A.:0.01868327334523201 :0.14764273166656494 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.08949511498212814 and:0.058744076639413834 to:0.05171574652194977 is:0.04282033070921898 :0.08446333557367325 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.21544323861598969 but:0.05223560705780983 the:0.03290136903524399 as:0.028330715373158455 :0.06002327427268028 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -described:0.09503408521413803 the:0.055370356887578964 is:0.01663540117442608 a:0.01415183488279581 :0.2086590677499771 -that:0.2797698378562927 to:0.05269865319132805 the:0.04633016884326935 nothing:0.029549751430749893 :0.09693089127540588 -stitution:0.1626213788986206 gress:0.1459484100341797 vention:0.05083823576569557 gress,:0.008388029411435127 :0.5393728017807007 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.1070137470960617 a:0.09425205737352371 the:0.0790891945362091 that:0.07367323338985443 :0.09881003201007843 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.1562744379043579 the:0.11301303654909134 little,:0.03690186142921448 no:0.02770877256989479 :0.1318548023700714 -and:0.11470025777816772 of:0.08671606332063675 is:0.07289578765630722 in:0.039037007838487625 :0.08082514256238937 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -by:0.12973131239414215 in:0.09491630643606186 a:0.06811665743589401 the:0.05036068707704544 :0.11812351644039154 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ton:0.04096285626292229 to:0.035109784454107285 of:0.02689015120267868 a:0.026430483907461166 :0.18684272468090057 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -the:0.2282225489616394 a:0.06896421313285828 such:0.023225300014019012 ment:0.018722154200077057 :0.18792204558849335 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -own:0.020776847377419472 way:0.009151962585747242 wife:0.0085839182138443 wife,:0.008361587300896645 :0.32487738132476807 -of:0.31064704060554504 and:0.06860080361366272 in:0.05216699466109276 are:0.03822849690914154 :0.06522279977798462 -The:0.10409834235906601 A:0.028896423056721687 It:0.028882840648293495 This:0.027594760060310364 :0.10743330419063568 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -was:0.17297698557376862 had:0.06520053744316101 is:0.04912802204489708 has:0.03723181039094925 :0.10190985351800919 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.13507233560085297 this:0.03877519816160202 be:0.034165628254413605 make:0.027875056490302086 :0.2079787403345108 -States:0.5249002575874329 States,:0.14538247883319855 States.:0.12097357958555222 States;:0.017308538779616356 :0.12549808621406555 -the:0.1085381805896759 it:0.047976329922676086 there:0.02946723997592926 if:0.027385573834180832 :0.09111686050891876 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -for:0.0909486711025238 at:0.07880400866270065 to:0.06960666179656982 over:0.06666943430900574 :0.0818389430642128 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.14628271758556366 It:0.06072136014699936 A:0.04704580828547478 There:0.027848489582538605 :0.09293898195028305 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.20307928323745728 and:0.11791566759347916 in:0.03456147387623787 to:0.03019583784043789 :0.05356466397643089 -on:0.11975876241922379 at:0.11375269293785095 in:0.07848700135946274 by:0.05099627375602722 :0.08017818629741669 -the:0.16261537373065948 as:0.12210823595523834 to:0.04283325374126434 that:0.03412444517016411 :0.13958171010017395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.20850375294685364 to:0.07207353413105011 was:0.05237199738621712 that:0.05203435197472572 :0.06786513328552246 -of:0.15353241562843323 to:0.13866226375102997 and:0.03040177747607231 that:0.030154407024383545 :0.05298222228884697 -and:0.271913081407547 the:0.058989644050598145 which:0.04517026245594025 but:0.03914806991815567 :0.056512605398893356 -you:0.1532261073589325 the:0.09570319205522537 us:0.049786925315856934 me:0.04477664828300476 :0.07578448951244354 -and:0.1428380012512207 or:0.062207069247961044 to:0.04413291811943054 of:0.029315372928977013 :0.11272900551557541 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -of:0.12946103513240814 and:0.09333100914955139 on:0.04688790813088417 in:0.04474416747689247 :0.05203838273882866 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -o'clock:0.07654751092195511 hundred:0.05282321944832802 years:0.03723687306046486 months:0.033223412930965424 :0.2892877161502838 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -of:0.14583271741867065 and:0.05376538634300232 in:0.04807736724615097 for:0.044097933918237686 :0.044993363320827484 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.1949658989906311 in:0.16391333937644958 for:0.04071861505508423 In:0.038393039256334305 :0.05301620438694954 -The:0.1347242295742035 It:0.11667885631322861 He:0.04379575699567795 I:0.03194036707282066 :0.17207218706607819 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.20886282622814178 a:0.014214255847036839 said:0.01168026402592659 our:0.009517434053122997 :0.30331888794898987 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -at:0.3421776294708252 and:0.1313684582710266 on:0.024811411276459694 in:0.023251375183463097 :0.17297378182411194 -at:0.21464163064956665 from:0.1536739021539688 and:0.07922383397817612 to:0.04236014932394028 :0.10433418303728104 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.18123571574687958 and:0.08883307129144669 for:0.046364445239305496 were:0.03034830279648304 :0.09056908637285233 -The:0.08396029472351074 It:0.05747397989034653 the:0.04453500360250473 and:0.023861058056354523 :0.21966800093650818 -and:0.07085387408733368 H.:0.02736496739089489 F.:0.024305075407028198 B.:0.021026089787483215 :0.3340131938457489 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -the:0.060671038925647736 a:0.01552096102386713 that:0.014593787491321564 tho:0.01434879470616579 :0.25237518548965454 -to:0.5703797340393066 with:0.04745912179350853 at:0.046836767345666885 in:0.028350910171866417 :0.05237758532166481 -and:0.14024855196475983 water:0.02745509147644043 water,:0.026083406060934067 to:0.02499334327876568 :0.2611815333366394 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -of:0.4212554395198822 or:0.11417058110237122 and:0.06135847792029381 to:0.02466934733092785 :0.035684771835803986 -The:0.13463720679283142 It:0.052019257098436356 He:0.03819117695093155 This:0.03207576647400856 :0.12152952700853348 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -tant:0.09586241096258163 tance:0.09049641340970993 trict:0.05209236219525337 charge:0.04965286701917648 :0.38522404432296753 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -of:0.5868634581565857 and:0.03212517127394676 to:0.029162423685193062 for:0.019658314064145088 :0.04121566191315651 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.13901571929454803 which:0.04805542156100273 the:0.04232516139745712 as:0.041929494589567184 :0.06667007505893707 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -and:0.10011150687932968 the:0.09161008149385452 as:0.04221171513199806 but:0.036583416163921356 :0.08387862890958786 -and:0.14046145975589752 with:0.04196060821413994 but:0.03626323118805885 which:0.025416752323508263 :0.08680319041013718 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -of:0.20751194655895233 in:0.0879872590303421 In:0.03620050847530365 at:0.032208871096372604 :0.10209611058235168 -was:0.1199399083852768 had:0.09387841820716858 has:0.042880017310380936 is:0.035394374281167984 :0.10805658996105194 -party:0.29572075605392456 party,:0.04006832838058472 party.:0.02992134541273117 leaders:0.01979604735970497 :0.09786585718393326 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.10229448974132538 who:0.06158745288848877 in:0.05822974815964699 shall:0.054919786751270294 :0.057666510343551636 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.12699511647224426 by:0.1267247200012207 in:0.0779617577791214 the:0.06548995524644852 :0.0689641535282135 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -he:0.03273729607462883 the:0.025790724903345108 of:0.020090339705348015 be:0.01200561597943306 :0.2891792058944702 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.2231757789850235 the:0.05117626115679741 in:0.05028094723820686 at:0.02406889572739601 :0.13098616898059845 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -not:0.04459640011191368 the:0.026267625391483307 to:0.017791133373975754 in:0.014329209923744202 :0.23265846073627472 -lot:0.018164852634072304 that:0.01735500618815422 the:0.014089143835008144 county:0.013450193218886852 :0.3679944574832916 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -the:0.10232917964458466 a:0.07667306810617447 up:0.03458835929632187 out:0.032648030668497086 :0.09083426743745804 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.050283461809158325 be:0.04896092042326927 not:0.0417543463408947 the:0.030623769387602806 :0.1277235895395279 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.249747171998024 but:0.058583445847034454 the:0.044365253299474716 as:0.03374531865119934 :0.1371811330318451 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -e:0.08418221026659012 .:0.01215440221130848 the:0.009878731332719326 at:0.008417113684117794 :0.3256499767303467 -force:0.09610524773597717 jury:0.07477032393217087 force,:0.04138406738638878 and:0.03750763088464737 :0.11583658307790756 -vanced:0.11167402565479279 vantage:0.05773797631263733 ministration:0.05194300040602684 dress:0.03363421559333801 :0.47107765078544617 -Block:0.09474524110555649 n.w.:0.056528158485889435 n:0.05378143861889839 and:0.0201430507004261 :0.36773979663848877 -of:0.25722283124923706 and:0.2108006328344345 to:0.027458930388092995 for:0.02285846322774887 :0.050827447324991226 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.19457824528217316 and:0.0729641243815422 or:0.05219924449920654 after:0.047832220792770386 :0.06586330384016037 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -to:0.5829152464866638 the:0.12183043360710144 by:0.07742973417043686 tho:0.010402637533843517 :0.026884116232395172 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -he:0.03273729607462883 the:0.025790724903345108 of:0.020090339705348015 be:0.01200561597943306 :0.2891792058944702 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.4299229681491852 from:0.05070619657635689 into:0.031220775097608566 in:0.026154136285185814 :0.07161185145378113 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -into:0.08820249885320663 down:0.07794692367315292 to:0.05926186218857765 back:0.04743248596787453 :0.07679802924394608 -of:0.3229687809944153 and:0.2266986072063446 at:0.08634693175554276 or:0.08507426828145981 :0.05015544220805168 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.33098939061164856 the:0.11905372142791748 and:0.03918624296784401 to:0.03491877391934395 :0.033052220940589905 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.3166038990020752 a:0.12008164077997208 to:0.04772788658738136 their:0.01662110723555088 :0.06520313769578934 -to:0.2229938805103302 in:0.13336631655693054 on:0.06290892511606216 at:0.056509315967559814 :0.05115557461977005 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.39021947979927063 the:0.08295987546443939 in:0.05408840253949165 it:0.04457901790738106 :0.035529933869838715 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -as:0.06427181512117386 the:0.05973363295197487 and:0.05491543561220169 in:0.04866834729909897 :0.06618663668632507 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -J:0.030260765925049782 E:0.016176635399460793 G:0.011854932643473148 C.:0.011130079627037048 :0.5215795040130615 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -west:0.4083932936191559 ern:0.1196695864200592 east:0.10169193893671036 erly:0.0437401607632637 :0.11514472961425781 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.2767913043498993 and:0.21845705807209015 to:0.039104826748371124 a:0.023906875401735306 :0.06853555142879486 -and:0.23080797493457794 with:0.03859663009643555 the:0.03460568189620972 but:0.027310431003570557 :0.06170147657394409 -was:0.06922639906406403 is:0.06804192066192627 quiet:0.057834334671497345 dull:0.028102677315473557 :0.18720115721225739 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.05448758974671364 that:0.033755023032426834 a:0.021170122548937798 one:0.015037898905575275 :0.16069456934928894 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.17492829263210297 them:0.06300295889377594 up:0.056241147220134735 it:0.04315021634101868 :0.0737038403749466 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.29389289021492004 a:0.05665617063641548 to:0.047457337379455566 and:0.028424980118870735 :0.1097216084599495 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.11324925720691681 at:0.030800560489296913 is:0.02531474269926548 was:0.024114595726132393 :0.13696451485157013 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.0732128918170929 government:0.01554628275334835 army:0.010778818279504776 people:0.010389909148216248 :0.39924710988998413 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -to:0.5115834474563599 a:0.03148871660232544 the:0.022702351212501526 himself:0.014010488986968994 :0.10395831614732742 -(6):0.2018011510372162 years:0.04181217402219772 months:0.03817526623606682 weeks:0.03624100610613823 :0.15671315789222717 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.33018243312835693 and:0.07733188569545746 regulating:0.03222488984465599 are:0.028467591851949692 :0.049046590924263 -and:0.10462914407253265 in:0.07540842145681381 were:0.06696813553571701 have:0.04777282848954201 :0.09158371388912201 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -as:0.06843478232622147 in:0.06034527346491814 if:0.030532246455550194 after:0.02788349986076355 :0.1054292619228363 -to:0.35867735743522644 that:0.1436970829963684 by:0.03717287629842758 upon:0.03335099294781685 :0.08057482540607452 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.0960155799984932 to:0.06035367399454117 Block:0.03833146020770073 car:0.023061910644173622 :0.18898244202136993 -and:0.17031386494636536 of:0.09060103446245193 from:0.029279675334692 to:0.025168800726532936 :0.13979114592075348 -and:0.14413225650787354 but:0.02110292762517929 set:0.01895136386156082 or:0.01781509816646576 :0.18742340803146362 -most:0.008919663727283478 same:0.004769937135279179 first:0.004104706458747387 United:0.003945162054151297 :0.29127416014671326 -the:0.034368086606264114 and:0.019949300214648247 of:0.01668313331902027 to:0.01350040640681982 :0.2720033526420593 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.18912282586097717 a:0.07519321888685226 the:0.05475170165300369 no:0.013400294817984104 :0.10632524639368057 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.07689852267503738 f:0.01860533282160759 a:0.016741830855607986 of:0.010041109286248684 :0.27641627192497253 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.6676447987556458 in:0.044023603200912476 ot:0.018098974600434303 to:0.0138979097828269 :0.03698629140853882 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.053859539330005646 to:0.02716151624917984 and:0.021624255925416946 in:0.01681123673915863 :0.20239737629890442 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.46524086594581604 and:0.11031096428632736 is:0.022194160148501396 in:0.019939115270972252 :0.04574970901012421 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -A.:0.1829613894224167 and:0.03427973389625549 1904,:0.019897475838661194 1919,:0.01650286465883255 :0.36791154742240906 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.13821139931678772 that:0.05628193914890289 and:0.03477304428815842 a:0.02936231903731823 :0.1333797723054886 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -declaration:0.026202762499451637 statement:0.024607600644230843 opening:0.02280331403017044 protest:0.01662599667906761 :0.18586274981498718 -of:0.12193337082862854 after:0.11245086789131165 before:0.04345369711518288 and:0.043405842036008835 :0.07516973465681076 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -The:0.12385951727628708 It:0.0519869402050972 He:0.028931917622685432 In:0.02581878751516342 :0.10212697833776474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.25183504819869995 but:0.05612783133983612 the:0.029302187263965607 as:0.02348688617348671 :0.06006641685962677 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.2845490872859955 dollars:0.055477872490882874 yards:0.04543561860918999 feet:0.021125484257936478 :0.16273267567157745 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.11559360474348068 as:0.01841285079717636 figure:0.011942597106099129 form:0.009571583941578865 :0.35713446140289307 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -der:0.1291748732328415 til:0.09035032987594604 less:0.04007190093398094 able:0.015834156423807144 :0.39893680810928345 -for:0.16751791536808014 is:0.0765872672200203 the:0.055420245975255966 that:0.054177626967430115 :0.08228769153356552 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.13772492110729218 a:0.07839246839284897 of:0.05056161433458328 the:0.045523568987846375 :0.17046838998794556 -the:0.39037686586380005 this:0.030223578214645386 a:0.027476320043206215 tho:0.02285674586892128 :0.1085556149482727 -of:0.16162055730819702 for:0.13246919214725494 on:0.04919328913092613 in:0.04775194078683853 :0.05667604133486748 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -to:0.060186270624399185 Justice:0.046636857092380524 approach:0.038687992841005325 the:0.03692086040973663 :0.14301301538944244 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -that:0.45107197761535645 in:0.08565814793109894 to:0.042904481291770935 by:0.03357931226491928 :0.03459847718477249 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -of:0.539927065372467 and:0.04989255964756012 in:0.02117493376135826 was:0.01782531850039959 :0.03666379302740097 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -the:0.04922642558813095 a:0.016710087656974792 to:0.011898779310286045 in:0.006052275188267231 :0.5657563805580139 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -health.:0.040147922933101654 and:0.02903975360095501 safety.:0.020022252574563026 the:0.0172054935246706 :0.3528153598308563 -that:0.07305120676755905 and:0.0723193883895874 to:0.049072545021772385 for:0.03949758782982826 :0.05716097354888916 -a:0.024260038509964943 the:0.022105716168880463 .:0.017498280853033066 n:0.00954865850508213 :0.4065815210342407 -mains:0.040184538811445236 ceived:0.03601744398474693 ceive:0.019547825679183006 sult:0.0162581168115139 :0.39842212200164795 -and:0.158477783203125 which:0.046503353863954544 but:0.040400177240371704 the:0.0339488759636879 :0.085264652967453 -that:0.126918226480484 of:0.061995938420295715 to:0.055295463651418686 and:0.04567193612456322 :0.17878924310207367 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.06537821888923645 in:0.028995638713240623 of:0.024418290704488754 mining:0.019912365823984146 :0.18069829046726227 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -o'clock:0.0652131661772728 to:0.05634898692369461 and:0.031810954213142395 per:0.029086846858263016 :0.2045426368713379 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.11101650446653366 over:0.10430597513914108 out:0.07677783071994781 the:0.039879269897937775 :0.05975142866373062 -most:0.005381092429161072 time:0.004378912970423698 last:0.003792106406763196 same:0.003791905241087079 :0.34003472328186035 -and:0.1306997686624527 who:0.07976262271404266 but:0.0389949269592762 a:0.02062574028968811 :0.06597866863012314 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -Co.,:0.09304863959550858 Co.:0.06691919267177582 Ohio:0.033300016075372696 St.:0.01687372848391533 :0.37542811036109924 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.02279348112642765 of:0.012669960968196392 a:0.01022688951343298 .:0.009398240596055984 :0.3351995348930359 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.24140645563602448 of:0.08127612620592117 and:0.06093951314687729 the:0.03275790438055992 :0.05774327367544174 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.037185125052928925 deg.:0.03590768948197365 to:0.02233164757490158 degrees:0.020895998924970627 :0.5366377830505371 -the:0.0701507031917572 to:0.051921576261520386 in:0.0347018763422966 by:0.02823999896645546 :0.1476140320301056 -been:0.06330456584692001 not:0.025074856355786324 the:0.015937652438879013 a:0.010969656519591808 :0.44124069809913635 -as:0.10825265198945999 and:0.054943282157182693 before:0.0289095900952816 enough:0.026509786024689674 :0.17240241169929504 -of:0.07715655118227005 the:0.07235047966241837 to:0.05426565557718277 he:0.053039394319057465 :0.09250353276729584 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.5144662261009216 In:0.13460735976696014 on:0.08091014623641968 and:0.044817306101322174 :0.022469792515039444 -last:0.005156592931598425 first:0.005004222970455885 same:0.00421338714659214 whole:0.004035998601466417 :0.3615967929363251 -the:0.6870582103729248 tho:0.03233455866575241 this:0.031086811795830727 tbe:0.016793442890048027 :0.03698493540287018 -of:0.552173376083374 and:0.04658952355384827 to:0.022675082087516785 or:0.016169721260666847 :0.06454151123762131 -be:0.2578584551811218 not:0.03358340635895729 do:0.024384891614317894 bo:0.01854175329208374 :0.11540351063013077 -fort:0.3012112081050873 forts:0.09166494756937027 fect:0.052138637751340866 ficient:0.006169334053993225 :0.4870752692222595 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.11506596207618713 program:0.01317349448800087 or:0.008974151685833931 as:0.008167288266122341 :0.283029705286026 -the:0.24416321516036987 they:0.054389484226703644 he:0.036025237292051315 it:0.03010527975857258 :0.10381904989480972 -and:0.1428380012512207 or:0.062207069247961044 to:0.04413291811943054 of:0.029315372928977013 :0.11272900551557541 -of:0.0954684391617775 year:0.038241513073444366 other:0.03241894021630287 and:0.030703196302056313 :0.15927621722221375 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -and:0.1172264963388443 in:0.058809638023376465 on:0.0501682423055172 the:0.04598062112927437 :0.06097819283604622 -be:0.3217567205429077 have:0.08306805044412613 not:0.02450818568468094 bo:0.018155692145228386 :0.08178785443305969 -on:0.40775689482688904 upon:0.29661834239959717 the:0.03717201575636864 in:0.01298066321760416 :0.040430039167404175 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.09675233066082001 of:0.06645508855581284 in:0.03704924136400223 the:0.03578222170472145 :0.09280648082494736 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.4462001919746399 and:0.0899338647723198 or:0.062331702560186386 in:0.04982887953519821 :0.029145533218979836 -by:0.3007594645023346 the:0.11346803605556488 a:0.06539459526538849 me:0.03523138910531998 :0.03236498311161995 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -It:0.06712958961725235 The:0.03790195286273956 I:0.022769348695874214 Why:0.021621443331241608 :0.24468444287776947 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -the:0.43341735005378723 a:0.0633452907204628 tho:0.027144378051161766 which:0.025998953729867935 :0.08176284283399582 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.15675857663154602 the:0.10678400099277496 that:0.04016723483800888 it:0.03769778832793236 :0.08390361815690994 -The:0.11355972290039062 It:0.05387626960873604 There:0.026642339304089546 In:0.025948666036128998 :0.2465084344148636 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.21747449040412903 with:0.066215880215168 and:0.04068438708782196 was:0.03585604578256607 :0.09145698696374893 -to:0.04336109012365341 Cos,:0.033549319952726364 is:0.022776370868086815 .:0.01976850815117359 :0.26556241512298584 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -of:0.17404805123806 and:0.10826044529676437 in:0.04361076280474663 was:0.030057739466428757 :0.11449799686670303 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -that:0.23972517251968384 the:0.11333808302879333 by:0.08665172755718231 to:0.06781533360481262 :0.03627840802073479 -day:0.03561704233288765 of:0.0342353992164135 time:0.03303401544690132 to:0.021134300157427788 :0.15742477774620056 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.412039577960968 in:0.028040580451488495 and:0.018578924238681793 health.:0.015764210373163223 :0.06988711655139923 -to:0.12149687856435776 in:0.0730915442109108 of:0.05364106968045235 and:0.05248870328068733 :0.0696890577673912 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -ported:0.015230221673846245 -:0.012845451943576336 ceived:0.011994919739663601 the:0.009082532487809658 :0.4463033080101013 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -restore:0.058346156030893326 heads,:0.04678693413734436 to:0.027333710342645645 and:0.017913460731506348 :0.09707657247781754 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -The:0.1644877791404724 It:0.07321487367153168 In:0.037092555314302444 He:0.027603333815932274 :0.16338805854320526 -the:0.3463406264781952 a:0.05266771838068962 their:0.020755620673298836 his:0.02053740620613098 :0.08599688112735748 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.19580808281898499 the:0.06366346776485443 a:0.04090047627687454 to:0.02135777287185192 :0.10899172723293304 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -and:0.33430999517440796 by:0.18949463963508606 from:0.10375272482633591 the:0.030747748911380768 :0.04722142219543457 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2883077561855316 to:0.1019386276602745 from:0.08972129970788956 and:0.038468386977910995 :0.06428706645965576 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.6345491409301758 their:0.01956797204911709 this:0.01913086697459221 tho:0.01800786703824997 :0.07691621780395508 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.2797698378562927 to:0.05269865319132805 the:0.04633016884326935 nothing:0.029549751430749893 :0.09693089127540588 -the:0.0578569658100605 a:0.014992605894804 that:0.012139124795794487 to:0.011600722558796406 :0.252699077129364 -of:0.2066544145345688 to:0.08510401844978333 and:0.07988312095403671 was:0.03596355766057968 :0.07021825015544891 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -first:0.013571608811616898 only:0.008618655614554882 most:0.006200225558131933 man:0.005464227870106697 :0.318105548620224 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -to:0.1941368132829666 number:0.040706463158130646 in:0.0394614152610302 and:0.03223235532641411 :0.12822741270065308 -that:0.18499590456485748 the:0.058796871453523636 whether:0.048824433237314224 of:0.043978068977594376 :0.0534769669175148 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -to:0.26783353090286255 for:0.14210768043994904 the:0.1341533064842224 a:0.06184086576104164 :0.05790331959724426 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -The:0.16933724284172058 It:0.05669880658388138 In:0.030369097366929054 He:0.030252456665039062 :0.18036861717700958 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.2845490872859955 dollars:0.055477872490882874 yards:0.04543561860918999 feet:0.021125484257936478 :0.16273267567157745 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -to:0.4680706262588501 the:0.047231316566467285 that:0.044983893632888794 a:0.038028404116630554 :0.08641183376312256 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.34103840589523315 but:0.039717648178339005 the:0.03500255197286606 with:0.023400897160172462 :0.09947435557842255 -scribed:0.006845100782811642 partment:0.0067746276035904884 cided:0.005995437502861023 la:0.005484118591994047 :0.7089904546737671 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -of:0.15106958150863647 in:0.06393053382635117 from:0.04818303510546684 and:0.04332362115383148 :0.04502527788281441 -and:0.15883611142635345 the:0.05892813578248024 but:0.03378875553607941 it:0.017739813774824142 :0.07367531210184097 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.061511795967817307 in:0.057014793157577515 by:0.049029719084501266 the:0.04841826856136322 :0.17858333885669708 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -in:0.17624707520008087 on:0.053593847900629044 with:0.047339342534542084 to:0.047186922281980515 :0.04435101896524429 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -y:0.01995832845568657 ir:0.019868189468979836 and:0.00862768106162548 the:0.0063058785162866116 :0.2506798207759857 -pose:0.5376601219177246 poses:0.08337746560573578 chased:0.03598743677139282 chase:0.03249427303671837 :0.2332981377840042 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -said:0.0070939380675554276 United:0.0070211575366556644 most:0.006784434895962477 city:0.005933504551649094 :0.350246787071228 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2856326401233673 to:0.15150287747383118 on:0.04253438860177994 and:0.03819339722394943 :0.0385025329887867 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -D:0.02294819802045822 C:0.016131799668073654 C.:0.012932316400110722 W.:0.00932737160474062 :0.5767592787742615 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.20597706735134125 and:0.10466130077838898 are:0.05512789264321327 in:0.05005891993641853 :0.03843932971358299 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -much:0.14333897829055786 many:0.03466739505529404 late.:0.025848792865872383 far:0.025535600259900093 :0.14510856568813324 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.33577829599380493 and:0.07941045612096786 to:0.032196879386901855 is:0.02078622207045555 :0.051736850291490555 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -to:0.042543116956949234 and:0.037128251045942307 of:0.025322020053863525 in:0.018873192369937897 :0.2991129159927368 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -was:0.08393397927284241 had:0.06523281335830688 has:0.034160416573286057 would:0.027467429637908936 :0.17044216394424438 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -and:0.06336616724729538 80,:0.04605666920542717 Inclusive,:0.04035457596182823 or:0.022569674998521805 :0.21921464800834656 -and:0.1849021166563034 or:0.12049343436956406 but:0.052702877670526505 the:0.04880533367395401 :0.058802299201488495 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.13466386497020721 to:0.0717376247048378 and:0.06373585760593414 in:0.03099558688700199 :0.10960249602794647 -to:0.2446567267179489 the:0.1537315547466278 of:0.05691993981599808 with:0.023390891030430794 :0.0549650639295578 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -to:0.45258018374443054 for:0.055965207517147064 and:0.039506055414676666 of:0.034837450832128525 :0.08954005688428879 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -described:0.09433851391077042 in:0.05134836956858635 to:0.04004037007689476 the:0.0325586311519146 :0.15963615477085114 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -that:0.5404897928237915 of:0.042857442051172256 is:0.027597501873970032 the:0.018603892996907234 :0.025010377168655396 -in:0.06979134678840637 and:0.039729706943035126 is:0.038782767951488495 the:0.0368645042181015 :0.06636440008878708 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.10292154550552368 in:0.04439935088157654 by:0.04213154315948486 the:0.04178483784198761 :0.11894291639328003 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -day:0.07575492560863495 to:0.04521100968122482 morning:0.025476647540926933 year:0.02421719767153263 :0.17939630150794983 -The:0.1434943675994873 A:0.042116113007068634 It:0.03934798762202263 I:0.0374021977186203 :0.2971619665622711 -the:0.207133486866951 they:0.09562363475561142 he:0.0936054065823555 it:0.04463839903473854 :0.0762997418642044 -cent:0.2230542153120041 cent,:0.1211099848151207 cent.:0.07385829836130142 annum,:0.02711872011423111 :0.157860666513443 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.21747449040412903 with:0.066215880215168 and:0.04068438708782196 was:0.03585604578256607 :0.09145698696374893 -and:0.20082247257232666 the:0.04442572593688965 but:0.04035978019237518 as:0.031693167984485626 :0.07987748086452484 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.027395861223340034 the:0.022504489868879318 made:0.0182606503367424 no:0.008585826493799686 :0.2783674895763397 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -been:0.1721123605966568 boon:0.06341830641031265 a:0.03319316729903221 the:0.024893347173929214 :0.11090400069952011 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -and:0.23102736473083496 the:0.03682614490389824 but:0.026046842336654663 who:0.022851737216114998 :0.07876687496900558 -the:0.16729827225208282 June:0.03946509584784508 January:0.037259794771671295 July:0.0370873399078846 :0.04012572765350342 -and:0.1774410903453827 but:0.06373215466737747 the:0.04601883515715599 as:0.02299869805574417 :0.06876694411039352 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -the:0.06434600055217743 ordered:0.04403155297040939 be:0.03600931167602539 he:0.021880926564335823 :0.12514787912368774 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -The:0.053420327603816986 In:0.045642267912626266 It:0.031597960740327835 I:0.026442447677254677 :0.19218018651008606 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -a:0.009611842222511768 then:0.00482575036585331 I:0.003225558204576373 and:0.002758831949904561 :0.7613523006439209 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.0519421249628067 8,:0.03629770874977112 the:0.02263781987130642 8:0.022517478093504906 :0.3807123005390167 -than:0.22120320796966553 a:0.04603537544608116 the:0.024402882903814316 more:0.022451026365160942 :0.17651943862438202 -of:0.7027063369750977 from:0.015173295512795448 that:0.014739593490958214 ot:0.012488779611885548 :0.025354282930493355 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.09172695875167847 is:0.0359688363969326 of:0.019276274368166924 has:0.01795557700097561 :0.1372193992137909 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -that:0.307776540517807 to:0.19720347225666046 the:0.0686042532324791 for:0.059520453214645386 :0.02478737384080887 -of:0.4038209021091461 and:0.06330378353595734 as:0.029505930840969086 with:0.02218778431415558 :0.037769660353660583 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -west:0.198783740401268 east,:0.10123227536678314 east:0.08331778645515442 and:0.03514109551906586 :0.11882241815328598 -years:0.0784083902835846 or:0.044089969247579575 hundred:0.028000427410006523 successive:0.024910900741815567 :0.16574934124946594 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.04410966485738754 for:0.04266982525587082 to:0.03235970437526703 on:0.028700293973088264 :0.19610203802585602 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.23979175090789795 a:0.031034329906105995 tho:0.022321950644254684 this:0.019696947187185287 :0.22795014083385468 -newspaper:0.10560198128223419 and:0.048697300255298615 paper:0.024473700672388077 to:0.019524775445461273 :0.17863903939723969 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.010283667594194412 the:0.009843056090176105 to:0.009234092198312283 of:0.00864758063107729 :0.28567513823509216 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.163553386926651 a:0.08217737078666687 money:0.05272455886006355 their:0.03122684173285961 :0.0713297575712204 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.33483728766441345 a:0.06551920622587204 it:0.03080126829445362 this:0.0219431072473526 :0.06960983574390411 -mortgage:0.05025293305516243 that:0.04517735168337822 to:0.021400433033704758 tract:0.01857263781130314 :0.18469125032424927 -the:0.1156386211514473 he:0.075358547270298 I:0.05297842249274254 there:0.04754842072725296 :0.04662245884537697 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.18884435296058655 with:0.06626184284687042 in:0.0358111634850502 and:0.031965311616659164 :0.12059298157691956 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -and:0.20483238995075226 with:0.03982330858707428 the:0.026936393231153488 which:0.02658507414162159 :0.07212475687265396 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.03908570855855942 or:0.01118807028979063 purposes:0.0054290262050926685 of:0.004781782161444426 :0.2730185389518738 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -and:0.13509556651115417 was:0.024770356714725494 to:0.019762683659791946 &:0.01583523489534855 :0.28986433148384094 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.08510053157806396 and:0.037189725786447525 Victoria:0.004128158558160067 to:0.0035669244825839996 :0.7446036338806152 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.12260282784700394 a:0.08507903665304184 of:0.06329472362995148 and:0.05406132712960243 :0.06130269914865494 -years:0.07173684239387512 minutes:0.04623920097947121 hundred:0.04375318065285683 or:0.04097325727343559 :0.19309356808662415 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.38536056876182556 a:0.04447203129529953 tho:0.02580232359468937 this:0.017410175874829292 :0.14484542608261108 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.6048688292503357 tho:0.04073081910610199 which:0.031648941338062286 his:0.02382778190076351 :0.035510674118995667 -.:0.03285176679491997 of:0.029559120535850525 and:0.02015451341867447 -:0.018735170364379883 :0.2412540465593338 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -us:0.1869199126958847 the:0.1604849398136139 them:0.06887917965650558 me:0.04812727868556976 :0.07988470792770386 -at:0.07292765378952026 of:0.06429670751094818 and:0.05477745831012726 the:0.04502114653587341 :0.09582964330911636 -ported:0.015230221673846245 -:0.012845451943576336 ceived:0.011994919739663601 the:0.009082532487809658 :0.4463033080101013 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -H.:0.030757376924157143 W.:0.02059096284210682 H:0.019544081762433052 B.:0.017545320093631744 :0.38613712787628174 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.05649400129914284 of:0.05602365732192993 has:0.052164167165756226 and:0.049723681062459946 :0.056507658213377 -the:0.21374443173408508 that:0.08800920844078064 it:0.06281087547540665 a:0.025508128106594086 :0.057533055543899536 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -It:0.06712958961725235 The:0.03790195286273956 I:0.022769348695874214 Why:0.021621443331241608 :0.24468444287776947 -of:0.3293062448501587 from:0.1283746063709259 to:0.03240325301885605 and:0.022257309406995773 :0.04674172028899193 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -and:0.1267494559288025 County,:0.07803916186094284 to:0.020475588738918304 county,:0.01588422805070877 :0.3441200852394104 -between:0.2324390709400177 of:0.13156500458717346 in:0.11266430467367172 In:0.03527748957276344 :0.028477903455495834 -to:0.1318817287683487 the:0.09446574002504349 and:0.08023318648338318 for:0.02952084131538868 :0.13902458548545837 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.6048688292503357 tho:0.04073081910610199 which:0.031648941338062286 his:0.02382778190076351 :0.035510674118995667 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -to:0.06273122876882553 the:0.05152281001210213 from:0.04799569770693779 and:0.04393894970417023 :0.17407874763011932 -the:0.10532162338495255 to:0.05758138746023178 of:0.033170487731695175 a:0.03080001473426819 :0.10229098796844482 -the:0.1400848925113678 in:0.09979177266359329 their:0.04717377945780754 In:0.028684360906481743 :0.052866172045469284 -in:0.06228451430797577 and:0.058495376259088516 shall:0.04393714293837547 on:0.04392606019973755 :0.07705643773078918 -the:0.13697537779808044 it:0.05254269018769264 I:0.03735991194844246 if:0.035609155893325806 :0.06623194366693497 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.3197149634361267 see:0.020124852657318115 bo:0.014944136142730713 do:0.01398740615695715 :0.1449533998966217 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -a:0.050283461809158325 be:0.04896092042326927 not:0.0417543463408947 the:0.030623769387602806 :0.1277235895395279 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.11435554921627045 and:0.08537197858095169 to:0.04670897126197815 had:0.03177561238408089 :0.07854501903057098 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -of:0.08023472875356674 had:0.05152330547571182 were:0.05066964030265808 are:0.04684669151902199 :0.05192161351442337 -the:0.07941446453332901 a:0.017263611778616905 that:0.013900193385779858 to:0.012997212819755077 :0.25055569410324097 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -to:0.13351991772651672 by:0.06513974070549011 that:0.06011863797903061 a:0.053098954260349274 :0.05245118960738182 -of:0.18084213137626648 and:0.06980215013027191 to:0.05568329617381096 the:0.043818049132823944 :0.04693122208118439 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -ing:0.5972062945365906 ed:0.08610458672046661 ers:0.021201089024543762 ing,:0.01853260211646557 :0.044900257140398026 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.05440207198262215 that:0.050849106162786484 to:0.04251943528652191 in:0.04077543318271637 :0.05670807510614395 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -government:0.038004472851753235 fleet:0.025422492995858192 and:0.02354169264435768 Government:0.015766853466629982 :0.27491167187690735 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -ter:0.8293999433517456 ter.:0.025511452928185463 ter,:0.02073558047413826 tering:0.005919708404690027 :0.06450412422418594 -the:0.012767190113663673 to:0.007975948974490166 in:0.004877413623034954 I:0.004615937825292349 :0.6711076498031616 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.053891219198703766 school:0.049530528485774994 and:0.02920546382665634 sense:0.028024466708302498 :0.19161798059940338 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -to:0.40332987904548645 in:0.06000196933746338 by:0.05187723785638809 the:0.046357061713933945 :0.04103664681315422 -of:0.2995724380016327 is:0.04915042221546173 was:0.04320988804101944 that:0.03736812248826027 :0.04120790958404541 -in:0.5144662261009216 In:0.13460735976696014 on:0.08091014623641968 and:0.044817306101322174 :0.022469792515039444 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.18891093134880066 he:0.0743577852845192 it:0.06642676889896393 they:0.04771428555250168 :0.10205920040607452 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -The:0.178426593542099 It:0.05188421159982681 A:0.03561154380440712 He:0.033828254789114 :0.11187981814146042 -and:0.09946253150701523 County,:0.09204962104558945 county:0.055212635546922684 county,:0.029899276793003082 :0.11303422600030899 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.7594938278198242 the:0.018499314785003662 that:0.015932781621813774 to.:0.011860336177051067 :0.027682732790708542 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.10325054079294205 and:0.07628858089447021 is:0.039110273122787476 from:0.03171437233686447 :0.11235393583774567 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -south:0.12703150510787964 north:0.12162792682647705 with:0.05615686997771263 along:0.052328187972307205 :0.1148146316409111 -and:0.13071970641613007 on:0.03840646520256996 at:0.03243584930896759 in:0.028583072125911713 :0.13506671786308289 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -rected:0.24263142049312592 rectly:0.2169760912656784 rect:0.04478899762034416 rection:0.040114495903253555 :0.3389323651790619 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.37800681591033936 and:0.18078218400478363 to:0.04225180670619011 in:0.036386843770742416 :0.02629750594496727 -M.:0.014686383306980133 B.:0.011490418575704098 H.:0.01127084530889988 A:0.010250836610794067 :0.6087127923965454 -B.:0.02028615213930607 E:0.020282939076423645 H.:0.01811414211988449 B:0.015139817260205746 :0.42620640993118286 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.22945375740528107 of:0.18119271099567413 in:0.07958035916090012 to:0.05138299986720085 :0.03908626735210419 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -a:0.027395861223340034 the:0.022504489868879318 made:0.0182606503367424 no:0.008585826493799686 :0.2783674895763397 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.33098939061164856 the:0.11905372142791748 and:0.03918624296784401 to:0.03491877391934395 :0.033052220940589905 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -to:0.09299120306968689 of:0.07938957959413528 and:0.05245117098093033 the:0.04695473238825798 :0.07857552915811539 -the:0.04895368963479996 of:0.033576637506484985 a:0.023953258991241455 be:0.017633473500609398 :0.25874343514442444 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.14751461148262024 the:0.12374261766672134 it:0.04567049443721771 an:0.026676274836063385 :0.07802078872919083 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -I:0.02768860012292862 The:0.02479766122996807 It:0.014926244504749775 In:0.012959972023963928 :0.30332544445991516 -the:0.46960192918777466 said:0.05490652471780777 with:0.04851846769452095 a:0.021907592192292213 :0.05261163040995598 -World:0.012006915174424648 and:0.010564529336988926 Guard:0.007037812378257513 men:0.006180332973599434 :0.6590755581855774 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.08520472049713135 of:0.03755101561546326 was:0.03724769130349159 to:0.03537531942129135 :0.1241757869720459 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -The:0.054691433906555176 the:0.03920796513557434 It:0.03220822289586067 be:0.026461264118552208 :0.23482641577720642 -and:0.28812551498413086 of:0.2391856163740158 to:0.041404277086257935 in:0.037615954875946045 :0.041187163442373276 -States:0.5249002575874329 States,:0.14538247883319855 States.:0.12097357958555222 States;:0.017308538779616356 :0.12549808621406555 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -of:0.11248677968978882 and:0.0497063584625721 was:0.03914029523730278 at:0.021832652390003204 :0.08199254423379898 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -nary:0.5184804797172546 nance:0.2758175730705261 and:0.0023970233742147684 tained:0.0010733071248978376 :0.15979577600955963 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.22929808497428894 the:0.05172760412096977 which:0.029831986874341965 where:0.02799767255783081 :0.08942651748657227 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.625100314617157 the:0.034761395305395126 what:0.029246801510453224 how:0.028318358585238457 :0.01696869358420372 -and:0.16143982112407684 to:0.03627467900514603 in:0.031510550528764725 of:0.02726687118411064 :0.29524102807044983 -the:0.020649105310440063 of:0.014943127520382404 a:0.014446763321757317 to:0.010476849973201752 :0.3380710780620575 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.42558935284614563 to:0.06525833904743195 and:0.04989854246377945 along:0.04689973220229149 :0.03889188542962074 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -faces:0.0667126327753067 and:0.058498404920101166 at:0.04619434475898743 face:0.03854389116168022 :0.09788542985916138 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -house:0.1567731499671936 house,:0.10722807049751282 house.:0.0548197478055954 houses:0.051054321229457855 :0.07617365568876266 -and:0.11199667304754257 of:0.0909603089094162 in:0.06961880624294281 are:0.041917584836483 :0.060527391731739044 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.12499795854091644 It:0.08053175359964371 I:0.0369269885122776 He:0.03324968367815018 :0.19932428002357483 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1526319533586502 the:0.04983769357204437 but:0.04505743831396103 it:0.016338834539055824 :0.05771324783563614 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.0489305704832077 to:0.03613683581352234 for:0.018377142027020454 the:0.017533844336867332 :0.33954769372940063 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.03397063538432121 condition:0.03251904249191284 policy:0.02038480155169964 interests:0.009792270138859749 :0.2953716218471527 -by:0.25862398743629456 to:0.17849352955818176 a:0.05640571936964989 at:0.05379176884889603 :0.047472063452005386 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -out:0.1318848431110382 into:0.08677971363067627 on:0.053993914276361465 from:0.0442170687019825 :0.041361138224601746 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -terest:0.02970144897699356 crease:0.022288411855697632 stead:0.02054322324693203 to:0.017772745341062546 :0.6365475058555603 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.0954684391617775 year:0.038241513073444366 other:0.03241894021630287 and:0.030703196302056313 :0.15927621722221375 -til:0.04283996671438217 der:0.030575480312108994 the:0.025765521451830864 to:0.012319210916757584 :0.4562009274959564 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -auction:0.02915082313120365 auction,:0.02451956272125244 school:0.020690185949206352 and:0.020127294585108757 :0.21887941658496857 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.26100999116897583 that:0.18626238405704498 is:0.061830807477235794 and:0.06069106608629227 :0.04207123816013336 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -in:0.08412472903728485 a:0.05015198513865471 the:0.04750119894742966 and:0.04315021634101868 :0.20600664615631104 -rested:0.05813022330403328 rest:0.042991142719984055 rival:0.037557654082775116 ranged:0.0368155762553215 :0.6770181059837341 -That:0.066114641726017 The:0.05981333181262016 Any:0.03722379729151726 A:0.03449203073978424 :0.21609430015087128 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.06231093406677246 and:0.03833255171775818 No.:0.038049086928367615 to:0.025196466594934464 :0.1700354367494583 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1171424463391304 will:0.07397627830505371 was:0.0691315159201622 on:0.05249081552028656 :0.07984825223684311 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.13006111979484558 man:0.041560590267181396 men:0.03545311465859413 man,:0.030033009126782417 :0.19172464311122894 -cent:0.2230542153120041 cent,:0.1211099848151207 cent.:0.07385829836130142 annum,:0.02711872011423111 :0.157860666513443 -and:0.09040234237909317 the:0.04046560451388359 to:0.018077827990055084 in:0.017857957631349564 :0.25251132249832153 -National:0.1629473865032196 Judicial:0.02567049115896225 and:0.023935820907354355 street:0.02347194403409958 :0.19308370351791382 -the:0.21240714192390442 with:0.06911730766296387 by:0.04903430491685867 and:0.03851362317800522 :0.05806132033467293 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.06712863594293594 out:0.03742967173457146 in:0.03670984506607056 of:0.0351104736328125 :0.12892687320709229 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -the:0.28829801082611084 a:0.05021917447447777 any:0.04481639340519905 its:0.021674903109669685 :0.14737661182880402 -that:0.126918226480484 of:0.061995938420295715 to:0.055295463651418686 and:0.04567193612456322 :0.17878924310207367 -be:0.16773998737335205 a:0.060398783534765244 necessary:0.020297003909945488 believe:0.014596521854400635 :0.12759695947170258 -and:0.13294829428195953 at:0.06083601713180542 the:0.045572128146886826 but:0.033589743077754974 :0.07592063397169113 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -of:0.3948274254798889 to:0.037102650851011276 is:0.03512352705001831 the:0.023929720744490623 :0.09159060567617416 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.11495311558246613 a:0.09491971135139465 by:0.07507055997848511 in:0.051433756947517395 :0.11713102459907532 -same:0.007046762853860855 city:0.005843535531312227 ir:0.004731467459350824 old:0.0046788291074335575 :0.37267640233039856 -of:0.08279070258140564 to:0.03428015112876892 and:0.02874119207262993 interests:0.020510505884885788 :0.1555841863155365 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -mand:0.05641615390777588 grees:0.03593277931213379 scribed:0.02867727540433407 partment:0.025207728147506714 :0.5335603356361389 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -the:0.10125581920146942 and:0.07807906717061996 in:0.05378304794430733 by:0.03809203580021858 :0.07349487394094467 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -be:0.3197149634361267 see:0.020124852657318115 bo:0.014944136142730713 do:0.01398740615695715 :0.1449533998966217 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.41862550377845764 the:0.06818448007106781 and:0.02718798816204071 for:0.02620047517120838 :0.06573595106601715 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.0535116121172905 was:0.0507332980632782 has:0.04625442624092102 knows:0.043227724730968475 :0.11319789290428162 -and:0.04577934741973877 to:0.027293505147099495 of:0.026951715350151062 sense:0.024446578696370125 :0.20980259776115417 -of:0.17788991332054138 form:0.02791053056716919 thing:0.02663365751504898 and:0.023350443691015244 :0.20919357240200043 -and:0.015930749475955963 election:0.015414835885167122 welfare:0.014750231057405472 nature:0.01118016242980957 :0.1961066573858261 -and:0.015699347481131554 Office:0.01499712374061346 Office,:0.007336319424211979 Minister:0.005205517169088125 :0.7728945016860962 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.05114363133907318 Shore:0.022331826388835907 States:0.019136440008878708 States,:0.010282181203365326 :0.28914058208465576 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.17451050877571106 the:0.047794658690690994 but:0.03682483732700348 that:0.026818210259079933 :0.06528056412935257 -of:0.27501583099365234 the:0.05826984718441963 in:0.025449013337492943 to:0.024077091366052628 :0.07131443172693253 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -She:0.137398824095726 The:0.08115740120410919 He:0.047320976853370667 I:0.029239799827337265 :0.11761818826198578 -to:0.3019152879714966 years.:0.085582435131073 years,:0.05846933275461197 years:0.03931865468621254 :0.07476908713579178 -States:0.5249002575874329 States,:0.14538247883319855 States.:0.12097357958555222 States;:0.017308538779616356 :0.12549808621406555 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.012059979140758514 hands,:0.007604937069118023 the:0.00560150807723403 or:0.004402921535074711 :0.3395673930644989 -and:0.2018408179283142 but:0.04505901038646698 the:0.02671348862349987 with:0.019508466124534607 :0.06648584455251694 -to:0.16251292824745178 that:0.07358972728252411 by:0.0642344206571579 a:0.057493049651384354 :0.08046634495258331 -to:0.8295971155166626 not:0.08300406485795975 at:0.0030025446321815252 also:0.0029902029782533646 :0.01994888298213482 -to:0.04217885434627533 the:0.02832757867872715 by:0.026850823312997818 in:0.02062014304101467 :0.2100563496351242 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -on:0.3288366198539734 wards:0.05908605828881264 ward:0.0539819672703743 on,:0.04793418571352959 :0.11157289147377014 -sumed:0.027144918218255043 signed:0.014843777753412724 sessed:0.012132394127547741 -:0.009776490740478039 :0.756720781326294 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -be:0.3197149634361267 see:0.020124852657318115 bo:0.014944136142730713 do:0.01398740615695715 :0.1449533998966217 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -of:0.49347302317619324 to:0.058670006692409515 and:0.03404161334037781 for:0.025007208809256554 :0.06615220010280609 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -time:0.049762461334466934 as:0.030612975358963013 to:0.02215949445962906 manner:0.01835881732404232 :0.13590042293071747 -and:0.11613814532756805 that:0.06848165392875671 of:0.06834692507982254 to:0.05445736274123192 :0.10238823294639587 -who:0.19813917577266693 to:0.056875769048929214 and:0.04816329851746559 in:0.04589002951979637 :0.08023282140493393 -ago:0.12396024912595749 of:0.11536110192537308 ago.:0.0523359440267086 ago,:0.05031469464302063 :0.06862995773553848 -years:0.053588785231113434 or:0.049720849841833115 hundred:0.032202597707509995 of:0.03051123209297657 :0.21560759842395782 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.05294022709131241 is:0.052457235753536224 in:0.04192956164479256 for:0.03480939194560051 :0.07146003842353821 -the:0.07941446453332901 a:0.017263611778616905 that:0.013900193385779858 to:0.012997212819755077 :0.25055569410324097 -to:0.46070611476898193 and:0.14522098004817963 of:0.028754331171512604 with:0.014802347868680954 :0.045811962336301804 -to:0.6084441542625427 for:0.17731964588165283 that:0.023090356960892677 in:0.012911643832921982 :0.03349672630429268 -World:0.012006915174424648 and:0.010564529336988926 Guard:0.007037812378257513 men:0.006180332973599434 :0.6590755581855774 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.13040390610694885 sheep,:0.041962988674640656 sheep:0.035093002021312714 or:0.0349678210914135 :0.13370460271835327 -of:0.29086413979530334 and:0.07303524762392044 was:0.03657591715455055 in:0.036492958664894104 :0.04497784003615379 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.41180622577667236 this:0.0653076022863388 these:0.06334681808948517 and:0.03556601330637932 :0.06699718534946442 -and:0.11199667304754257 of:0.0909603089094162 in:0.06961880624294281 are:0.041917584836483 :0.060527391731739044 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.37800681591033936 and:0.18078218400478363 to:0.04225180670619011 in:0.036386843770742416 :0.02629750594496727 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -of:0.08279070258140564 to:0.03428015112876892 and:0.02874119207262993 interests:0.020510505884885788 :0.1555841863155365 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -and:0.14455343782901764 where:0.040623489767313004 between:0.038061682134866714 in:0.0356627032160759 :0.1293235421180725 -The:0.1039348840713501 All:0.05685391277074814 Lot:0.04355344548821449 Beginning:0.03304866701364517 :0.35453560948371887 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3502632677555084 and:0.12020795792341232 in:0.04353158175945282 on:0.022439831867814064 :0.021848760545253754 -was:0.1199399083852768 had:0.09387841820716858 has:0.042880017310380936 is:0.035394374281167984 :0.10805658996105194 -given:0.20183879137039185 notified:0.11787441372871399 given,:0.04905884712934494 ordered:0.035182733088731766 :0.14528408646583557 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.1402023285627365 a:0.07813576608896255 and:0.051191795617341995 Miss:0.04303906485438347 :0.0965166911482811 -and:0.0648307278752327 of:0.04718853160738945 in:0.04090535268187523 to:0.040723808109760284 :0.10770276188850403 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -not:0.05385302007198334 now:0.02452295646071434 the:0.01996014639735222 to:0.014539960771799088 :0.1972123682498932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -in:0.04189803823828697 of:0.03783300891518593 to:0.03066978044807911 war:0.02413959801197052 :0.18577873706817627 -and:0.11009274423122406 of:0.10121173411607742 in:0.0777750313282013 was:0.04021431505680084 :0.08615222573280334 -a:0.11427546292543411 the:0.10669584572315216 to:0.055825717747211456 for:0.037991344928741455 :0.09046337008476257 -o'clock:0.0652131661772728 to:0.05634898692369461 and:0.031810954213142395 per:0.029086846858263016 :0.2045426368713379 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.060671038925647736 a:0.01552096102386713 that:0.014593787491321564 tho:0.01434879470616579 :0.25237518548965454 -first:0.006864727009087801 result:0.006815184373408556 bill:0.005261637270450592 most:0.00487801618874073 :0.32135170698165894 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.07481495290994644 have:0.03649904951453209 be:0.03611213341355324 to:0.031508997082710266 :0.2045518159866333 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -deal:0.034478940069675446 many:0.0326894074678421 and:0.017500290647149086 majority:0.007637182250618935 :0.24714967608451843 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -from:0.3342961072921753 by:0.10611225664615631 and:0.04761945828795433 the:0.04671197012066841 :0.06561092287302017 -and:0.06956382840871811 as:0.018164878711104393 business:0.012234371155500412 scale:0.010695352219045162 :0.3603701889514923 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -new:0.029597237706184387 to:0.028195766732096672 of:0.02597043849527836 on:0.023288799449801445 :0.23113460838794708 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.23417498171329498 in:0.08349113911390305 to:0.04763532429933548 for:0.03891903534531593 :0.039770469069480896 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -the:0.2198714315891266 a:0.07131607085466385 his:0.03640100359916687 it:0.03570661321282387 :0.03549565374851227 -from:0.1469467282295227 by:0.11332736909389496 the:0.07873315364122391 a:0.07760758697986603 :0.04758438840508461 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -of:0.22311416268348694 and:0.09142286330461502 to:0.05148640647530556 the:0.04236864671111107 :0.11615251004695892 -out:0.06619517505168915 forth:0.06040060147643089 of:0.059924300760030746 up:0.05789599567651749 :0.0789448693394661 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -the:0.2349090576171875 he:0.05126500502228737 they:0.042668212205171585 I:0.041159737855196 :0.09105824679136276 -are:0.13117435574531555 will:0.08192874491214752 can:0.06268738210201263 have:0.057806696742773056 :0.06037263199687004 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -of:0.5249972939491272 in:0.04107942059636116 from:0.03664524853229523 to:0.027803175151348114 :0.03477875515818596 -in:0.2716304063796997 on:0.13234321773052216 upon:0.04778507351875305 at:0.0459967702627182 :0.04538761451840401 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -therefore,:0.27993473410606384 sir,:0.05516832694411278 the:0.052846405655145645 if:0.03358646482229233 :0.056050170212984085 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.19925333559513092 a:0.03688078746199608 tho:0.018115051090717316 tbe:0.012966693378984928 :0.2211509644985199 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -of:0.3037264943122864 and:0.04961514472961426 assured:0.04284937307238579 on:0.03659799322485924 :0.03729376196861267 -of:0.30490413308143616 a:0.08861035108566284 and:0.0702599585056305 the:0.06521826982498169 :0.04706863686442375 -of:0.15353241562843323 to:0.13866226375102997 and:0.03040177747607231 that:0.030154407024383545 :0.05298222228884697 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.7746137976646423 deed:0.02427012287080288 mortgage:0.01632256619632244 lien:0.0042318920604884624 :0.05216622352600098 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -than:0.17746992409229279 and:0.05052023380994797 portion:0.01699790172278881 part:0.01662059873342514 :0.18787217140197754 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -A.:0.08564067631959915 and:0.07570033520460129 the:0.025829890742897987 but:0.017408551648259163 :0.21634529531002045 -and:0.1609993577003479 was:0.04443798214197159 is:0.037247903645038605 has:0.03120521269738674 :0.17732559144496918 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -of:0.10524929314851761 and:0.06279144436120987 in:0.05238033086061478 men:0.04424301162362099 :0.09130105376243591 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -the:0.06996460258960724 and:0.04410453885793686 2,:0.04108739644289017 block:0.014331086538732052 :0.35892951488494873 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -time:0.049762461334466934 as:0.030612975358963013 to:0.02215949445962906 manner:0.01835881732404232 :0.13590042293071747 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -the:0.14364896714687347 a:0.07142455130815506 it:0.033691272139549255 up:0.020946426317095757 :0.07757588475942612 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -as:0.06843478232622147 in:0.06034527346491814 if:0.030532246455550194 after:0.02788349986076355 :0.1054292619228363 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -be:0.3217567205429077 have:0.08306805044412613 not:0.02450818568468094 bo:0.018155692145228386 :0.08178785443305969 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -for:0.4442826807498932 of:0.06037753447890282 in:0.02929607219994068 and:0.02660570666193962 :0.024886444211006165 -the:0.13697537779808044 it:0.05254269018769264 I:0.03735991194844246 if:0.035609155893325806 :0.06623194366693497 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -tinued:0.034667860716581345 tract:0.030118511989712715 struction:0.020052818581461906 nected:0.019565146416425705 :0.542401134967804 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -of:0.20888487994670868 and:0.13203397393226624 in:0.09325798600912094 are:0.03987390920519829 :0.06919853389263153 -was:0.058700598776340485 and:0.05688149854540825 in:0.043834514915943146 department:0.03145528957247734 :0.10017474740743637 -of:0.1620953381061554 and:0.13761195540428162 in:0.05653311312198639 to:0.04106024652719498 :0.04496799409389496 -and:0.1762419492006302 to:0.039989568293094635 in:0.037893474102020264 is:0.03349558264017105 :0.1171710267663002 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.22866007685661316 and:0.09697648882865906 is:0.05927297845482826 in:0.05671772360801697 :0.058149270713329315 -time:0.01294439285993576 country:0.012567109428346157 is:0.01075996644794941 was:0.007632145658135414 :0.28615352511405945 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -be:0.2578584551811218 not:0.03358340635895729 do:0.024384891614317894 bo:0.01854175329208374 :0.11540351063013077 -tinued:0.034667860716581345 tract:0.030118511989712715 struction:0.020052818581461906 nected:0.019565146416425705 :0.542401134967804 -years:0.053588785231113434 or:0.049720849841833115 hundred:0.032202597707509995 of:0.03051123209297657 :0.21560759842395782 -and:0.18649619817733765 the:0.03898264467716217 which:0.029814429581165314 but:0.026687048375606537 :0.07335706055164337 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.11052684485912323 in:0.06433418393135071 from:0.03509177267551422 on:0.03501635789871216 :0.10533276945352554 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.141706645488739 and:0.07807163894176483 is:0.03491096571087837 in:0.03330741822719574 :0.04852978140115738 -It:0.1085580363869667 The:0.09579353779554367 I:0.06049960479140282 If:0.024582726880908012 :0.2281259149312973 -not:0.573444664478302 the:0.03841054067015648 it:0.018170703202486038 this:0.012435434386134148 :0.039332445710897446 -and:0.11464675515890121 for:0.04001093655824661 in:0.028258638456463814 to:0.024233054369688034 :0.26934871077537537 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.1117723137140274 to:0.07719077914953232 and:0.07013803720474243 with:0.02527669072151184 :0.15318869054317474 -names:0.03747140243649483 name:0.031221462413668633 duty:0.014536472968757153 hands:0.007228906732052565 :0.18480472266674042 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -the:0.2084222435951233 tho:0.026267768815159798 a:0.0201246477663517 his:0.01375904306769371 :0.28452157974243164 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.05998329073190689 of:0.05423448607325554 as:0.010668705217540264 for:0.01030017901211977 :0.27986830472946167 -pie:0.032669372856616974 to:0.01578683778643608 of:0.012636402621865273 a:0.01112417597323656 :0.5932209491729736 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.2876944839954376 be:0.05072023347020149 after:0.04308144748210907 to:0.02994610369205475 :0.10895059257745743 -.:0.06988608837127686 few:0.04215701296925545 large:0.024859881028532982 man:0.013344060629606247 :0.2676287889480591 -signed:0.061179954558610916 sessed:0.026666399091482162 sumed:0.017369963228702545 sured:0.013461996801197529 :0.7840479016304016 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -scribed:0.05340684950351715 mands:0.020330894738435745 grees:0.01744850166141987 partment:0.014706429094076157 :0.6118330359458923 -the:0.18440574407577515 that:0.08887360990047455 upon:0.07916679978370667 this:0.03333970159292221 :0.04842185229063034 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.060768112540245056 country:0.02046826481819153 matter:0.014081597328186035 amount:0.012219402007758617 :0.15567417442798615 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -for:0.057169534265995026 and:0.051456090062856674 in:0.039283912628889084 of:0.03896106779575348 :0.06754821538925171 -day:0.25817474722862244 and:0.048375897109508514 of:0.03602999076247215 year:0.016935249790549278 :0.18546925485134125 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.0785922110080719 the:0.06823815405368805 and:0.043367546051740646 in:0.03889890015125275 :0.045568957924842834 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -west:0.07392964512109756 after:0.06255500763654709 before:0.05826170742511749 of:0.04679484665393829 :0.11489327251911163 -gested:0.3231407403945923 first:0.001782947569154203 i:0.0015350545290857553 .:0.0013868088135495782 :0.6013246774673462 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.28327932953834534 not:0.03569647669792175 a:0.031669747084379196 no:0.0178078580647707 :0.12235648185014725 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.19848540425300598 a:0.067912757396698 him:0.039897531270980835 him.:0.034319791942834854 :0.13451960682868958 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.37988021969795227 not:0.0862904042005539 have:0.054348863661289215 bo:0.019765757024288177 :0.09019754827022552 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.30549708008766174 at:0.036123473197221756 in:0.01984589733183384 but:0.015946002677083015 :0.1128816083073616 -one:0.08792528510093689 man:0.05800681561231613 person:0.04262541979551315 day:0.0244844201952219 :0.13383060693740845 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.16580340266227722 a:0.02643735520541668 tho:0.024817969650030136 be:0.013993391767144203 :0.2028840333223343 -be:0.05218712240457535 to:0.04119918495416641 and:0.02424413152039051 at:0.02000933699309826 :0.17793211340904236 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.22341515123844147 it:0.03881162405014038 he:0.03757015988230705 a:0.03364558517932892 :0.06673405319452286 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -in:0.22257710993289948 by:0.1826418936252594 at:0.048493873327970505 the:0.04692092537879944 :0.04381910711526871 -of:0.2404428869485855 the:0.13449975848197937 a:0.04086599126458168 and:0.033349841833114624 :0.05913932994008064 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.10195839405059814 days:0.033966515213251114 part:0.03120974451303482 and:0.022123118862509727 :0.1931469589471817 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.0872308537364006 and:0.07022286206483841 of:0.05731324478983879 to:0.03890766575932503 :0.1823398619890213 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -for:0.15194833278656006 to:0.06307956576347351 and:0.03068833239376545 from:0.027001727372407913 :0.10845979303121567 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -and:0.20862381160259247 but:0.0402337945997715 the:0.04015364125370979 which:0.028556039556860924 :0.08236384391784668 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -of:0.13131286203861237 was:0.0781608298420906 and:0.038192909210920334 in:0.03392094746232033 :0.06527537852525711 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -respected:0.060611020773649216 esteemed:0.05980036035180092 respectable:0.029147788882255554 developed:0.020419273525476456 :0.24727559089660645 -and:0.18611715734004974 of:0.13165394961833954 to:0.05771494284272194 was:0.03569226339459419 :0.06316081434488297 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -.:0.017224440351128578 -:0.013245903886854649 e:0.013182943686842918 n:0.012991116382181644 :0.3863798975944519 -of:0.34692734479904175 line:0.03718153387308121 in:0.028952479362487793 and:0.026603760197758675 :0.0718950554728508 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -earned:0.036556437611579895 and:0.03562598302960396 active:0.029336033388972282 good:0.026753844693303108 :0.21397903561592102 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.5258271098136902 and:0.026715904474258423 of:0.024854272603988647 from:0.023563554510474205 :0.057022448629140854 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -for:0.057169534265995026 and:0.051456090062856674 in:0.039283912628889084 of:0.03896106779575348 :0.06754821538925171 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -ice:0.16365310549736023 ed:0.09691337496042252 ing:0.09685378521680832 ant,:0.023226303979754448 :0.40180012583732605 -the:0.06034154072403908 a:0.043448708951473236 in:0.027066903188824654 made:0.023584788665175438 :0.18853774666786194 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.2122228890657425 by:0.13423475623130798 to:0.08516253530979156 at:0.06345413625240326 :0.05358882620930672 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -of:0.1757659614086151 and:0.050518911331892014 in:0.03701883926987648 for:0.027449071407318115 :0.08328993618488312 -in:0.5142198204994202 In:0.0657530352473259 to:0.06512182950973511 at:0.02141963504254818 :0.040683913975954056 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -deg.:0.1231885552406311 and:0.07204944640398026 of:0.037158217281103134 feet:0.027174944058060646 :0.3495190441608429 -parts:0.05562663450837135 from:0.047603607177734375 kinds:0.015998514369130135 sections:0.012431591749191284 :0.2114400714635849 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -Mary:0.025422846898436546 Helen:0.022200066596269608 Lillian:0.019124018028378487 Edith:0.012659045867621899 :0.522648811340332 -men:0.018237901851534843 things:0.014938456937670708 are:0.013445316813886166 people:0.008972854353487492 :0.3660861551761627 -of:0.20850375294685364 to:0.07207353413105011 was:0.05237199738621712 that:0.05203435197472572 :0.06786513328552246 -and:0.06557458639144897 to:0.06437172740697861 in:0.050494253635406494 the:0.03856607899069786 :0.1650417596101761 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -ordered:0.0265146866440773 notified:0.02627418376505375 enacted,:0.020376592874526978 than:0.019262738525867462 :0.25041383504867554 -of:0.27501583099365234 the:0.05826984718441963 in:0.025449013337492943 to:0.024077091366052628 :0.07131443172693253 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.11616609245538712 to:0.11516911536455154 of:0.093546062707901 on:0.051464200019836426 :0.05026261508464813 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -me:0.10527738183736801 to:0.08842543512582779 by:0.08031193166971207 the:0.07831568270921707 :0.07519764453172684 -of:0.7191478610038757 that:0.0474146232008934 ot:0.021625511348247528 and:0.010632127523422241 :0.019802667200565338 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -was:0.13219469785690308 had:0.0555078350007534 has:0.04221506789326668 is:0.04037148877978325 :0.18015429377555847 -and:0.25183504819869995 but:0.05612783133983612 the:0.029302187263965607 as:0.02348688617348671 :0.06006641685962677 -of:0.1640394777059555 the:0.08151844143867493 a:0.07713102549314499 such:0.027669822797179222 :0.0810496136546135 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.2035359889268875 of:0.08744394779205322 with:0.038185808807611465 in:0.027761483564972878 :0.06935223937034607 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.5330098867416382 to:0.05750838667154312 and:0.03136858344078064 in:0.02800629287958145 :0.03209846094250679 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -The:0.13716575503349304 He:0.04528022184967995 It:0.0375291146337986 In:0.03571784496307373 :0.12350210547447205 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.15691126883029938 for:0.09247639030218124 and:0.03666435182094574 in:0.025018921121954918 :0.09260886162519455 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -per:0.0677386224269867 feet:0.0625029057264328 miles:0.049870625138282776 acres:0.03478767350316048 :0.19059747457504272 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.041483450680971146 got:0.021614527329802513 decided:0.018361391499638557 to:0.014686969108879566 :0.2128838747739792 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.15605796873569489 character:0.008311642333865166 in:0.0062986076809465885 and:0.0060967011377215385 :0.18317849934101105 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -earned:0.036556437611579895 and:0.03562598302960396 active:0.029336033388972282 good:0.026753844693303108 :0.21397903561592102 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -been:0.21552737057209015 not:0.023195594549179077 a:0.022496452555060387 the:0.019868940114974976 :0.2667330801486969 -of:0.4877642095088959 that:0.12980805337429047 to:0.020979687571525574 the:0.01884293556213379 :0.016383584588766098 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -distance:0.04643572121858597 number:0.04421847313642502 portion:0.031177697703242302 amount:0.023235082626342773 :0.1544487327337265 -.:0.02460307627916336 of:0.024017874151468277 the:0.013431369327008724 e:0.01307621318846941 :0.4065561592578888 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.12904295325279236 a:0.03202001750469208 tho:0.018473172560334206 any:0.014477443881332874 :0.22376567125320435 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -to:0.13821139931678772 that:0.05628193914890289 and:0.03477304428815842 a:0.02936231903731823 :0.1333797723054886 -scribed:0.05340684950351715 mands:0.020330894738435745 grees:0.01744850166141987 partment:0.014706429094076157 :0.6118330359458923 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.027395861223340034 the:0.022504489868879318 made:0.0182606503367424 no:0.008585826493799686 :0.2783674895763397 -be:0.3217567205429077 have:0.08306805044412613 not:0.02450818568468094 bo:0.018155692145228386 :0.08178785443305969 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.09802061319351196 a:0.051208171993494034 not:0.02073018252849579 to:0.017381571233272552 :0.27785247564315796 -wife:0.01490917056798935 own:0.014642157591879368 name:0.011216885410249233 friends:0.009581650607287884 :0.17186039686203003 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -of:0.24120762944221497 the:0.0780426487326622 to:0.04823844134807587 for:0.04285573959350586 :0.05103164166212082 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -B.:0.02028615213930607 E:0.020282939076423645 H.:0.01811414211988449 B:0.015139817260205746 :0.42620640993118286 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -be:0.06658535450696945 the:0.06280869990587234 not:0.03976982831954956 a:0.03703264892101288 :0.12188208848237991 -and:0.08726859837770462 to:0.044892601668834686 was:0.027987686917185783 on:0.0216903705149889 :0.12863467633724213 -the:0.2948419451713562 in:0.13200993835926056 with:0.048418398946523666 her:0.02621973119676113 :0.08021894842386246 -parts:0.05562663450837135 from:0.047603607177734375 kinds:0.015998514369130135 sections:0.012431591749191284 :0.2114400714635849 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.11349564045667648 and:0.09105170518159866 to:0.05098626762628555 in:0.040920160710811615 :0.09445121139287949 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2900315523147583 but:0.03181711956858635 the:0.03157186508178711 in:0.030164217576384544 :0.04219068959355354 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -of:0.3070780038833618 and:0.06316693127155304 to:0.028192028403282166 for:0.020947301760315895 :0.026260187849402428 --:0.01812734454870224 of:0.016837887465953827 .:0.013118437491357327 and:0.012137425132095814 :0.4001212418079376 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.45161592960357666 in:0.03786598518490791 the:0.0252123661339283 and:0.018796974793076515 :0.06334877014160156 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -with:0.20697179436683655 and:0.06831541657447815 men:0.03464682772755623 forces:0.027686525136232376 :0.24542087316513062 -terest:0.02970144897699356 crease:0.022288411855697632 stead:0.02054322324693203 to:0.017772745341062546 :0.6365475058555603 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12452636659145355 of:0.12341409176588058 are:0.04807014763355255 in:0.04677124321460724 :0.04117712378501892 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.2305319607257843 the:0.07715202867984772 as:0.04374274984002113 but:0.03577961400151253 :0.12046919763088226 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.20848970115184784 at:0.05333497375249863 the:0.048240795731544495 to:0.040087517350912094 :0.08227895945310593 -against:0.3306118845939636 of:0.06838293373584747 to:0.04135386645793915 was:0.03843991458415985 :0.08458857983350754 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.3852451741695404 a:0.02973095141351223 tho:0.016936317086219788 this:0.012410535477101803 :0.18984441459178925 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -States:0.5249002575874329 States,:0.14538247883319855 States.:0.12097357958555222 States;:0.017308538779616356 :0.12549808621406555 -and:0.08374366164207458 to:0.018958989530801773 as:0.014985843561589718 in:0.013890126720070839 :0.2095247358083725 -and:0.16466008126735687 as:0.025526931509375572 in:0.016484681516885757 with:0.012236223556101322 :0.28903427720069885 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -.:0.16995926201343536 was:0.018205244094133377 the:0.011786467395722866 is:0.011207467876374722 :0.3163156807422638 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -company:0.04224879667162895 and:0.035291001200675964 companies,:0.02546781860291958 station:0.024794744327664375 :0.16959749162197113 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -described:0.09503408521413803 the:0.055370356887578964 is:0.01663540117442608 a:0.01415183488279581 :0.2086590677499771 -of:0.3672008216381073 that:0.23552702367305756 is:0.04080989584326744 was:0.031869709491729736 :0.03502640128135681 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.04189803823828697 of:0.03783300891518593 to:0.03066978044807911 war:0.02413959801197052 :0.18577873706817627 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.07669484615325928 the:0.07383619993925095 by:0.060275398194789886 and:0.05958850681781769 :0.266236811876297 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -States:0.5249002575874329 States,:0.14538247883319855 States.:0.12097357958555222 States;:0.017308538779616356 :0.12549808621406555 -in:0.12670403718948364 to:0.09721046686172485 were:0.052042048424482346 and:0.051797591149806976 :0.05223967880010605 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.09040234237909317 the:0.04046560451388359 to:0.018077827990055084 in:0.017857957631349564 :0.25251132249832153 -and:0.1029185950756073 enough:0.011579909361898899 stream:0.010471612215042114 as:0.010054852813482285 :0.2144835740327835 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.24011297523975372 of:0.08602795004844666 which:0.03793856501579285 to:0.033396702259778976 :0.06719274073839188 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -of:0.09209580719470978 in:0.05051566660404205 to:0.04314110055565834 and:0.032860010862350464 :0.09662479907274246 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -man:0.08607076108455658 lady:0.03618399426341057 men:0.03425515070557594 and:0.032232530415058136 :0.25705599784851074 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.056439515203237534 of:0.05189945176243782 in:0.038383424282073975 sides:0.022368621081113815 :0.18085162341594696 -.:0.0781804621219635 o'clock:0.058678559958934784 to:0.01945255696773529 a.:0.019404472783207893 :0.3022487163543701 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054468270391225815 man:0.03689473867416382 fellow:0.02218315750360489 woman:0.021502498537302017 :0.21335074305534363 -morning:0.10675264894962311 school:0.060659222304821014 night:0.041214000433683395 and:0.040077146142721176 :0.10569531470537186 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -The:0.08505406230688095 It:0.056835778057575226 I:0.052995745092630386 We:0.03263474255800247 :0.2098185420036316 -York:0.08744712173938751 the:0.0704488530755043 that:0.06374293565750122 therefore,:0.04470082372426987 :0.08650172501802444 -and:0.11212889850139618 of:0.03056952729821205 to:0.016155516728758812 has:0.012533673085272312 :0.32221120595932007 -of:0.18704281747341156 and:0.15458467602729797 to:0.0629839301109314 in:0.04689159616827965 :0.07152624428272247 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -at:0.1292092353105545 for:0.07901038974523544 and:0.07113278657197952 in:0.04349919408559799 :0.08139986544847488 -of:0.3280161917209625 in:0.07511463016271591 and:0.042629603296518326 is:0.034284211695194244 :0.04361054301261902 -of:0.27828434109687805 to:0.07470525056123734 and:0.04529987648129463 in:0.03646295517683029 :0.05128040537238121 -and:0.055713314563035965 years:0.05132850259542465 inches:0.044233985245227814 to:0.04043789952993393 :0.26352307200431824 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -at:0.14749588072299957 the:0.115521639585495 to:0.03645014390349388 and:0.03455163538455963 :0.0628310963511467 -the:0.2452014982700348 future:0.02323385700583458 to:0.021372610703110695 a:0.01948806457221508 :0.28874000906944275 -and:0.09988483041524887 in:0.043710000813007355 is:0.03963981196284294 to:0.036314498633146286 :0.1674617975950241 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -part:0.04785242676734924 and:0.024576589465141296 states:0.02452624961733818 line:0.020843762904405594 :0.2244759351015091 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -of:0.23417498171329498 in:0.08349113911390305 to:0.04763532429933548 for:0.03891903534531593 :0.039770469069480896 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -regiments:0.06995344907045364 army:0.03941495344042778 forces:0.0328572615981102 to:0.028454389423131943 :0.2230442315340042 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.22187373042106628 the:0.051997195929288864 which:0.04779313877224922 that:0.023517204448580742 :0.06506174057722092 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -to:0.3265172243118286 that:0.15267270803451538 by:0.1305389553308487 for:0.04528891295194626 :0.042190197855234146 -and:0.02832677774131298 man:0.0189571101218462 fashioned:0.010256295092403889 age.:0.009680424816906452 :0.3170650601387024 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -than:0.11550402641296387 part:0.09125965088605881 portion:0.03979905694723129 number:0.02017383649945259 :0.13197208940982819 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -m:0.524071216583252 m.:0.061574846506118774 m.,:0.060761962085962296 in.:0.005357534624636173 :0.11976601928472519 -was:0.0817888006567955 and:0.051882531493902206 of:0.04944486916065216 to:0.04832055792212486 :0.07181863486766815 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -and:0.09513505548238754 was:0.0443638451397419 law:0.04270970821380615 is:0.02070820890367031 :0.14203105866909027 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -stones:0.049215152859687805 to:0.027921995148062706 and:0.0212810467928648 metals:0.017997510731220245 :0.29292112588882446 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -gether:0.21342401206493378 day:0.14374516904354095 ward:0.12124612927436829 day,:0.026859614998102188 :0.20279669761657715 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -a:0.21331514418125153 the:0.1239723339676857 to:0.0550079308450222 that:0.02439114637672901 :0.146322101354599 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -the:0.08019233494997025 and:0.04729093983769417 in:0.04666387289762497 a:0.03580181673169136 :0.07011593878269196 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.2525264620780945 which:0.03895764425396919 the:0.027694063261151314 but:0.023768147453665733 :0.2690877318382263 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -and:0.1683485209941864 who:0.09899388253688812 but:0.05440262705087662 the:0.025637201964855194 :0.07908035814762115 -than:0.10255640745162964 be:0.06293734908103943 to:0.03276421129703522 a:0.023775752633810043 :0.16496168076992035 -was:0.1318342238664627 to:0.0807311162352562 in:0.0486612543463707 and:0.047573745250701904 :0.08503050357103348 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -the:0.121829554438591 it:0.04392915219068527 tho:0.022008690983057022 he:0.0189349465072155 :0.11337848752737045 -the:0.016456954181194305 a:0.015676870942115784 i:0.006455338094383478 n:0.006152402143925428 :0.36888113617897034 -that:0.39021947979927063 the:0.08295987546443939 in:0.05408840253949165 it:0.04457901790738106 :0.035529933869838715 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.3466644585132599 and:0.0606791153550148 in:0.0535823330283165 is:0.036266546696424484 :0.03283635526895523 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -most:0.005381092429161072 time:0.004378912970423698 last:0.003792106406763196 same:0.003791905241087079 :0.34003472328186035 -and:0.04402858763933182 that:0.02770758792757988 for:0.02299448661506176 as:0.022166451439261436 :0.4175499975681305 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -She:0.137398824095726 The:0.08115740120410919 He:0.047320976853370667 I:0.029239799827337265 :0.11761818826198578 -The:0.13331861793994904 It:0.05457878112792969 I:0.03172822296619415 He:0.031314585357904434 :0.20074322819709778 -of:0.33593830466270447 to:0.10985403507947922 for:0.08829142153263092 and:0.08749812841415405 :0.033126749098300934 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -on:0.12018904834985733 out:0.08034127205610275 to:0.06529968231916428 off:0.056727584451436996 :0.052785106003284454 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.07941446453332901 a:0.017263611778616905 that:0.013900193385779858 to:0.012997212819755077 :0.25055569410324097 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -a:0.0899466723203659 the:0.07284276932477951 any:0.06332673877477646 being:0.01404645573347807 :0.24706797301769257 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2435428351163864 to:0.07911467552185059 is:0.06573107838630676 for:0.05137934908270836 :0.06122526153922081 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -and:0.02832677774131298 man:0.0189571101218462 fashioned:0.010256295092403889 age.:0.009680424816906452 :0.3170650601387024 -and:0.15189968049526215 the:0.032241761684417725 in:0.023640811443328857 who:0.020931541919708252 :0.09110314399003983 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -the:0.0650440976023674 route:0.0605442151427269 a:0.019561681896448135 to:0.016549058258533478 :0.29967373609542847 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.11876329779624939 H.:0.043302685022354126 W.:0.020982051268219948 J.:0.020120160654187202 :0.36906862258911133 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -of:0.3335553705692291 to:0.08080381900072098 that:0.04510531574487686 a:0.036591097712516785 :0.08184067159891129 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.15529176592826843 in:0.06737411767244339 to:0.052916351705789566 at:0.03787187114357948 :0.060533974319696426 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.09921418875455856 however,:0.06767862290143967 that:0.05922633036971092 in:0.04346802458167076 :0.06391406059265137 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.17405928671360016 and:0.04027867317199707 payment:0.02137117274105549 amount:0.018908385187387466 :0.17771503329277039 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -face:0.13253800570964813 rounded:0.1272388994693756 prise:0.040912095457315445 plus:0.025507042184472084 :0.47609978914260864 -of:0.17445935308933258 and:0.0641859769821167 in:0.053873296827077866 on:0.02613328956067562 :0.08842708170413971 -der:0.2165156900882721 til:0.0826803669333458 able:0.019945666193962097 known:0.016644524410367012 :0.3191623091697693 -of:0.22287075221538544 and:0.07354531437158585 in:0.024367477744817734 to:0.023403756320476532 :0.07093559205532074 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -of:0.2156587541103363 the:0.0962892472743988 a:0.04434848576784134 which:0.038240883499383926 :0.1246347576379776 -the:0.2347734123468399 of:0.08000273257493973 that:0.03645312786102295 and:0.01480911299586296 :0.1831643432378769 -of:0.15168190002441406 a:0.14205898344516754 the:0.06233258545398712 an:0.04192729294300079 :0.1072683185338974 -of:0.2130189687013626 was:0.09462545067071915 and:0.07372277975082397 is:0.032558657228946686 :0.07919500023126602 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.4177303612232208 for:0.20545756816864014 and:0.04262251406908035 to:0.03089825250208378 :0.04078587144613266 -the:0.12764962017536163 he:0.0794156938791275 it:0.06603512167930603 they:0.06103835627436638 :0.0676891878247261 -of:0.151739701628685 is:0.04708656668663025 and:0.04690795764327049 in:0.03591194003820419 :0.09245669841766357 -rived:0.09665023535490036 ranged:0.053592585027217865 rested:0.0272881630808115 rival:0.023855481296777725 :0.6429988741874695 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.19045665860176086 there:0.05351750925183296 this:0.04291217401623726 we:0.037500083446502686 :0.08134202659130096 -in:0.12329422682523727 at:0.11891527473926544 by:0.06394807249307632 the:0.04816187918186188 :0.06176922470331192 -of:0.17405928671360016 and:0.04027867317199707 payment:0.02137117274105549 amount:0.018908385187387466 :0.17771503329277039 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.061587173491716385 a:0.05284573882818222 to:0.050322942435741425 he:0.023852534592151642 :0.16830985248088837 -of:0.23116785287857056 that:0.20145003497600555 is:0.038032785058021545 was:0.030388308688998222 :0.040380146354436874 -and:0.2680271565914154 in:0.11834526807069778 of:0.11708436161279678 at:0.03459099307656288 :0.05961845442652702 -and:0.16481320559978485 in:0.045233212411403656 where:0.03048265166580677 but:0.025351207703351974 :0.09396381676197052 -and:0.14892850816249847 or:0.031834378838539124 which:0.03073858842253685 the:0.029249176383018494 :0.07296279817819595 -and:0.24047061800956726 but:0.05377238243818283 or:0.03541651740670204 the:0.033742908388376236 :0.07610452175140381 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -he:0.03273729607462883 the:0.025790724903345108 of:0.020090339705348015 be:0.01200561597943306 :0.2891792058944702 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -6,:0.06168103963136673 and:0.058374542742967606 block:0.03583851084113121 the:0.02220962941646576 :0.34202811121940613 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -to:0.2160356640815735 in:0.10661028325557709 the:0.0501101128757 out:0.03964996337890625 :0.06177177652716637 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.06310665607452393 is:0.040187060832977295 to:0.03643888980150223 in:0.03172094374895096 :0.08356594294309616 -and:0.03079746477305889 amount:0.015070069581270218 part:0.010843850672245026 sum:0.00768594816327095 :0.29881158471107483 -the:0.16590090095996857 of:0.10813863575458527 and:0.06965547800064087 to:0.04743020236492157 :0.05887068063020706 -the:0.24416321516036987 they:0.054389484226703644 he:0.036025237292051315 it:0.03010527975857258 :0.10381904989480972 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -over:0.07804928719997406 on:0.07775942981243134 up:0.07388416677713394 in:0.06753228604793549 :0.08176013082265854 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -The:0.15130698680877686 It:0.05102217569947243 He:0.038363613188266754 In:0.028865894302725792 :0.13962537050247192 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -was:0.14354532957077026 had:0.06346485763788223 is:0.047632087022066116 said:0.03918292000889778 :0.09489079564809799 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24416321516036987 they:0.054389484226703644 he:0.036025237292051315 it:0.03010527975857258 :0.10381904989480972 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -years:0.07173684239387512 minutes:0.04623920097947121 hundred:0.04375318065285683 or:0.04097325727343559 :0.19309356808662415 -and:0.32979071140289307 of:0.19774982333183289 or:0.027763839811086655 to:0.024971555918455124 :0.0347670279443264 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -district:0.054404497146606445 and:0.04583072289824486 of:0.04125402867794037 in:0.03404262289404869 :0.13176244497299194 -of:0.7462911605834961 in:0.012430115602910519 profits:0.01222977414727211 ot:0.01105316448956728 :0.02930164709687233 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -of:0.17259784042835236 in:0.09050706773996353 and:0.07935810089111328 are:0.048472944647073746 :0.039646562188863754 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1258261799812317 from:0.09811073541641235 and:0.05916851386427879 in:0.03622715547680855 :0.06310670077800751 -of:0.09785239398479462 important:0.020495742559432983 difficult:0.011607902124524117 dangerous:0.009898709133267403 :0.29064807295799255 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.09933660179376602 to:0.07231620699167252 and:0.07127630710601807 are:0.04605667293071747 :0.0907827764749527 -to:0.741918683052063 in:0.027892282232642174 and:0.01832968182861805 at:0.008118224330246449 :0.018042737618088722 -The:0.12383483350276947 It:0.057886265218257904 I:0.04447556287050247 He:0.030764002352952957 :0.21444644033908844 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -of:0.5125035643577576 to:0.05764758214354515 and:0.0409531407058239 in:0.03016715869307518 :0.035252854228019714 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -time:0.049762461334466934 as:0.030612975358963013 to:0.02215949445962906 manner:0.01835881732404232 :0.13590042293071747 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.09607171267271042 and:0.061004381626844406 or:0.015506623312830925 time:0.014388318173587322 :0.19637431204319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -who:0.1730121225118637 of:0.10141103714704514 in:0.039448078721761703 are:0.031189128756523132 :0.07186098396778107 -of:0.3019554018974304 and:0.10280385613441467 to:0.033293917775154114 from:0.02099265716969967 :0.09853854030370712 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.034368086606264114 and:0.019949300214648247 of:0.01668313331902027 to:0.01350040640681982 :0.2720033526420593 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.07645842432975769 at:0.05896000936627388 of:0.053108587861061096 the:0.0516732856631279 :0.09859033674001694 -and:0.06956382840871811 as:0.018164878711104393 business:0.012234371155500412 scale:0.010695352219045162 :0.3603701889514923 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1199646145105362 that:0.03668024763464928 but:0.03315671160817146 as:0.027477461844682693 :0.09639615565538406 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.06416065245866776 a:0.048969633877277374 to:0.0368959978222847 be:0.025181012228131294 :0.1372653990983963 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.16081133484840393 to:0.12296096235513687 and:0.06147054582834244 on:0.044364649802446365 :0.06571459025144577 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -and:0.16967342793941498 but:0.06076815351843834 the:0.052055712789297104 as:0.029192090034484863 :0.08049401640892029 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -of:0.06316037476062775 more:0.06229129433631897 as:0.04989323392510414 to:0.04015380144119263 :0.1596965789794922 -is:0.10303271561861038 the:0.06430774927139282 he:0.0539449080824852 they:0.05261162295937538 :0.07537786662578583 -a:0.08822359889745712 to:0.06993712484836578 the:0.0686417669057846 up:0.03832249343395233 :0.08951593190431595 -3,:0.059388935565948486 1,:0.044763632118701935 31,:0.02159113623201847 4,:0.01772907003760338 :0.2628622353076935 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.037185125052928925 deg.:0.03590768948197365 to:0.02233164757490158 degrees:0.020895998924970627 :0.5366377830505371 -to:0.09424768388271332 that:0.04623519629240036 in:0.04370569437742233 the:0.04215296730399132 :0.08041801303625107 -and:0.11349335312843323 was:0.03783592954277992 to:0.0355590283870697 is:0.024509616196155548 :0.16093279421329498 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -out:0.06619517505168915 forth:0.06040060147643089 of:0.059924300760030746 up:0.05789599567651749 :0.0789448693394661 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -is:0.10303271561861038 the:0.06430774927139282 he:0.0539449080824852 they:0.05261162295937538 :0.07537786662578583 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.1142774373292923 in:0.042910803109407425 of:0.03854256495833397 was:0.030025439336895943 :0.19102884829044342 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.10550924390554428 the:0.05972420051693916 he:0.0439058318734169 to:0.04389683157205582 :0.07139364629983902 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -stock:0.06583359837532043 and:0.048141513019800186 up:0.03370263800024986 the:0.03181072324514389 :0.1736367791891098 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.041483450680971146 got:0.021614527329802513 decided:0.018361391499638557 to:0.014686969108879566 :0.2128838747739792 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.390994131565094 and:0.09169849008321762 in:0.03131541982293129 is:0.02982214279472828 :0.05529250577092171 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.19306838512420654 the:0.16431555151939392 and:0.032664600759744644 suitable:0.03122706525027752 :0.10895731300115585 -of:0.2134898602962494 were:0.03211299702525139 at:0.029430920258164406 are:0.026173120364546776 :0.34495118260383606 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.1038718968629837 made:0.027577029541134834 a:0.020664958283305168 in:0.019095730036497116 :0.14588220417499542 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.09037206321954727 a:0.02391946315765381 that:0.012417576275765896 in:0.009440101683139801 :0.2461915910243988 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -he:0.03273729607462883 the:0.025790724903345108 of:0.020090339705348015 be:0.01200561597943306 :0.2891792058944702 -of:0.6401479840278625 in:0.052853021770715714 ot:0.015404925681650639 and:0.01340741477906704 :0.04293636977672577 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -not:0.03510436415672302 the:0.02168639563024044 in:0.020722029730677605 to:0.016085702925920486 :0.21835485100746155 -of:0.22287075221538544 and:0.07354531437158585 in:0.024367477744817734 to:0.023403756320476532 :0.07093559205532074 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.07762610167264938 in:0.04542387276887894 than:0.03504395857453346 on:0.027519043534994125 :0.09546606987714767 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.05056701973080635 to:0.04569787159562111 and:0.04278486222028732 was:0.038987427949905396 :0.14665119349956512 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.07108374685049057 of:0.06735859811306 are:0.05663927644491196 who:0.04999687895178795 :0.08792857080698013 -United:0.007243935018777847 most:0.00661249365657568 two:0.005878475494682789 right:0.005581792909651995 :0.25212761759757996 -and:0.1807224005460739 as:0.05491330102086067 but:0.04364459589123726 that:0.02597048133611679 :0.04193414747714996 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -by:0.12687015533447266 the:0.05429667979478836 in:0.04800188168883324 and:0.035847943276166916 :0.10697520524263382 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -tirely:0.10133197158575058 tered:0.0526694692671299 listed:0.02891162969172001 gaged:0.02440042421221733 :0.6126540303230286 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.06416065245866776 a:0.048969633877277374 to:0.0368959978222847 be:0.025181012228131294 :0.1372653990983963 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.14196081459522247 but:0.04519118368625641 the:0.03555072098970413 where:0.020915450528264046 :0.09636161476373672 -of:0.14583271741867065 and:0.05376538634300232 in:0.04807736724615097 for:0.044097933918237686 :0.044993363320827484 -H.:0.0361349880695343 W:0.029154006391763687 A.:0.022741029039025307 L.:0.02208847552537918 :0.34149250388145447 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.02832677774131298 man:0.0189571101218462 fashioned:0.010256295092403889 age.:0.009680424816906452 :0.3170650601387024 -in:0.0875076875090599 the:0.06762214750051498 up:0.06661771982908249 on:0.05827484652400017 :0.0542076975107193 -he:0.05591868981719017 is:0.04225184768438339 was:0.03583509102463722 the:0.02910527214407921 :0.14967194199562073 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.21540603041648865 by:0.15102583169937134 copy:0.10286590456962585 and:0.05233418568968773 :0.1638539880514145 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.23625676333904266 by:0.12147001177072525 the:0.08300121873617172 him:0.04446331784129143 :0.04994925111532211 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.18264596164226532 between:0.1379527747631073 them:0.04018067568540573 a:0.03335971385240555 :0.05146268382668495 -the:0.21097929775714874 for:0.07584209740161896 a:0.045886725187301636 said:0.028614511713385582 :0.07246754318475723 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -of:0.16162055730819702 for:0.13246919214725494 on:0.04919328913092613 in:0.04775194078683853 :0.05667604133486748 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.08814259618520737 and:0.06860069185495377 in:0.05667705088853836 for:0.04383286088705063 :0.08221182227134705 -night:0.04171675071120262 year:0.037758007645606995 year.:0.029282230883836746 year,:0.026110395789146423 :0.11887776851654053 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -other:0.06201404333114624 of:0.05465994030237198 one:0.02737504616379738 person:0.021363811567425728 :0.18847844004631042 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -to:0.07344211637973785 and:0.07105699926614761 for:0.026230046525597572 of:0.025224357843399048 :0.3076210618019104 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.12312695384025574 and:0.11239827424287796 who:0.0900999903678894 are:0.04286515340209007 :0.07870151102542877 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.9453404545783997 lo:0.005826559383422136 as:0.002079135039821267 by:0.00188958749640733 :0.012279093265533447 -D.:0.09169359505176544 D:0.07701209932565689 M:0.04354330152273178 D.,:0.024752678349614143 :0.3761599659919739 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -the:0.21476158499717712 to:0.18734696507453918 and:0.07663528621196747 than:0.02361900918185711 :0.08230038732290268 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -was:0.08393397927284241 had:0.06523281335830688 has:0.034160416573286057 would:0.027467429637908936 :0.17044216394424438 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.13532179594039917 to:0.07834873348474503 and:0.0715578943490982 in:0.05204254761338234 :0.11686541885137558 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -years:0.053588785231113434 or:0.049720849841833115 hundred:0.032202597707509995 of:0.03051123209297657 :0.21560759842395782 -.:0.30907928943634033 W:0.020784469321370125 C:0.015166928060352802 A:0.012823154218494892 :0.21508120000362396 -and:0.012059979140758514 hands,:0.007604937069118023 the:0.00560150807723403 or:0.004402921535074711 :0.3395673930644989 -and:0.13071970641613007 on:0.03840646520256996 at:0.03243584930896759 in:0.028583072125911713 :0.13506671786308289 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -well:0.0651799663901329 much:0.038443055003881454 good:0.029943346977233887 little:0.023210439831018448 :0.21749407052993774 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.23102736473083496 the:0.03682614490389824 but:0.026046842336654663 who:0.022851737216114998 :0.07876687496900558 -by:0.24696460366249084 of:0.0682767927646637 in:0.03411624953150749 and:0.031456589698791504 :0.05388624221086502 -most:0.008817396126687527 old:0.005710135214030743 United:0.0057084993459284306 same:0.005605618003755808 :0.2591322064399719 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.40610188245773315 with:0.10202339291572571 more:0.05334185063838959 in:0.03538995608687401 :0.045536503195762634 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3891626298427582 shall:0.05920078977942467 to:0.05229441449046135 from:0.0437045581638813 :0.040403712540864944 -for:0.1256147027015686 with:0.06453326344490051 to:0.06162545084953308 and:0.04591522738337517 :0.07443532347679138 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.14249056577682495 the:0.14247962832450867 of:0.035156454890966415 an:0.029168497771024704 :0.11972954869270325 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -he:0.03273729607462883 the:0.025790724903345108 of:0.020090339705348015 be:0.01200561597943306 :0.2891792058944702 -to:0.8295971155166626 not:0.08300406485795975 at:0.0030025446321815252 also:0.0029902029782533646 :0.01994888298213482 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -of:0.23663757741451263 to:0.11612223088741302 in:0.08912414312362671 from:0.0645851120352745 :0.05582919344305992 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.19144678115844727 in:0.07673317939043045 to:0.07024168223142624 and:0.05012201890349388 :0.10864973068237305 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.16925778985023499 is:0.04698355123400688 has:0.03818889334797859 to:0.037437357008457184 :0.054469816386699677 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -too,:0.17106419801712036 then,:0.14583276212215424 in:0.049821995198726654 as:0.028301658108830452 :0.027334051206707954 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.19144678115844727 in:0.07673317939043045 to:0.07024168223142624 and:0.05012201890349388 :0.10864973068237305 -the:0.1221713274717331 of:0.041029732674360275 a:0.028097286820411682 them:0.023450665175914764 :0.09846736490726471 -in:0.15967950224876404 at:0.05508829653263092 for:0.04718348756432533 until:0.04335367679595947 :0.14077387750148773 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -at:0.07672329992055893 upon:0.070759117603302 like:0.060899652540683746 up:0.0383264385163784 :0.08891236037015915 -the:0.1723855882883072 of:0.16230066120624542 to:0.05990853160619736 in:0.03503343090415001 :0.07971040159463882 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -deg.:0.06908877938985825 cents:0.05276336893439293 of:0.04797278344631195 cents;:0.0381232425570488 :0.16517268121242523 -and:0.02571895346045494 of:0.01723906584084034 the:0.011825546622276306 -:0.011285532265901566 :0.500519871711731 -a:0.027395861223340034 the:0.022504489868879318 made:0.0182606503367424 no:0.008585826493799686 :0.2783674895763397 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -o'clock:0.05307083949446678 .:0.045769985765218735 of:0.037450842559337616 and:0.031131597235798836 :0.31821712851524353 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -soil:0.15101461112499237 soil.:0.06759004294872284 soil,:0.03632132336497307 soils:0.027267973870038986 :0.29948294162750244 -The:0.021434681490063667 A:0.018609963357448578 Block:0.015479091554880142 and:0.012222323566675186 :0.4196302592754364 -line:0.09737416356801987 to:0.06694464385509491 and:0.0600736066699028 line,:0.041984859853982925 :0.09488501399755478 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -of:0.15561318397521973 a:0.08927866816520691 and:0.05940564349293709 for:0.050325024873018265 :0.06283345818519592 -years:0.10627036541700363 days:0.06763610243797302 o'clock:0.047235917299985886 per:0.03206649050116539 :0.19858530163764954 -and:0.0960155799984932 to:0.06035367399454117 Block:0.03833146020770073 car:0.023061910644173622 :0.18898244202136993 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -with:0.893707275390625 with,:0.006459054071456194 witli:0.0024122123140841722 and:0.001706335344351828 :0.06518382579088211 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3717420697212219 and:0.04696829244494438 to:0.04619872570037842 in:0.04019583761692047 :0.03956449031829834 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.10412193089723587 service:0.0969480499625206 war:0.08405956625938416 engineer:0.03932712599635124 :0.16746585071086884 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.08657949417829514 as:0.022207245230674744 in:0.014065727591514587 whiskey:0.01144611369818449 :0.238970547914505 -Carolina:0.10866396129131317 Dakota:0.07278911024332047 Dakota,:0.06649437546730042 and:0.05164346471428871 :0.22069381177425385 -the:0.031311530619859695 a:0.024312667548656464 to:0.019803250208497047 is:0.019155794754624367 :0.3375362455844879 -of:0.3362801969051361 door:0.21746033430099487 and:0.0378754548728466 the:0.023639673367142677 :0.06776734441518784 -to:0.09299120306968689 of:0.07938957959413528 and:0.05245117098093033 the:0.04695473238825798 :0.07857552915811539 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -the:0.12904295325279236 a:0.03202001750469208 tho:0.018473172560334206 any:0.014477443881332874 :0.22376567125320435 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -who:0.396484375 of:0.046845320612192154 in:0.021249689161777496 were:0.01439704280346632 :0.11257826536893845 -I:0.10639841109514236 The:0.08737291395664215 It:0.06028291583061218 He:0.034060657024383545 :0.16226156055927277 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -bidder:0.19328312575817108 bidder,:0.0919150784611702 and:0.057757601141929626 point:0.02120603248476982 :0.15151505172252655 -of:0.15558132529258728 in:0.07703090459108353 to:0.058980200439691544 and:0.03679843246936798 :0.0816275030374527 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.304872065782547 a:0.030960828065872192 tho:0.02968711219727993 his:0.015080204233527184 :0.1905631273984909 -to:0.12044712156057358 the:0.10781299322843552 been:0.055891554802656174 a:0.04587802290916443 :0.19009174406528473 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -who:0.08887836337089539 of:0.05139285698533058 are:0.048499010503292084 to:0.04792497679591179 :0.07251346111297607 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.1581300050020218 and:0.0636352077126503 Taft:0.03269411623477936 to:0.026117056608200073 :0.1928872913122177 -and:0.21101409196853638 the:0.04894256591796875 or:0.03187389299273491 but:0.027319351211190224 :0.14210042357444763 -States:0.5249002575874329 States,:0.14538247883319855 States.:0.12097357958555222 States;:0.017308538779616356 :0.12549808621406555 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2401747703552246 a:0.08173447847366333 with:0.0714220330119133 by:0.04255488142371178 :0.04180120304226875 -of:0.13703849911689758 in:0.07226499170064926 and:0.06300876289606094 where:0.03655518591403961 :0.06643273681402206 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -York:0.401128888130188 York,:0.08718613535165787 York.:0.03777214139699936 Orleans,:0.025607779622077942 :0.27619871497154236 -same:0.00764042604714632 said:0.005603433586657047 whole:0.004669254180043936 State:0.004351237788796425 :0.3564496338367462 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.1949658989906311 in:0.16391333937644958 for:0.04071861505508423 In:0.038393039256334305 :0.05301620438694954 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -most:0.006996858865022659 State:0.006420197896659374 United:0.005369978491216898 same:0.003963794093579054 :0.4440574645996094 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -been:0.08802321553230286 be:0.0528547428548336 a:0.026625769212841988 the:0.021958863362669945 :0.16560016572475433 -of:0.08178246766328812 Mrs.:0.0393262542784214 who:0.024400243535637856 boy.:0.02297407016158104 :0.24834996461868286 -of:0.19559279084205627 and:0.09297166764736176 to:0.057351261377334595 was:0.04971510171890259 :0.07996278256177902 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -of:0.21574045717716217 from:0.11287406831979752 that:0.06955322623252869 to:0.04887818172574043 :0.08628017455339432 -to:0.617419958114624 for:0.062084004282951355 of:0.0495387464761734 that:0.02892443723976612 :0.02718481235206127 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -and:0.1029689610004425 in:0.02841775119304657 standard:0.026939379051327705 coin,:0.023906663060188293 :0.245183065533638 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -to:0.20245017111301422 and:0.1514749825000763 on:0.09711378067731857 at:0.033222414553165436 :0.06553995609283447 -bonds:0.07442334294319153 mortgage:0.03827632591128349 claim:0.038091015070676804 tract:0.03520651161670685 :0.11277951300144196 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -at:0.14053554832935333 to:0.11053349077701569 by:0.07880432158708572 for:0.058833252638578415 :0.056797198951244354 -the:0.1396571844816208 it:0.08368446677923203 there:0.054241836071014404 we:0.030209509655833244 :0.05160810425877571 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.3853462040424347 this:0.04924772307276726 that:0.040551334619522095 this,:0.0330205000936985 :0.04386013746261597 -.:0.3498915433883667 .,:0.01298720296472311 F:0.008500682190060616 street:0.006512082181870937 :0.34648367762565613 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -him:0.09373514354228973 a:0.0883430615067482 the:0.0812935158610344 me:0.04305979236960411 :0.05273142829537392 -out:0.19028376042842865 into:0.10313808917999268 away:0.04293983057141304 Into:0.04278639703989029 :0.054781991988420486 -people:0.03579849749803543 government:0.013804769143462181 and:0.011793429031968117 citizens:0.010250980034470558 :0.2917661964893341 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -proud:0.05303938686847687 be:0.02619488723576069 entitled:0.01957324706017971 and:0.018450038507580757 :0.2357480227947235 -the:0.17712469398975372 it:0.06325319409370422 or:0.059955522418022156 they:0.05993082746863365 :0.0730995237827301 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -of:0.22774504125118256 on:0.08501449972391129 to:0.052234750241041183 in:0.04906715080142021 :0.07598454505205154 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -The:0.11426574736833572 It:0.062456805258989334 He:0.04563046991825104 I:0.03598788380622864 :0.23570166528224945 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2101510465145111 and:0.051009710878133774 that:0.04799206182360649 was:0.04445650801062584 :0.11536728590726852 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.6259042024612427 and:0.024082398042082787 bottles:0.020716655999422073 ot:0.01166874822229147 :0.07176738977432251 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.21181827783584595 they:0.03641663119196892 in:0.03181426599621773 he:0.025803958997130394 :0.11875980347394943 -to:0.04561300575733185 feet:0.04111086577177048 .:0.040985457599163055 and:0.03755779191851616 :0.24143044650554657 -and:0.07493766397237778 was:0.04175605624914169 of:0.031784605234861374 is:0.020024897530674934 :0.1838320642709732 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -the:0.21378546953201294 a:0.05136309564113617 of:0.017378289252519608 their:0.016052376478910446 :0.22813057899475098 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -of:0.12336040288209915 are:0.07844256609678268 and:0.05977620184421539 who:0.0555933453142643 :0.04599778354167938 -of:0.2816278338432312 to:0.18582305312156677 and:0.06173652783036232 in:0.040058523416519165 :0.044421058148145676 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.009247162379324436 the:0.007005101535469294 of:0.006525227800011635 I:0.0042389458976686 :0.7395102381706238 -in:0.17205187678337097 of:0.12660977244377136 and:0.0745854452252388 at:0.06044965237379074 :0.06018369272351265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.12981879711151123 shall:0.06731653958559036 and:0.061795998364686966 issued:0.05586518347263336 :0.04872822389006615 -der:0.1291748732328415 til:0.09035032987594604 less:0.04007190093398094 able:0.015834156423807144 :0.39893680810928345 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.05358007550239563 man:0.05287296324968338 men:0.03441380709409714 oak:0.019308483228087425 :0.3487381637096405 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -to:0.1432766169309616 and:0.05007972940802574 in:0.04939819872379303 a:0.037803877145051956 :0.08120478689670563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -every:0.0454334132373333 a:0.0446772575378418 as:0.04280715063214302 entirely:0.02934308350086212 :0.2138059437274933 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4892599880695343 and:0.045130569487810135 by:0.02706266939640045 the:0.019929392263293266 :0.041178684681653976 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -the:0.22150541841983795 a:0.08881168067455292 he:0.022779671475291252 his:0.021713558584451675 :0.1350257396697998 -of:0.11213908344507217 in:0.08467806875705719 and:0.052356645464897156 to:0.034491825848817825 :0.10671209543943405 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -a:0.14751461148262024 the:0.12374261766672134 it:0.04567049443721771 an:0.026676274836063385 :0.07802078872919083 -the:0.050468217581510544 a:0.016576260328292847 to:0.015248732641339302 and:0.01004817895591259 :0.20260289311408997 -of:0.24828015267848969 and:0.12163890153169632 were:0.08377294987440109 are:0.08347746729850769 :0.08180729299783707 -far:0.0603245347738266 the:0.021929031237959862 be:0.013097374700009823 to:0.012695294804871082 :0.24385406076908112 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.21909978985786438 and:0.09383351355791092 are:0.06940631568431854 of:0.0558418408036232 :0.03892695531249046 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -visions:0.09230361133813858 vided:0.03538060560822487 posed:0.026643885299563408 duce:0.019842924550175667 :0.4507797360420227 -and:0.1071886420249939 in:0.05502590909600258 at:0.05195587873458862 of:0.0470840185880661 :0.07735801488161087 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -of:0.3335553705692291 to:0.08080381900072098 that:0.04510531574487686 a:0.036591097712516785 :0.08184067159891129 -to:0.2800399661064148 and:0.04958721250295639 the:0.03346811607480049 in:0.02782829850912094 :0.08263716846704483 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -of:0.38600313663482666 and:0.09950349479913712 to:0.06398539245128632 in:0.029029332101345062 :0.04291171953082085 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.02279348112642765 of:0.012669960968196392 a:0.01022688951343298 .:0.009398240596055984 :0.3351995348930359 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.11101650446653366 over:0.10430597513914108 out:0.07677783071994781 the:0.039879269897937775 :0.05975142866373062 -of:0.024810951203107834 and:0.021293453872203827 John:0.013416619040071964 Roosevelt:0.011466806754469872 :0.5312713384628296 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -.:0.06988608837127686 few:0.04215701296925545 large:0.024859881028532982 man:0.013344060629606247 :0.2676287889480591 -The:0.11593116074800491 I:0.061691708862781525 It:0.05969611555337906 We:0.04381364956498146 :0.16247756779193878 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -Co.,:0.1094854325056076 of:0.08773255348205566 Company,:0.0343279168009758 and:0.033436067402362823 :0.22033654153347015 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.18052925169467926 a:0.12235523760318756 soon:0.0720716267824173 to:0.056043777614831924 :0.07303852587938309 -of:0.840356707572937 the:0.027432547882199287 and:0.011819777078926563 ot:0.0056796749122440815 :0.01581730879843235 -The:0.11289874464273453 It:0.0658104419708252 I:0.04369630292057991 He:0.030590541660785675 :0.163900226354599 -to:0.3301684856414795 of:0.15029436349868774 that:0.0663251206278801 and:0.045437950640916824 :0.03872650861740112 -and:0.024165140464901924 A:0.01726721227169037 E:0.01623479649424553 of:0.012100287713110447 :0.5445197224617004 -to:0.501336395740509 for:0.0641259029507637 in:0.04316255822777748 by:0.03092280589044094 :0.04852505400776863 -and:0.1403883397579193 was:0.05086997523903847 in:0.04626902565360069 to:0.037584684789180756 :0.14227141439914703 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -o'clock:0.110672727227211 per:0.07149618119001389 to:0.043467555195093155 a.:0.027001770213246346 :0.19192562997341156 -was:0.13219469785690308 had:0.0555078350007534 has:0.04221506789326668 is:0.04037148877978325 :0.18015429377555847 -and:0.04786425083875656 of:0.042547136545181274 was:0.014619226567447186 will:0.01044782530516386 :0.11990612000226974 -the:0.13806094229221344 with:0.10748445242643356 in:0.056240424513816833 a:0.039742857217788696 :0.06930748373270035 -of:0.18908077478408813 to:0.07514245808124542 and:0.05292602255940437 is:0.03368643671274185 :0.1529071182012558 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.3933224678039551 the:0.0966915488243103 for:0.07990244030952454 a:0.019750796258449554 :0.030795620754361153 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -report:0.04726150259375572 tax:0.030890783295035362 average:0.027360420674085617 meeting:0.02145453169941902 :0.3094143867492676 -tract:0.017069589346647263 gress:0.0154313575476408 ducted:0.013630163855850697 ditions:0.013134597800672054 :0.5856359601020813 -and:0.0732128918170929 government:0.01554628275334835 army:0.010778818279504776 people:0.010389909148216248 :0.39924710988998413 -of:0.23417498171329498 in:0.08349113911390305 to:0.04763532429933548 for:0.03891903534531593 :0.039770469069480896 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ticular:0.10916582494974136 ty:0.10538570582866669 ticularly:0.08698463439941406 ties:0.08080209791660309 :0.3937215507030487 -of:0.2130189687013626 was:0.09462545067071915 and:0.07372277975082397 is:0.032558657228946686 :0.07919500023126602 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.3197149634361267 see:0.020124852657318115 bo:0.014944136142730713 do:0.01398740615695715 :0.1449533998966217 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.09299120306968689 of:0.07938957959413528 and:0.05245117098093033 the:0.04695473238825798 :0.07857552915811539 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.21652759611606598 a:0.057185012847185135 their:0.014301182702183723 his:0.013723132200539112 :0.19880814850330353 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -us:0.16412381827831268 the:0.12409006059169769 me:0.06224114075303078 them:0.060903143137693405 :0.0602022185921669 -in:0.08553355187177658 the:0.07098785787820816 that:0.05615006759762764 to:0.043199628591537476 :0.08121948689222336 -of:0.45161592960357666 in:0.03786598518490791 the:0.0252123661339283 and:0.018796974793076515 :0.06334877014160156 -for:0.40626782178878784 a:0.10170701146125793 the:0.05553954094648361 that:0.04077960550785065 :0.06894387304782867 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -south:0.12703150510787964 north:0.12162792682647705 with:0.05615686997771263 along:0.052328187972307205 :0.1148146316409111 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -far:0.0603245347738266 the:0.021929031237959862 be:0.013097374700009823 to:0.012695294804871082 :0.24385406076908112 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.21146662533283234 but:0.06087898835539818 the:0.02960420586168766 for:0.016230974346399307 :0.0847398191690445 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -been:0.07629714906215668 be:0.0499790757894516 had:0.025709202513098717 have:0.022763649001717567 :0.12283376604318619 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.25433170795440674 on:0.07238311320543289 and:0.04478462412953377 to:0.04069974273443222 :0.04497210308909416 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.1254737675189972 per:0.111298568546772 and:0.062289368361234665 on:0.04184459522366524 :0.06521812081336975 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.0962703675031662 in:0.06579264998435974 of:0.05651649832725525 at:0.05132417380809784 :0.11417680233716965 -and:0.1029689610004425 in:0.02841775119304657 standard:0.026939379051327705 coin,:0.023906663060188293 :0.245183065533638 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -The:0.13826897740364075 It:0.08834955096244812 In:0.04487023130059242 They:0.03112148493528366 :0.12065821141004562 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -of:0.7604332566261292 thereof:0.01868610829114914 ot:0.018200131133198738 to:0.011519314721226692 :0.013286287896335125 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -2:0.1300414502620697 1:0.04996919259428978 1,:0.045693445950746536 3:0.027863943949341774 :0.26117345690727234 -the:0.06125256046652794 that:0.05308735743165016 to:0.02794022299349308 and:0.024007845669984818 :0.301261842250824 -and:0.1602289229631424 but:0.05756494775414467 the:0.048920098692178726 in:0.02594693750143051 :0.07821071147918701 -of:0.2230963408946991 for:0.10993173718452454 to:0.09641356766223907 and:0.0406065508723259 :0.035314105451107025 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 --:0.007006831467151642 body:0.004894256126135588 the:0.004728903062641621 and:0.002307513728737831 :0.9309378862380981 -than:0.1419132947921753 to:0.03906868398189545 for:0.03051593527197838 and:0.026000842452049255 :0.13465552031993866 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.12371626496315002 the:0.06535972654819489 but:0.029351411387324333 which:0.025930270552635193 :0.12011437863111496 -the:0.15963879227638245 tho:0.04397793486714363 a:0.04221108928322792 of:0.017866576090455055 :0.23700855672359467 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -same:0.009706208482384682 said:0.006666978821158409 United:0.0050319768488407135 city:0.00426312442868948 :0.327362984418869 -a:0.050283461809158325 be:0.04896092042326927 not:0.0417543463408947 the:0.030623769387602806 :0.1277235895395279 -of:0.16702604293823242 and:0.11075326800346375 from:0.044086385518312454 in:0.03640477731823921 :0.11166605353355408 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.29276734590530396 and:0.052718956023454666 to:0.04394884780049324 in:0.033887531608343124 :0.04755902662873268 -to:0.1914786845445633 offense,:0.01677270047366619 acts:0.010437858290970325 offense:0.009537299163639545 :0.30970078706741333 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -was:0.11872278153896332 and:0.10063301026821136 of:0.04368108510971069 as:0.03160784766077995 :0.1247507706284523 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -and:0.19762054085731506 but:0.07898631691932678 the:0.04558953642845154 not:0.02389405481517315 :0.10450349003076553 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.027679985389113426 at:0.026796821504831314 the:0.02464049868285656 to:0.02345702238380909 :0.1609565168619156 -the:0.19988830387592316 out:0.10231539607048035 on:0.07272648811340332 it:0.050962354987859726 :0.076812244951725 -and:0.051625270396471024 .:0.0467069111764431 o'clock:0.04608439281582832 per:0.03838120028376579 :0.34318339824676514 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.30676376819610596 of:0.23261430859565735 is:0.025729143992066383 and:0.023288588970899582 :0.04119803011417389 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.15962722897529602 and:0.022661838680505753 from:0.015822436660528183 in:0.014299008995294571 :0.21297040581703186 -was:0.1199399083852768 had:0.09387841820716858 has:0.042880017310380936 is:0.035394374281167984 :0.10805658996105194 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -that:0.12647974491119385 the:0.059124656021595 to:0.04172993823885918 is:0.03858967125415802 :0.06419835984706879 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -that:0.13784848153591156 the:0.10762919485569 a:0.07753301411867142 to:0.0704394280910492 :0.09805900603532791 -that:0.29337552189826965 a:0.1033094972372055 the:0.0928698182106018 how:0.042445916682481766 :0.04109981656074524 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -the:0.08705972880125046 a:0.06731362640857697 to:0.056673940271139145 it:0.01926015503704548 :0.2703814208507538 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -the:0.11884143203496933 in:0.10337566584348679 a:0.060064155608415604 by:0.04394328594207764 :0.10384660959243774 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.26755133271217346 of:0.07791098207235336 was:0.03996169567108154 with:0.03785964101552963 :0.1258201003074646 -of:0.3335553705692291 to:0.08080381900072098 that:0.04510531574487686 a:0.036591097712516785 :0.08184067159891129 -to:0.34261155128479004 the:0.07351388782262802 with:0.061904653906822205 by:0.05645736679434776 :0.09829727560281754 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -of:0.16878075897693634 and:0.12877650558948517 in:0.09267634153366089 to:0.06346389651298523 :0.055462148040533066 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -between:0.2324390709400177 of:0.13156500458717346 in:0.11266430467367172 In:0.03527748957276344 :0.028477903455495834 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -own:0.023352522403001785 way:0.008567072451114655 power:0.00431622052565217 most:0.004125740844756365 :0.36198291182518005 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.2312580943107605 but:0.054472628980875015 the:0.04556509107351303 which:0.030109234154224396 :0.10987094789743423 -of:0.11602655053138733 the:0.04641686752438545 and:0.04177609086036682 a:0.025171451270580292 :0.27637115120887756 -and:0.16596151888370514 who:0.05103028938174248 the:0.03918812423944473 to:0.02584424987435341 :0.10043229162693024 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -a:0.027395861223340034 the:0.022504489868879318 made:0.0182606503367424 no:0.008585826493799686 :0.2783674895763397 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -and:0.036591608077287674 to:0.023801257833838463 who:0.023357221856713295 or:0.02287161909043789 :0.22834089398384094 -and:0.13908953964710236 to:0.07247387617826462 in:0.06301667541265488 of:0.058290235698223114 :0.033205289393663406 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -be:0.2578584551811218 not:0.03358340635895729 do:0.024384891614317894 bo:0.01854175329208374 :0.11540351063013077 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.3075050711631775 Hundred:0.03636154904961586 day:0.03349391743540764 thing:0.01811542920768261 :0.08347582072019577 -and:0.06386292725801468 in:0.05884215235710144 is:0.05872027948498726 to:0.0528276190161705 :0.07905623316764832 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.13297946751117706 who:0.07623685896396637 the:0.03305559605360031 but:0.0325128510594368 :0.08063247799873352 -in:0.05205221846699715 are:0.03750816732645035 to:0.03616209700703621 were:0.035231512039899826 :0.08847843110561371 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -him:0.09373514354228973 a:0.0883430615067482 the:0.0812935158610344 me:0.04305979236960411 :0.05273142829537392 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.30907928943634033 W:0.020784469321370125 C:0.015166928060352802 A:0.012823154218494892 :0.21508120000362396 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2758124768733978 he:0.03993445634841919 a:0.023696599528193474 it:0.02302197366952896 :0.09752887487411499 -of:0.38444632291793823 to:0.07469411194324493 and:0.04550040885806084 who:0.04412916302680969 :0.043349459767341614 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.07108651846647263 and:0.06005500629544258 of:0.05465598776936531 a:0.04650586098432541 :0.08882573246955872 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.06946471333503723 floral:0.06024238094687462 as:0.01185214426368475 young:0.011570535600185394 :0.2606329321861267 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -down:0.12549419701099396 in:0.0701102465391159 up:0.06309245526790619 on:0.04883548244833946 :0.05309801921248436 -by:0.20550024509429932 the:0.12241793423891068 in:0.0667591243982315 on:0.035797350108623505 :0.044650010764598846 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.13509556651115417 was:0.024770356714725494 to:0.019762683659791946 &:0.01583523489534855 :0.28986433148384094 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -the:0.20417936146259308 described:0.05117717757821083 named:0.040278948843479156 all:0.02727392315864563 :0.16135798394680023 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.15909218788146973 out:0.05340169370174408 about:0.04949793592095375 the:0.04316485673189163 :0.057520657777786255 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.18060795962810516 but:0.03396686539053917 the:0.018924511969089508 with:0.015284725464880466 :0.18296386301517487 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.13697537779808044 it:0.05254269018769264 I:0.03735991194844246 if:0.035609155893325806 :0.06623194366693497 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.10298807173967361 to:0.047177866101264954 at:0.02400069124996662 is:0.023045726120471954 :0.18620340526103973 -to:0.1447352170944214 the:0.07900869846343994 and:0.051114920526742935 a:0.031102653592824936 :0.07857198268175125 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3093086779117584 a:0.027670975774526596 said:0.02062113769352436 him:0.018643314018845558 :0.13683170080184937 -force:0.09610524773597717 jury:0.07477032393217087 force,:0.04138406738638878 and:0.03750763088464737 :0.11583658307790756 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -South,:0.027430569753050804 South.:0.02603086270391941 day:0.02260965295135975 side:0.020527351647615433 :0.09542988240718842 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.2110414206981659 but:0.04163841903209686 the:0.03998115658760071 who:0.031283099204301834 :0.08256649971008301 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -in:0.09151197969913483 that:0.08970920741558075 and:0.04234447702765465 by:0.040247842669487 :0.13044822216033936 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.17712469398975372 it:0.06325319409370422 or:0.059955522418022156 they:0.05993082746863365 :0.0730995237827301 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -as:0.10825265198945999 and:0.054943282157182693 before:0.0289095900952816 enough:0.026509786024689674 :0.17240241169929504 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.05056701973080635 to:0.04569787159562111 and:0.04278486222028732 was:0.038987427949905396 :0.14665119349956512 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -to:0.46070611476898193 and:0.14522098004817963 of:0.028754331171512604 with:0.014802347868680954 :0.045811962336301804 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.18471759557724 the:0.046809397637844086 but:0.0365094356238842 in:0.01973937451839447 :0.07032668590545654 -litical:0.19700987637043 sition:0.07165857404470444 lice:0.056037936359643936 -:0.009859820827841759 :0.5762847661972046 -a:0.0899466723203659 the:0.07284276932477951 any:0.06332673877477646 being:0.01404645573347807 :0.24706797301769257 -B:0.020638056099414825 J:0.02010377123951912 L:0.012144862674176693 H:0.012122518382966518 :0.5127801299095154 -the:0.05792469158768654 r:0.019938331097364426 >r:0.012289449572563171 .:0.011597756296396255 :0.2852281928062439 -of:0.10524929314851761 and:0.06279144436120987 in:0.05238033086061478 men:0.04424301162362099 :0.09130105376243591 -of:0.28888124227523804 to:0.06713996827602386 and:0.04557954519987106 that:0.038331784307956696 :0.05319514498114586 -from:0.23052605986595154 in:0.1307668387889862 with:0.08960378915071487 as:0.027735982090234756 :0.10341677814722061 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -as:0.2651868164539337 from:0.0762321949005127 beyond:0.0325518436729908 more:0.031949158757925034 :0.0632418766617775 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -and:0.136411651968956 the:0.04660153388977051 in:0.02705385908484459 or:0.026314977556467056 :0.21149882674217224 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -who:0.10513915121555328 and:0.05085807293653488 of:0.04358622059226036 in:0.04072939604520798 :0.08604895323514938 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -in:0.0638371929526329 as:0.05179714411497116 the:0.036639727652072906 if:0.03651094809174538 :0.06114502623677254 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.05294022709131241 is:0.052457235753536224 in:0.04192956164479256 for:0.03480939194560051 :0.07146003842353821 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -not:0.520152747631073 the:0.028544344007968903 he:0.012468121014535427 in:0.009819873608648777 :0.06437556445598602 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.06680275499820709 the:0.04033926874399185 a:0.032189395278692245 it:0.02770301140844822 :0.09990942478179932 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.203014075756073 and:0.04571348801255226 to:0.03866835683584213 with:0.03252645581960678 :0.08168720453977585 -ger:0.34147217869758606 gers:0.10962183028459549 cers:0.0032367368694394827 the:0.0029372393619269133 :0.4763036370277405 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -own:0.024880561977624893 mind:0.01347982045263052 head:0.011469615623354912 friends:0.010026230476796627 :0.2680613696575165 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -rectly:0.1561649590730667 rected:0.15158186852931976 vided:0.056889183819293976 rect:0.02957073040306568 :0.48079949617385864 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -of:0.23417498171329498 in:0.08349113911390305 to:0.04763532429933548 for:0.03891903534531593 :0.039770469069480896 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.16836358606815338 in:0.04511544480919838 made:0.02562393993139267 to:0.015060046687722206 :0.12557484209537506 -and:0.20485860109329224 the:0.050980065017938614 but:0.034527815878391266 in:0.024589605629444122 :0.08639168739318848 -and:0.08829459547996521 of:0.0627095103263855 is:0.043974243104457855 was:0.04293948411941528 :0.128779336810112 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.15501444041728973 of:0.11279143393039703 was:0.044973671436309814 and:0.044620152562856674 :0.032497625797986984 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.0954684391617775 year:0.038241513073444366 other:0.03241894021630287 and:0.030703196302056313 :0.15927621722221375 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.3387856185436249 the:0.07137391716241837 to:0.04578462988138199 in:0.02146979607641697 :0.05066652223467827 -ago:0.12396024912595749 of:0.11536110192537308 ago.:0.0523359440267086 ago,:0.05031469464302063 :0.06862995773553848 -the:0.0868455320596695 it:0.0400262251496315 if:0.03415347635746002 yet:0.027642888948321342 :0.06376281380653381 -products:0.0599634051322937 and:0.037277210503816605 cow:0.028560584411025047 at:0.02757321298122406 :0.3127729296684265 -.:0.16995926201343536 was:0.018205244094133377 the:0.011786467395722866 is:0.011207467876374722 :0.3163156807422638 -and:0.11188799142837524 to:0.07042783498764038 in:0.036405935883522034 on:0.024748587980866432 :0.1038559079170227 -the:0.2549974322319031 their:0.04585349187254906 a:0.03899868577718735 his:0.03161901235580444 :0.03627210855484009 -as:0.2177988737821579 to:0.17232200503349304 that:0.0753200426697731 and:0.041111938655376434 :0.06550521403551102 -and:0.0683145821094513 edge:0.030539467930793762 sense:0.030067818239331245 interest:0.023759227246046066 :0.17500387132167816 -to:0.35206618905067444 by:0.20423011481761932 and:0.06670133024454117 from:0.02411249838769436 :0.029103275388479233 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -down:0.12549419701099396 in:0.0701102465391159 up:0.06309245526790619 on:0.04883548244833946 :0.05309801921248436 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -of:0.3566654622554779 and:0.03645728901028633 in:0.02218753844499588 to:0.015545498579740524 :0.10607901215553284 -lowing:0.32272231578826904 lowed:0.18481040000915527 low:0.15869556367397308 lows::0.0630280002951622 :0.1496741622686386 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.03388125076889992 property:0.025415712967514992 life:0.010960359126329422 life,:0.010242195799946785 :0.37377744913101196 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -and:0.2680271565914154 in:0.11834526807069778 of:0.11708436161279678 at:0.03459099307656288 :0.05961845442652702 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.028617117553949356 to:0.021737292408943176 .:0.012789856642484665 a:0.012578041292726994 :0.4117973744869232 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.31594228744506836 tho:0.019255435094237328 them:0.01584724895656109 two:0.014858921058475971 :0.15068286657333374 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -and:0.22216682136058807 the:0.058730680495500565 but:0.055306289345026016 which:0.05167171359062195 :0.08950591087341309 -and:0.04236995428800583 Miller,:0.01219054777175188 M.:0.011317514814436436 was:0.009648535400629044 :0.5896502137184143 -of:0.2835773825645447 for:0.08084753155708313 to:0.06729967147111893 in:0.05205715820193291 :0.035413265228271484 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -and:0.06543111056089401 of:0.06139712035655975 in:0.04465364292263985 is:0.033050019294023514 :0.11208674311637878 -and:0.07517554610967636 as:0.053131405264139175 of:0.05038343369960785 into:0.04785841330885887 :0.05903514847159386 -John:0.023180294781923294 J:0.020701322704553604 W.:0.02034001052379608 Henry:0.019465463235974312 :0.3680909276008606 -to:0.21121637523174286 for:0.14165879786014557 of:0.10457539558410645 and:0.07667403668165207 :0.06261385232210159 -he:0.03273729607462883 the:0.025790724903345108 of:0.020090339705348015 be:0.01200561597943306 :0.2891792058944702 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.02075856737792492 of:0.014402211643755436 The:0.01275780238211155 and:0.010301933623850346 :0.12791970372200012 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -said:0.0062776957638561726 the:0.005504169967025518 most:0.004588935058563948 United:0.004532806575298309 :0.4655087888240814 -and:0.18819217383861542 but:0.07239343225955963 the:0.046762313693761826 as:0.03963000327348709 :0.0753425806760788 -of:0.19167153537273407 in:0.06939578801393509 was:0.05413179472088814 is:0.05000906437635422 :0.05027378723025322 -at:0.15073224902153015 in:0.14693109691143036 to:0.07914864271879196 on:0.04277125746011734 :0.07576269656419754 -the:0.16081133484840393 to:0.12296096235513687 and:0.06147054582834244 on:0.044364649802446365 :0.06571459025144577 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.14691251516342163 the:0.0545879527926445 in:0.024602148681879044 with:0.020339198410511017 :0.19512853026390076 -of:0.22287075221538544 and:0.07354531437158585 in:0.024367477744817734 to:0.023403756320476532 :0.07093559205532074 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -to:0.05649400129914284 of:0.05602365732192993 has:0.052164167165756226 and:0.049723681062459946 :0.056507658213377 -and:0.038774169981479645 the:0.03665471076965332 to:0.03379518911242485 in:0.023545820266008377 :0.14969618618488312 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.105091892182827 were:0.07449718564748764 of:0.051619209349155426 to:0.04393906891345978 :0.06387493759393692 -and:0.09662987291812897 is:0.05003944784402847 to:0.048897769302129745 are:0.031358130276203156 :0.1629292368888855 -and:0.020791467279195786 of:0.016697613522410393 in:0.01140438299626112 to:0.011053306981921196 :0.21180182695388794 -to:0.15388111770153046 and:0.1410599797964096 against:0.06521574407815933 in:0.034800440073013306 :0.035955049097537994 -as:0.24919605255126953 upon:0.11594795435667038 on:0.06292850524187088 in:0.05375799164175987 :0.0906180813908577 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.03127415105700493 and:0.01589454524219036 .:0.01528619509190321 to:0.014104236848652363 :0.37127217650413513 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -government:0.038004472851753235 fleet:0.025422492995858192 and:0.02354169264435768 Government:0.015766853466629982 :0.27491167187690735 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -in:0.4043310284614563 a:0.07295671850442886 the:0.054582346230745316 In:0.05380827933549881 :0.08323400467634201 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -with:0.23616774380207062 up:0.07780750840902328 and:0.026168137788772583 in:0.02131613716483116 :0.280241459608078 -1,:0.03032563626766205 and:0.026467042043805122 of:0.024978134781122208 1st,:0.015193099156022072 :0.35316628217697144 -cure.:0.033521756529808044 cure:0.03127303719520569 and:0.023950420320034027 relief:0.01909315586090088 :0.17265671491622925 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1172264963388443 in:0.058809638023376465 on:0.0501682423055172 the:0.04598062112927437 :0.06097819283604622 -of:0.21269573271274567 and:0.05444991961121559 in:0.03988860547542572 was:0.034689486026763916 :0.06809873133897781 -that:0.39021947979927063 the:0.08295987546443939 in:0.05408840253949165 it:0.04457901790738106 :0.035529933869838715 -the:0.24416321516036987 they:0.054389484226703644 he:0.036025237292051315 it:0.03010527975857258 :0.10381904989480972 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2452014982700348 future:0.02323385700583458 to:0.021372610703110695 a:0.01948806457221508 :0.28874000906944275 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -city:0.007437389809638262 day:0.00587341096252203 man:0.004649056121706963 United:0.004027768038213253 :0.5199689269065857 -of:0.16305798292160034 time:0.030823800712823868 one:0.015486045740544796 other:0.015456286258995533 :0.19404135644435883 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.13821139931678772 that:0.05628193914890289 and:0.03477304428815842 a:0.02936231903731823 :0.1333797723054886 -of:0.16001053154468536 after:0.048565689474344254 before:0.03934324160218239 and:0.0389828085899353 :0.06961207836866379 -the:0.19064952433109283 with:0.055008504539728165 at:0.04576033726334572 in:0.02958231046795845 :0.06376346945762634 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.22913186252117157 yellow,:0.030275577679276466 the:0.029606835916638374 but:0.026005659252405167 :0.11777275055646896 -e:0.011873014271259308 the:0.008178193122148514 other:0.0054146661423146725 .:0.005412180908024311 :0.24802495539188385 -not:0.03642313927412033 a:0.018233779817819595 now:0.017448900267481804 the:0.017266491428017616 :0.16486646234989166 -in:0.5935842394828796 In:0.03919319063425064 and:0.019482657313346863 to:0.018626486882567406 :0.06403102725744247 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -terest:0.02970144897699356 crease:0.022288411855697632 stead:0.02054322324693203 to:0.017772745341062546 :0.6365475058555603 -selves:0.6416365504264832 selves,:0.0747361034154892 I:0.003063994226977229 and:0.0023646452464163303 :0.2167615294456482 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.16749122738838196 a:0.0874045267701149 that:0.07623092830181122 him:0.04044206440448761 :0.09637296199798584 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.08976411074399948 of:0.06718681752681732 in:0.050409555435180664 is:0.04540374502539635 :0.10314442962408066 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.2673279941082001 in:0.05055373162031174 or:0.049483541399240494 is:0.04812273383140564 :0.0399865061044693 -of:0.3646569848060608 and:0.0833144262433052 are:0.050378408282995224 were:0.025351431220769882 :0.07582323253154755 -Street:0.15571323037147522 and:0.06574300676584244 street:0.05743642523884773 street,:0.047438450157642365 :0.23292343318462372 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -of:0.15991054475307465 to:0.0759308859705925 and:0.06325263530015945 in:0.028829846531152725 :0.1064133271574974 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -Mrs.:0.442837655544281 Miss:0.06908103078603745 who:0.03932841122150421 and:0.03537193313241005 :0.06576179713010788 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.07687055319547653 to:0.07563310861587524 the:0.07006422430276871 and:0.05128452554345131 :0.2840387225151062 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -L.:0.022548118606209755 L:0.021790966391563416 C:0.010225806385278702 W.:0.01001771166920662 :0.5794802904129028 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -thing:0.021234070882201195 feature:0.018888350576162338 important:0.018413538113236427 of:0.01695857383310795 :0.17715829610824585 -times,:0.026525240391492844 times:0.020622260868549347 civilization.:0.01902339980006218 times.:0.018529493361711502 :0.2990424335002899 -well:0.04011561721563339 natural:0.02356557920575142 harmless:0.02210376411676407 clean,:0.015075469389557838 :0.3252800405025482 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.23431077599525452 in:0.05962540954351425 are:0.058487631380558014 and:0.051991481333971024 :0.057092078030109406 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -to:0.16251292824745178 that:0.07358972728252411 by:0.0642344206571579 a:0.057493049651384354 :0.08046634495258331 -a:0.0891878679394722 more:0.0506981797516346 in:0.04016854241490364 to:0.03962491825222969 :0.1259959489107132 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1838742047548294 on:0.05235259234905243 the:0.03803394362330437 in:0.03518996015191078 :0.03643835335969925 -of:0.44649752974510193 and:0.11119046807289124 or:0.0293415617197752 which:0.02877618744969368 :0.029253801330924034 -ter,:0.19922499358654022 ter:0.15094342827796936 ter.:0.04235535487532616 ters:0.03903244435787201 :0.16789135336875916 -and:0.24694189429283142 of:0.11449123173952103 officer:0.028970658779144287 in:0.025170229375362396 :0.09535760432481766 -the:0.06034154072403908 a:0.043448708951473236 in:0.027066903188824654 made:0.023584788665175438 :0.18853774666786194 -south:0.12703150510787964 north:0.12162792682647705 with:0.05615686997771263 along:0.052328187972307205 :0.1148146316409111 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -.:0.11744508147239685 the:0.065430648624897 .,:0.06000164523720741 a:0.022781655192375183 :0.2174055576324463 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.23134741187095642 he:0.05744387209415436 it:0.04240778833627701 this:0.041909363120794296 :0.03437083959579468 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.1306997686624527 who:0.07976262271404266 but:0.0389949269592762 a:0.02062574028968811 :0.06597866863012314 -of:0.2750020921230316 that:0.19857798516750336 and:0.0487050898373127 with:0.04858245700597763 :0.039698440581560135 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -of:0.43262261152267456 the:0.05952709540724754 in:0.04093717411160469 for:0.02506745047867298 :0.038560058921575546 -and:0.04224250465631485 21,:0.04177932068705559 the:0.026928529143333435 Inclusive,:0.012052047997713089 :0.5656314492225647 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.13219469785690308 had:0.0555078350007534 has:0.04221506789326668 is:0.04037148877978325 :0.18015429377555847 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.06310665607452393 is:0.040187060832977295 to:0.03643888980150223 in:0.03172094374895096 :0.08356594294309616 -the:0.05821957066655159 a:0.015514591708779335 that:0.014310783706605434 to:0.01372432615607977 :0.33251920342445374 -of:0.07753390818834305 in:0.0646662712097168 and:0.05649390071630478 have:0.047877535223960876 :0.06940685957670212 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -of:0.298324316740036 and:0.035671986639499664 line:0.02996394969522953 end:0.01988442800939083 :0.06859356164932251 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.22583240270614624 but:0.031287338584661484 the:0.030541198328137398 that:0.01740233041346073 :0.07744765281677246 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -in:0.17205187678337097 of:0.12660977244377136 and:0.0745854452252388 at:0.06044965237379074 :0.06018369272351265 -not:0.03642313927412033 a:0.018233779817819595 now:0.017448900267481804 the:0.017266491428017616 :0.16486646234989166 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3722222149372101 their:0.05518995597958565 his:0.028466863557696342 this:0.021446939557790756 :0.06973138451576233 -not:0.573444664478302 the:0.03841054067015648 it:0.018170703202486038 this:0.012435434386134148 :0.039332445710897446 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.20417936146259308 described:0.05117717757821083 named:0.040278948843479156 all:0.02727392315864563 :0.16135798394680023 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -of:0.132309690117836 and:0.04966508969664574 the:0.049646828323602676 to:0.03113630972802639 :0.14946790039539337 -8.:0.21741609275341034 N.:0.1138637363910675 north:0.06412921845912933 south:0.049013957381248474 :0.11356735229492188 -2:0.1300414502620697 1:0.04996919259428978 1,:0.045693445950746536 3:0.027863943949341774 :0.26117345690727234 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -B.:0.02028615213930607 E:0.020282939076423645 H.:0.01811414211988449 B:0.015139817260205746 :0.42620640993118286 -of:0.10392389446496964 for:0.08654025197029114 are:0.05461042746901512 and:0.03403621166944504 :0.057977914810180664 -have:0.031741879880428314 was:0.029312534257769585 to:0.02113397978246212 am:0.020715635269880295 :0.24999508261680603 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -tional:0.2559046447277069 tion,:0.13664370775222778 tion:0.102316714823246 tions:0.09439009428024292 :0.1285492479801178 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -Louis:0.32897865772247314 Louis,:0.11908909678459167 Paul,:0.07306624948978424 Paul:0.06327362358570099 :0.21800388395786285 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -to:0.15605796873569489 character:0.008311642333865166 in:0.0062986076809465885 and:0.0060967011377215385 :0.18317849934101105 -of:0.3280161917209625 in:0.07511463016271591 and:0.042629603296518326 is:0.034284211695194244 :0.04361054301261902 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -report:0.04726150259375572 tax:0.030890783295035362 average:0.027360420674085617 meeting:0.02145453169941902 :0.3094143867492676 -in:0.10619626939296722 by:0.07583185285329819 down:0.060163017362356186 the:0.042302750051021576 :0.06272584199905396 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -to:0.12452825903892517 from:0.056709252297878265 in:0.048507336527109146 of:0.04059651121497154 :0.07873371243476868 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.021505115553736687 to:0.015332705341279507 same:0.012579773552715778 a:0.007654754910618067 :0.4339827597141266 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.21593423187732697 the:0.028194090351462364 to:0.02665644884109497 or:0.026493776589632034 :0.058455903083086014 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.5404897928237915 of:0.042857442051172256 is:0.027597501873970032 the:0.018603892996907234 :0.025010377168655396 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -ly:0.14926891028881073 ions:0.030310221016407013 the:0.0190267413854599 to:0.011675789952278137 :0.32008692622184753 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -by:0.6543213725090027 the:0.05496096611022949 a:0.025565780699253082 to:0.014592359773814678 :0.019996337592601776 -and:0.03693507984280586 of:0.030907420441508293 in:0.030786631628870964 to:0.010146033018827438 :0.3918880820274353 -the:0.31594228744506836 tho:0.019255435094237328 them:0.01584724895656109 two:0.014858921058475971 :0.15068286657333374 -and:0.29780665040016174 the:0.05713703855872154 for:0.027044711634516716 with:0.02643333002924919 :0.047642406076192856 -H.:0.020963430404663086 A.:0.017302468419075012 M:0.015727221965789795 B.:0.014989997260272503 :0.5806524753570557 -the:0.14054067432880402 tne:0.0230503361672163 a:0.02267247810959816 any:0.011735508218407631 :0.26556673645973206 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -the:0.1116027981042862 a:0.028166882693767548 and:0.018764592707157135 to:0.013070727698504925 :0.4190683960914612 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.17851300537586212 he:0.07578236609697342 they:0.06552225351333618 it:0.03964913263916969 :0.10384471714496613 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.03221539780497551 to:0.0218551866710186 turned:0.01925745978951454 the:0.017173441126942635 :0.12600453197956085 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -that:0.5404897928237915 of:0.042857442051172256 is:0.027597501873970032 the:0.018603892996907234 :0.025010377168655396 -by:0.08089019358158112 a:0.07734158635139465 to:0.06485047936439514 the:0.06245516613125801 :0.0746276006102562 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.2122228890657425 by:0.13423475623130798 to:0.08516253530979156 at:0.06345413625240326 :0.05358882620930672 -of:0.3561081886291504 and:0.05981532484292984 in:0.05048516392707825 is:0.02684333361685276 :0.03178543597459793 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -visions:0.09230361133813858 vided:0.03538060560822487 posed:0.026643885299563408 duce:0.019842924550175667 :0.4507797360420227 -same:0.012060769833624363 United:0.007661811076104641 State:0.006772654131054878 most:0.00613328767940402 :0.3146028518676758 -of:0.12312695384025574 and:0.11239827424287796 who:0.0900999903678894 are:0.04286515340209007 :0.07870151102542877 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -to:0.08814259618520737 and:0.06860069185495377 in:0.05667705088853836 for:0.04383286088705063 :0.08221182227134705 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.19747629761695862 to:0.12572437524795532 were:0.061722639948129654 in:0.04922502487897873 :0.11137126386165619 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -line:0.4383673369884491 of:0.30371710658073425 and:0.01591287925839424 in:0.008763948455452919 :0.064212866127491 -who:0.10513915121555328 and:0.05085807293653488 of:0.04358622059226036 in:0.04072939604520798 :0.08604895323514938 -of:0.07197118550539017 and:0.0676436647772789 was:0.04185432195663452 in:0.035000987350940704 :0.048107728362083435 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1648188829421997 to:0.06801620125770569 in:0.05368642881512642 for:0.04261425882577896 :0.054143913090229034 -Carolina:0.1777162402868271 Carolina,:0.043457452207803726 Dakota.:0.029480356723070145 Dakota,:0.02807755209505558 :0.19015632569789886 -of:0.601859450340271 No.:0.0513099767267704 to:0.028662383556365967 and:0.016544245183467865 :0.04627168923616409 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.13093924522399902 and:0.061072926968336105 are:0.05099377781152725 in:0.0389644093811512 :0.051435865461826324 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.20147337019443512 what:0.08905667066574097 the:0.07134820520877838 how:0.04897133633494377 :0.048351582139730453 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ago:0.12396024912595749 of:0.11536110192537308 ago.:0.0523359440267086 ago,:0.05031469464302063 :0.06862995773553848 -and:0.25183504819869995 but:0.05612783133983612 the:0.029302187263965607 as:0.02348688617348671 :0.06006641685962677 -on:0.20880082249641418 upon:0.11241396516561508 by:0.09662612527608871 in:0.06420882046222687 :0.07602563500404358 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.07941446453332901 a:0.017263611778616905 that:0.013900193385779858 to:0.012997212819755077 :0.25055569410324097 -and:0.0320090651512146 trial:0.006810033228248358 tariff:0.005701027344912291 law:0.005502484273165464 :0.25621017813682556 -and:0.08630041033029556 county:0.027454417198896408 street,:0.022094374522566795 county,:0.016693606972694397 :0.23454676568508148 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -by:0.14935995638370514 out:0.10472199320793152 to:0.06827276200056076 a:0.06050461158156395 :0.060323286801576614 -of:0.10888688266277313 and:0.0834030732512474 to:0.044551897794008255 or:0.04384537786245346 :0.10858501493930817 -as:0.16297489404678345 by:0.13385508954524994 the:0.09500141441822052 in:0.04236378148198128 :0.07340343296527863 -pressed:0.07251910865306854 pected:0.03130749985575676 cept:0.02261642925441265 perience:0.021422933787107468 :0.6305814385414124 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4748164713382721 and:0.042700644582509995 to:0.017108632251620293 in:0.014837568625807762 :0.15849094092845917 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -are:0.14767664670944214 were:0.09226115792989731 have:0.08225135505199432 will:0.04126095399260521 :0.08120933920145035 -the:0.20749397575855255 of:0.062327224761247635 to:0.05322220176458359 and:0.028537960723042488 :0.10454493761062622 -ner:0.26705700159072876 poration:0.07831360399723053 rect:0.025263139978051186 rection:0.004610181320458651 :0.5559648871421814 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -first:0.006168424151837826 law:0.004774282220751047 most:0.004017301369458437 whole:0.003501838305965066 :0.576204240322113 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -tered:0.2209663987159729 titled:0.16022184491157532 tirely:0.0715654268860817 tire:0.043744731694459915 :0.2719273269176483 -a:0.19874274730682373 is:0.09803590923547745 an:0.051697421818971634 men:0.02483726479113102 :0.10492101311683655 -and:0.07068192213773727 of:0.0075462814420461655 A.:0.006383782718330622 S.:0.005530491471290588 :0.6870816946029663 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -and:0.209335595369339 the:0.058468155562877655 but:0.043410204350948334 or:0.02874038927257061 :0.10515855252742767 -and:0.07010423392057419 shall:0.05438365042209625 in:0.0419565886259079 will:0.035898856818675995 :0.09732363373041153 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.07963906973600388 with:0.059708744287490845 as:0.04982725530862808 after:0.04963747784495354 :0.08365634828805923 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.1950213611125946 and:0.0584770105779171 to:0.02481275051832199 in:0.024055534973740578 :0.19310586154460907 -the:0.12009716033935547 up:0.09298626333475113 down:0.07048989832401276 in:0.04317474365234375 :0.044309910386800766 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.07840440422296524 and:0.03129853680729866 as:0.02671648934483528 to:0.016842978075146675 :0.2399512082338333 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.08736125379800797 the:0.08659790456295013 in:0.03215235844254494 but:0.03187132626771927 :0.13541290163993835 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.2130189687013626 was:0.09462545067071915 and:0.07372277975082397 is:0.032558657228946686 :0.07919500023126602 -and:0.15086741745471954 but:0.0466606579720974 the:0.03998107463121414 which:0.03440641611814499 :0.06930152326822281 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.07615164667367935 a:0.053881242871284485 to:0.043710578233003616 well:0.025550847873091698 :0.20132344961166382 -of:0.04130209982395172 amount:0.022630169987678528 possible:0.015147888101637363 number:0.011902578175067902 :0.18712486326694489 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.5220503211021423 the:0.038783516734838486 that:0.03699933737516403 and:0.03309187293052673 :0.02510027028620243 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -Carolina:0.10866396129131317 Dakota:0.07278911024332047 Dakota,:0.06649437546730042 and:0.05164346471428871 :0.22069381177425385 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -who:0.08887836337089539 of:0.05139285698533058 are:0.048499010503292084 to:0.04792497679591179 :0.07251346111297607 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1627461165189743 and:0.06622453778982162 in:0.056804973632097244 that:0.0485234409570694 :0.04851073771715164 -and:0.024165140464901924 A:0.01726721227169037 E:0.01623479649424553 of:0.012100287713110447 :0.5445197224617004 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -necessary:0.10195675492286682 to:0.07206955552101135 advisable:0.06686816364526749 a:0.04504770413041115 :0.15335693955421448 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -John:0.023180294781923294 J:0.020701322704553604 W.:0.02034001052379608 Henry:0.019465463235974312 :0.3680909276008606 -.:0.1755475401878357 Y:0.019684001803398132 J:0.017378436401486397 W:0.012858896516263485 :0.37239834666252136 -the:0.031311530619859695 a:0.024312667548656464 to:0.019803250208497047 is:0.019155794754624367 :0.3375362455844879 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -been:0.023106783628463745 be:0.021748919039964676 seen,:0.018780065700411797 ever:0.01756877452135086 :0.1382681429386139 -and:0.053100813180208206 that:0.025293424725532532 to:0.024601558223366737 result:0.014184185303747654 :0.36365246772766113 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2729184329509735 a:0.11926700174808502 ten:0.05172136798501015 thirty:0.025035006925463676 :0.06691883504390717 -of:0.10532451421022415 and:0.09291833639144897 from:0.04092959314584732 in:0.03935287892818451 :0.07257553189992905 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.24645467102527618 and:0.07840994000434875 are:0.043188683688640594 to:0.029376313090324402 :0.10889484733343124 -of:0.24059070646762848 and:0.07704569399356842 is:0.0399668887257576 was:0.034544289112091064 :0.04901697486639023 -of:0.16198395192623138 Judicial:0.13402099907398224 street:0.07152518630027771 and:0.03609386831521988 :0.16970203816890717 -south:0.12703150510787964 north:0.12162792682647705 with:0.05615686997771263 along:0.052328187972307205 :0.1148146316409111 -Mining:0.09516891092061996 company:0.030625231564044952 and:0.02587682195007801 company,:0.020723439753055573 :0.205317884683609 -and:0.13743999600410461 containing:0.07823346555233002 bears:0.0325692817568779 passing:0.022450929507613182 :0.16239966452121735 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -who:0.308531790971756 of:0.0703386664390564 in:0.021768072620034218 that:0.01657738909125328 :0.1333772838115692 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -of:0.4716334342956543 are:0.03881823271512985 and:0.02373473159968853 were:0.023733509704470634 :0.03296993300318718 -the:0.060671038925647736 a:0.01552096102386713 that:0.014593787491321564 tho:0.01434879470616579 :0.25237518548965454 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.17404805123806 and:0.10826044529676437 in:0.04361076280474663 was:0.030057739466428757 :0.11449799686670303 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.1424393206834793 to:0.05673370882868767 and:0.055700939148664474 were:0.03536404296755791 :0.10805680602788925 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.45906949043273926 and:0.0888015478849411 or:0.027588030323386192 in:0.023398155346512794 :0.04643581435084343 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.2862200140953064 the:0.06006472557783127 to:0.029802542179822922 that:0.025343604385852814 :0.07555390149354935 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.3414095938205719 and:0.040349967777729034 in:0.02354847826063633 is:0.016517363488674164 :0.186990424990654 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.11349335312843323 was:0.03783592954277992 to:0.0355590283870697 is:0.024509616196155548 :0.16093279421329498 -who:0.06533411890268326 in:0.05005401372909546 was:0.04897436127066612 else:0.04171770438551903 :0.11809131503105164 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.3166038990020752 a:0.12008164077997208 to:0.04772788658738136 their:0.01662110723555088 :0.06520313769578934 -to:0.46070611476898193 and:0.14522098004817963 of:0.028754331171512604 with:0.014802347868680954 :0.045811962336301804 -the:0.6048688292503357 tho:0.04073081910610199 which:0.031648941338062286 his:0.02382778190076351 :0.035510674118995667 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -tice:0.117268867790699 thing:0.05428290739655495 body:0.03014424629509449 tion:0.028350165113806725 :0.4159298837184906 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.11501190066337585 Indiana,:0.047404695302248 the:0.032155100256204605 in:0.02265792526304722 :0.13493070006370544 -of:0.21999473869800568 and:0.1021457090973854 in:0.04988154396414757 to:0.045614778995513916 :0.035500846803188324 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08288935571908951 is:0.055852651596069336 he:0.04801611602306366 was:0.03822224587202072 :0.08256112039089203 -the:0.13697537779808044 it:0.05254269018769264 I:0.03735991194844246 if:0.035609155893325806 :0.06623194366693497 -of:0.10292154550552368 in:0.04439935088157654 by:0.04213154315948486 the:0.04178483784198761 :0.11894291639328003 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -to:0.12452825903892517 from:0.056709252297878265 in:0.048507336527109146 of:0.04059651121497154 :0.07873371243476868 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -as:0.08873243629932404 and:0.0795290395617485 to:0.032357919961214066 in:0.011135612614452839 :0.13092191517353058 -and:0.07973524183034897 marked:0.06688904762268066 in:0.032228391617536545 of:0.03073606826364994 :0.16549918055534363 -said:0.0062776957638561726 the:0.005504169967025518 most:0.004588935058563948 United:0.004532806575298309 :0.4655087888240814 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.22374148666858673 are:0.20933149755001068 for:0.08611700683832169 to:0.06883876025676727 :0.05803099647164345 -and:0.12260963022708893 courage:0.019256973639130592 character,:0.014034337364137173 principle:0.011034456081688404 :0.3555963635444641 -and:0.17938241362571716 but:0.037141863256692886 the:0.031424861401319504 who:0.018608372658491135 :0.08563081175088882 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2452014982700348 future:0.02323385700583458 to:0.021372610703110695 a:0.01948806457221508 :0.28874000906944275 -and:0.1102035790681839 to:0.10309769213199615 in:0.06847982853651047 for:0.051267679780721664 :0.04731453210115433 -morning:0.10675264894962311 school:0.060659222304821014 night:0.041214000433683395 and:0.040077146142721176 :0.10569531470537186 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.19395381212234497 of:0.14264249801635742 to:0.12429875880479813 in:0.045112237334251404 :0.0320444330573082 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -of:0.6676447987556458 in:0.044023603200912476 ot:0.018098974600434303 to:0.0138979097828269 :0.03698629140853882 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.04189803823828697 of:0.03783300891518593 to:0.03066978044807911 war:0.02413959801197052 :0.18577873706817627 -as:0.06843478232622147 in:0.06034527346491814 if:0.030532246455550194 after:0.02788349986076355 :0.1054292619228363 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.23417498171329498 in:0.08349113911390305 to:0.04763532429933548 for:0.03891903534531593 :0.039770469069480896 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.17220541834831238 and:0.1408044546842575 for:0.12675020098686218 in:0.05723816901445389 :0.038675762712955475 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.2110414206981659 but:0.04163841903209686 the:0.03998115658760071 who:0.031283099204301834 :0.08256649971008301 -and:0.06298363208770752 H.:0.029688751325011253 F.:0.02875196561217308 A.:0.026930881664156914 :0.3548924922943115 -in:0.05088275671005249 the:0.02098030224442482 and:0.01784307137131691 a:0.01706848293542862 :0.14675372838974 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.11244282126426697 important:0.01857461966574192 Interesting:0.012087957002222538 efficient:0.008345249108970165 :0.5019659399986267 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -per:0.04625033959746361 to:0.04612168297171593 a:0.031087324023246765 and:0.0197755079716444 :0.4786257743835449 -years:0.07429349422454834 of:0.0409642718732357 weeks:0.03854786604642868 hundred:0.037830155342817307 :0.17079225182533264 -The:0.13688771426677704 In:0.04212557151913643 A:0.03419709950685501 It:0.030832134187221527 :0.16844365000724792 -The:0.19272254407405853 It:0.05991381034255028 There:0.02898707240819931 A:0.027198314666748047 :0.07323633879423141 -have:0.07099704444408417 had:0.039857398718595505 are:0.038711510598659515 can:0.031142575666308403 :0.13971516489982605 -of:0.24287065863609314 in:0.0634198933839798 and:0.054435063153505325 to:0.032205939292907715 :0.1126965880393982 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.5265465378761292 and:0.11685828119516373 to:0.023404711857438087 are:0.021209049969911575 :0.04425743222236633 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.012059979140758514 hands,:0.007604937069118023 the:0.00560150807723403 or:0.004402921535074711 :0.3395673930644989 -of:0.16776888072490692 and:0.07659907639026642 to:0.041340235620737076 in:0.03072192333638668 :0.17813198268413544 -a:0.010283667594194412 the:0.009843056090176105 to:0.009234092198312283 of:0.00864758063107729 :0.28567513823509216 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -to:0.13321813941001892 the:0.07021471858024597 by:0.04257873073220253 in:0.03899239003658295 :0.05381663143634796 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.22002525627613068 but:0.046284567564725876 the:0.03440739959478378 in:0.030807316303253174 :0.11338984221220016 -on:0.03925932198762894 the:0.033454690128564835 to:0.029944293200969696 a:0.029463861137628555 :0.09732982516288757 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -and:0.22535036504268646 of:0.06026577949523926 at:0.046427369117736816 to:0.042100004851818085 :0.042673174291849136 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -The:0.16748085618019104 It:0.055320095270872116 There:0.04392470046877861 He:0.03787416219711304 :0.08129379898309708 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.025568727403879166 be:0.02038208395242691 a:0.015351875685155392 in:0.012395190075039864 :0.14499172568321228 -and:0.014255266636610031 life:0.009049289859831333 soul:0.006999862380325794 of:0.004962575621902943 :0.5330874919891357 -is:0.019005319103598595 country:0.01863124594092369 time:0.014192570932209492 city:0.013629266060888767 :0.16697907447814941 -of:0.15571995079517365 years:0.031163092702627182 other:0.024284161627292633 a:0.021334944292902946 :0.18804705142974854 -.:0.017224440351128578 -:0.013245903886854649 e:0.013182943686842918 n:0.012991116382181644 :0.3863798975944519 -that:0.2797698378562927 to:0.05269865319132805 the:0.04633016884326935 nothing:0.029549751430749893 :0.09693089127540588 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -of:0.2118348479270935 and:0.10079802572727203 to:0.05353827029466629 upon:0.04671990126371384 :0.04079371690750122 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -was:0.03506729379296303 of:0.023767484351992607 is:0.021830642595887184 had:0.011968099512159824 :0.3478719890117645 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -else:0.3448423445224762 to:0.04329685494303703 was:0.02548985369503498 in:0.022798003628849983 :0.08728321641683578 -in:0.2358146458864212 by:0.06644683331251144 In:0.05091714486479759 at:0.0466487742960453 :0.08490930497646332 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.0465863011777401 and:0.03236042335629463 of:0.012427665293216705 as:0.01095547340810299 :0.1968892216682434 -of:0.10524929314851761 and:0.06279144436120987 in:0.05238033086061478 men:0.04424301162362099 :0.09130105376243591 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.12193337082862854 after:0.11245086789131165 before:0.04345369711518288 and:0.043405842036008835 :0.07516973465681076 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.03526648133993149 day:0.03488720580935478 to:0.024647528305649757 in:0.015751799568533897 :0.28420528769493103 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.21312059462070465 the:0.07218107581138611 but:0.04417702928185463 as:0.021932123228907585 :0.07619734853506088 -in:0.11495407670736313 stock:0.039176519960165024 and:0.03737979009747505 to:0.03731749579310417 :0.12442266941070557 -der:0.1291748732328415 til:0.09035032987594604 less:0.04007190093398094 able:0.015834156423807144 :0.39893680810928345 -of:0.5930708646774292 that:0.16187649965286255 the:0.014010988175868988 be:0.01341480016708374 :0.03475381061434746 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -act:0.020718814805150032 hour:0.016540367156267166 old:0.012600594200193882 1:0.008951864205300808 :0.40663737058639526 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.07123781740665436 the:0.05573219805955887 not:0.04584304988384247 to:0.03059803508222103 :0.15870971977710724 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -against:0.19071905314922333 over:0.13235412538051605 on:0.11906346678733826 upon:0.06672623008489609 :0.02944674901664257 -and:0.06520575284957886 as:0.015144622884690762 figure,:0.010765668004751205 feeling:0.009150325320661068 :0.20952445268630981 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -will:0.05339435860514641 are:0.05212792009115219 have:0.050859782844781876 to:0.032614488154649734 :0.10205362737178802 -of:0.3501932919025421 to:0.04500313475728035 was:0.03496691957116127 is:0.029073256999254227 :0.04880897328257561 -and:0.11752516776323318 Luther:0.040430765599012375 of:0.03436578810214996 was:0.02315201237797737 :0.3147059679031372 -and:0.19543011486530304 but:0.05293003469705582 which:0.033906809985637665 the:0.031717974692583084 :0.08046434074640274 -and:0.04302426800131798 deal:0.028817206621170044 to:0.021907789632678032 for:0.018977249041199684 :0.18851560354232788 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -with:0.7100711464881897 between:0.03232049569487572 of:0.01925106905400753 was:0.014690427109599113 :0.038132790476083755 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.17933037877082825 in:0.07168520241975784 the:0.04705413058400154 and:0.0231485515832901 :0.07913226634263992 -for:0.15194833278656006 to:0.06307956576347351 and:0.03068833239376545 from:0.027001727372407913 :0.10845979303121567 -of:0.3162600100040436 the:0.06583564728498459 and:0.041784338653087616 to:0.029908092692494392 :0.04690514877438545 -of:0.15571995079517365 years:0.031163092702627182 other:0.024284161627292633 a:0.021334944292902946 :0.18804705142974854 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -of:0.17512832581996918 and:0.09121333062648773 in:0.08088994026184082 at:0.05536046251654625 :0.0449504517018795 -the:0.15899540483951569 out:0.06616268306970596 of:0.06553896516561508 a:0.04831120744347572 :0.10477662086486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.10524929314851761 and:0.06279144436120987 in:0.05238033086061478 men:0.04424301162362099 :0.09130105376243591 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.30673152208328247 and:0.04531557485461235 to:0.020838018506765366 in:0.01876954175531864 :0.11575235426425934 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -to:0.2606671452522278 by:0.0705777108669281 that:0.024161869660019875 in:0.019789788872003555 :0.18974539637565613 -by:0.3007594645023346 the:0.11346803605556488 a:0.06539459526538849 me:0.03523138910531998 :0.03236498311161995 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -York:0.401128888130188 York,:0.08718613535165787 York.:0.03777214139699936 Orleans,:0.025607779622077942 :0.27619871497154236 -a:0.14249056577682495 the:0.14247962832450867 of:0.035156454890966415 an:0.029168497771024704 :0.11972954869270325 -and:0.039675477892160416 party:0.020606327801942825 parties:0.01848437264561653 power:0.010759313590824604 :0.34491583704948425 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.07099704444408417 had:0.039857398718595505 are:0.038711510598659515 can:0.031142575666308403 :0.13971516489982605 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ized:0.24359861016273499 ity:0.09687632322311401 ities:0.07352839410305023 ity.:0.02083538845181465 :0.464045912027359 -and:0.020791467279195786 of:0.016697613522410393 in:0.01140438299626112 to:0.011053306981921196 :0.21180182695388794 -and:0.0495341420173645 in:0.013833103701472282 politics,:0.012536895461380482 politics:0.011416573077440262 :0.2991618812084198 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.21116623282432556 a:0.020688066259026527 this:0.017540955916047096 tho:0.01687951385974884 :0.233138307929039 -and:0.1313050389289856 of:0.1033688336610794 in:0.08948992937803268 are:0.03868670016527176 :0.035487521439790726 -The:0.10169743001461029 It:0.05093848705291748 He:0.04750414565205574 I:0.03965824469923973 :0.17316170036792755 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -party:0.2514079511165619 party,:0.1196979507803917 party.:0.01815715618431568 members:0.014893055893480778 :0.21687626838684082 -and:0.2985308766365051 the:0.06832641363143921 which:0.03015993908047676 but:0.027360398322343826 :0.09216556698083878 -The:0.11703740060329437 It:0.04505305364727974 A:0.04302786663174629 This:0.030137227848172188 :0.11521894484758377 -by:0.24696460366249084 of:0.0682767927646637 in:0.03411624953150749 and:0.031456589698791504 :0.05388624221086502 -in:0.1699301302433014 above,:0.07585625350475311 and:0.03682392090559006 the:0.03653364256024361 :0.08102498948574066 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.08261816948652267 to:0.04232233762741089 as:0.03421818092465401 in:0.017155418172478676 :0.31959372758865356 -and:0.12535284459590912 of:0.04839230328798294 to:0.03239113837480545 in:0.032137658447027206 :0.10798539966344833 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -made:0.03162075951695442 a:0.030783293768763542 the:0.021053079515695572 in:0.01655912771821022 :0.2051158994436264 -the:0.39037686586380005 this:0.030223578214645386 a:0.027476320043206215 tho:0.02285674586892128 :0.1085556149482727 -to:0.24021132290363312 the:0.18199823796749115 and:0.026640838012099266 said:0.02646929770708084 :0.049288470298051834 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -up:0.1399381011724472 out:0.055044423788785934 a:0.039332736283540726 the:0.03145888075232506 :0.037948139011859894 -and:0.17041057348251343 but:0.03465992584824562 the:0.03235838934779167 which:0.020716805011034012 :0.11796720325946808 -of:0.23058052361011505 hundred:0.03627470135688782 who:0.024148549884557724 or:0.023017043247818947 :0.09010441601276398 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ernment:0.5850721597671509 ernment,:0.06131740286946297 ern:0.008558174595236778 ernor:0.00428875582292676 :0.31158646941185 -upon:0.21601922810077667 and:0.1479438841342926 on:0.11664871126413345 by:0.0562235563993454 :0.04966630041599274 -be:0.3857252597808838 have:0.04680672660470009 not:0.034631796181201935 bo:0.016668139025568962 :0.09248828887939453 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -and:0.05236238241195679 number:0.0468994565308094 amount:0.028084835037589073 as:0.025021644309163094 :0.23513855040073395 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.30738985538482666 in:0.11879472434520721 is:0.02814454771578312 and:0.027502097189426422 :0.06816621124744415 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -years:0.053588785231113434 or:0.049720849841833115 hundred:0.032202597707509995 of:0.03051123209297657 :0.21560759842395782 -the:0.2759329676628113 and:0.04254999756813049 to:0.031143812462687492 a:0.027929464355111122 :0.1242290586233139 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -.:0.016407418996095657 The:0.01629529893398285 and:0.01400015503168106 A:0.01249063853174448 :0.4164521098136902 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.23979175090789795 a:0.031034329906105995 tho:0.022321950644254684 this:0.019696947187185287 :0.22795014083385468 -of:0.1456490159034729 in:0.059078462421894073 and:0.055387888103723526 owners:0.04077032208442688 :0.08978910744190216 -and:0.16182318329811096 than:0.10222070664167404 to:0.09662655740976334 in:0.045084770768880844 :0.2307174801826477 -him:0.09373514354228973 a:0.0883430615067482 the:0.0812935158610344 me:0.04305979236960411 :0.05273142829537392 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.41114944219589233 in:0.06389008462429047 is:0.058478232473134995 was:0.05665121227502823 :0.031773436814546585 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -of:0.30112022161483765 the:0.04829849675297737 to:0.03284163028001785 for:0.027437174692749977 :0.06981895864009857 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.520152747631073 the:0.028544344007968903 he:0.012468121014535427 in:0.009819873608648777 :0.06437556445598602 -to:0.1377684473991394 and:0.06912596523761749 than:0.03331322968006134 for:0.020923171192407608 :0.315701425075531 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.05236238241195679 number:0.0468994565308094 amount:0.028084835037589073 as:0.025021644309163094 :0.23513855040073395 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -the:0.24267707765102386 a:0.07438552379608154 their:0.01723424904048443 his:0.014420834369957447 :0.1328604519367218 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -and:0.018093932420015335 of:0.013172469101846218 -:0.008845416828989983 the:0.007573739625513554 :0.4284276068210602 -of:0.24120762944221497 the:0.0780426487326622 to:0.04823844134807587 for:0.04285573959350586 :0.05103164166212082 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -have:0.02854372188448906 shall:0.028329240158200264 who:0.027770360931754112 are:0.02222195640206337 :0.225619375705719 -and:0.05358007550239563 man:0.05287296324968338 men:0.03441380709409714 oak:0.019308483228087425 :0.3487381637096405 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.04883850738406181 with:0.04231506958603859 of:0.03956930339336395 in:0.031602416187524796 :0.08793099224567413 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.17470978200435638 by:0.1055002361536026 and:0.0661175474524498 in:0.03140096366405487 :0.07090330868959427 -of:0.08949511498212814 and:0.058744076639413834 to:0.05171574652194977 is:0.04282033070921898 :0.08446333557367325 -to:0.11476198583841324 in:0.051381345838308334 was:0.04902861267328262 is:0.02587806060910225 :0.05687006190419197 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -not:0.2505551874637604 the:0.04256603121757507 with:0.035019103437662125 so:0.025294486433267593 :0.07801283895969391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.25551390647888184 but:0.044189974665641785 the:0.03274542838335037 as:0.028003960847854614 :0.04789229482412338 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.11653414368629456 to:0.060713015496730804 in:0.03362933546304703 at:0.03135980665683746 :0.08376827090978622 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -pared:0.12224385142326355 sent:0.08540045469999313 sented:0.04309030622243881 serve:0.023724928498268127 :0.5020738244056702 -was:0.06561992317438126 had:0.03705403208732605 has:0.029276518151164055 is:0.024481505155563354 :0.19223681092262268 -to:0.22688983380794525 in:0.1326906979084015 by:0.09652082622051239 from:0.07839592546224594 :0.06258123368024826 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -in:0.11722695082426071 at:0.09085088223218918 with:0.04770830273628235 the:0.03837072476744652 :0.053719695657491684 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.11725480109453201 a:0.06307633221149445 any:0.03284041956067085 that:0.024789389222860336 :0.13000477850437164 -and:0.06175997853279114 in:0.04626323655247688 is:0.04238457605242729 of:0.03972432762384415 :0.19739703834056854 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -be:0.23830008506774902 not:0.06272945553064346 have:0.027135459706187248 bo:0.015509490855038166 :0.10779086500406265 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -to:0.46507227420806885 and:0.2271309345960617 of:0.02172953449189663 from:0.01125286053866148 :0.054062966257333755 -the:0.07941446453332901 a:0.017263611778616905 that:0.013900193385779858 to:0.012997212819755077 :0.25055569410324097 -who:0.12407079339027405 of:0.08138538151979446 and:0.06571182608604431 in:0.05156034603714943 :0.07582911103963852 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.23374390602111816 but:0.04880879074335098 the:0.029998688027262688 as:0.022745534777641296 :0.10033293068408966 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -L.:0.021397491917014122 O.:0.020403994247317314 K.:0.01738729700446129 B.:0.01644122041761875 :0.34594669938087463 -a:0.14751461148262024 the:0.12374261766672134 it:0.04567049443721771 an:0.026676274836063385 :0.07802078872919083 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -that:0.08818943798542023 which:0.05087179318070412 in:0.04909607023000717 of:0.046350736171007156 :0.09712233394384384 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.19241446256637573 in:0.05914577841758728 and:0.04750693589448929 to:0.035043150186538696 :0.10965124517679214 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.24073807895183563 to:0.10260691493749619 the:0.09690681099891663 from:0.05761786550283432 :0.05559399351477623 -in:0.16393636167049408 for:0.11014251410961151 a:0.0770358070731163 with:0.06795346736907959 :0.05214891955256462 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -south:0.12703150510787964 north:0.12162792682647705 with:0.05615686997771263 along:0.052328187972307205 :0.1148146316409111 -the:0.05122645944356918 and:0.04442151263356209 a:0.03322405740618706 in:0.020145677030086517 :0.13107390701770782 -of:0.19986140727996826 and:0.11971145123243332 or:0.08664826303720474 to:0.07712151110172272 :0.061338748782873154 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -of:0.181649312376976 per:0.10868126899003983 in:0.03009784035384655 on:0.029150037094950676 :0.10334900766611099 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -for:0.19515636563301086 and:0.15853802859783173 of:0.14744794368743896 to:0.0865911915898323 :0.0467064343392849 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -in:0.06658962368965149 and:0.06336338818073273 to:0.05407150462269783 of:0.05397765710949898 :0.0479557141661644 -the:0.2452014982700348 future:0.02323385700583458 to:0.021372610703110695 a:0.01948806457221508 :0.28874000906944275 -and:0.11349335312843323 was:0.03783592954277992 to:0.0355590283870697 is:0.024509616196155548 :0.16093279421329498 -of:0.49111270904541016 and:0.03446216136217117 is:0.022390488535165787 was:0.01684926077723503 :0.06413719803094864 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.08256755769252777 Lincoln:0.012573777697980404 John:0.00643710745498538 Brown:0.0056623131968081 :0.5768365263938904 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.14054067432880402 tne:0.0230503361672163 a:0.02267247810959816 any:0.011735508218407631 :0.26556673645973206 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.31594228744506836 tho:0.019255435094237328 them:0.01584724895656109 two:0.014858921058475971 :0.15068286657333374 -who:0.1403103619813919 of:0.06063015013933182 in:0.044767603278160095 to:0.038563940674066544 :0.08198999613523483 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -night:0.04171675071120262 year:0.037758007645606995 year.:0.029282230883836746 year,:0.026110395789146423 :0.11887776851654053 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.5148324370384216 and:0.047292474657297134 that:0.025466931983828545 which:0.02195129171013832 :0.02496916614472866 -York:0.401128888130188 York,:0.08718613535165787 York.:0.03777214139699936 Orleans,:0.025607779622077942 :0.27619871497154236 -of:0.09785239398479462 important:0.020495742559432983 difficult:0.011607902124524117 dangerous:0.009898709133267403 :0.29064807295799255 -and:0.1774410903453827 but:0.06373215466737747 the:0.04601883515715599 as:0.02299869805574417 :0.06876694411039352 -and:0.12426934391260147 but:0.06449637562036514 the:0.0535314679145813 that:0.027604535222053528 :0.12250711023807526 -and:0.15691503882408142 the:0.048280756920576096 or:0.034616947174072266 to:0.030806073918938637 :0.07310757786035538 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.1199399083852768 had:0.09387841820716858 has:0.042880017310380936 is:0.035394374281167984 :0.10805658996105194 -in:0.16281819343566895 the:0.11739204078912735 by:0.08478225767612457 with:0.05440085381269455 :0.06756814569234848 -old:0.011989694088697433 most:0.009872503578662872 best:0.008842180483043194 great:0.006811997853219509 :0.3476491868495941 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.29163238406181335 be:0.15067169070243835 have:0.03953142091631889 see:0.01881772093474865 :0.08052016794681549 -of:0.19544242322444916 a:0.050965193659067154 the:0.04160179942846298 to:0.03490987792611122 :0.03573845326900482 -for:0.40626782178878784 a:0.10170701146125793 the:0.05553954094648361 that:0.04077960550785065 :0.06894387304782867 -who:0.12407079339027405 of:0.08138538151979446 and:0.06571182608604431 in:0.05156034603714943 :0.07582911103963852 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -of:0.08860578387975693 the:0.07607392966747284 and:0.07577730715274811 is:0.03358543664216995 :0.07178375869989395 -of:0.13721901178359985 house:0.058044616132974625 to:0.04043838009238243 in:0.03876442834734917 :0.0766279473900795 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.17119917273521423 the:0.04911081865429878 who:0.0325716994702816 but:0.03238614648580551 :0.08752771466970444 -that:0.0778777003288269 to:0.06438076496124268 of:0.05547375604510307 like:0.04574453458189964 :0.0751834362745285 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -to:0.0773996040225029 in:0.058236926794052124 for:0.04660347104072571 on:0.043197087943553925 :0.13466764986515045 -of:0.23457249999046326 and:0.046017155051231384 to:0.0344713069498539 in:0.026047496125102043 :0.0982591062784195 -the:0.03452898561954498 a:0.027237987145781517 .:0.010751849040389061 n:0.007708323188126087 :0.4109404385089874 -every:0.0454334132373333 a:0.0446772575378418 as:0.04280715063214302 entirely:0.02934308350086212 :0.2138059437274933 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -and:0.1142774373292923 in:0.042910803109407425 of:0.03854256495833397 was:0.030025439336895943 :0.19102884829044342 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -The:0.108440101146698 It:0.059166889637708664 He:0.03850635886192322 They:0.03680688887834549 :0.06446688622236252 -the:0.060671038925647736 a:0.01552096102386713 that:0.014593787491321564 tho:0.01434879470616579 :0.25237518548965454 -to:0.13821139931678772 that:0.05628193914890289 and:0.03477304428815842 a:0.02936231903731823 :0.1333797723054886 -H.:0.03035208210349083 E:0.022131584584712982 W.:0.021713633090257645 A.:0.02039494924247265 :0.4229808449745178 -of:0.15608569979667664 time:0.031031832098960876 one:0.022649331018328667 other:0.019244035705924034 :0.17085479199886322 -of:0.6676447987556458 in:0.044023603200912476 ot:0.018098974600434303 to:0.0138979097828269 :0.03698629140853882 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.20361989736557007 of:0.11336494237184525 In:0.055067576467990875 that:0.05130242183804512 :0.04327438026666641 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -the:0.06034154072403908 a:0.043448708951473236 in:0.027066903188824654 made:0.023584788665175438 :0.18853774666786194 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.0568116195499897 and:0.043265119194984436 in:0.035797953605651855 to:0.026148539036512375 :0.08694540709257126 -of:0.17101912200450897 who:0.06935518234968185 in:0.043706029653549194 to:0.043145131319761276 :0.050611548125743866 -cure.:0.033521756529808044 cure:0.03127303719520569 and:0.023950420320034027 relief:0.01909315586090088 :0.17265671491622925 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -or:0.06021791324019432 years:0.054837919771671295 of:0.03892078623175621 and:0.020492276176810265 :0.259370356798172 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.23868390917778015 is:0.059092018753290176 to:0.05094840005040169 has:0.042690131813287735 :0.07506809383630753 -for:0.07506515085697174 the:0.03687816485762596 in:0.03384409844875336 was:0.030803853645920753 :0.1044311448931694 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.14249056577682495 the:0.14247962832450867 of:0.035156454890966415 an:0.029168497771024704 :0.11972954869270325 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -of:0.539927065372467 and:0.04989255964756012 in:0.02117493376135826 was:0.01782531850039959 :0.03666379302740097 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -short:0.050476886332035065 small:0.04885852336883545 to:0.03291146457195282 small,:0.025644898414611816 :0.1899183690547943 -the:0.11064332723617554 be:0.05024440959095955 a:0.02592226304113865 make:0.012924348004162312 :0.24286577105522156 -and:0.16049781441688538 the:0.0393451526761055 which:0.0348409079015255 but:0.03459402546286583 :0.09396733343601227 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.4716334342956543 are:0.03881823271512985 and:0.02373473159968853 were:0.023733509704470634 :0.03296993300318718 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.012060769833624363 United:0.007661811076104641 State:0.006772654131054878 most:0.00613328767940402 :0.3146028518676758 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.05193905159831047 on:0.04157835617661476 at:0.03987890109419823 of:0.024336356669664383 :0.45240849256515503 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.20749397575855255 of:0.062327224761247635 to:0.05322220176458359 and:0.028537960723042488 :0.10454493761062622 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -with:0.7100711464881897 between:0.03232049569487572 of:0.01925106905400753 was:0.014690427109599113 :0.038132790476083755 -the:0.08864076435565948 was:0.048388391733169556 of:0.04542063549160957 a:0.042229000478982925 :0.09419949352741241 -a:0.027395861223340034 the:0.022504489868879318 made:0.0182606503367424 no:0.008585826493799686 :0.2783674895763397 -menced:0.07823775708675385 pelled:0.050859469920396805 pany:0.050730135291814804 plete:0.04309970140457153 :0.3139413595199585 -of:0.33593830466270447 to:0.10985403507947922 for:0.08829142153263092 and:0.08749812841415405 :0.033126749098300934 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.09909011423587799 of:0.09673328697681427 in:0.08265326172113419 to:0.04738331586122513 :0.10660188645124435 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.10372627526521683 and:0.09951561689376831 to:0.05035391077399254 were:0.04847053438425064 :0.07411020994186401 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.16513924300670624 that:0.13613981008529663 what:0.04049627110362053 a:0.036764953285455704 :0.06664542853832245 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -much:0.035200927406549454 that:0.03122761845588684 far:0.025950513780117035 to:0.023433774709701538 :0.3270668387413025 -of:0.2900315523147583 but:0.03181711956858635 the:0.03157186508178711 in:0.030164217576384544 :0.04219068959355354 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.46502751111984253 and:0.1327940821647644 is:0.021882330998778343 which:0.019960206001996994 :0.06050226092338562 -A:0.10634181648492813 The:0.09643789380788803 A.:0.041826702654361725 Oats:0.0343615896999836 :0.212876096367836 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -was:0.10066971182823181 to:0.06819608807563782 of:0.0567970797419548 for:0.034928932785987854 :0.08240171521902084 -D.:0.09169359505176544 D:0.07701209932565689 M:0.04354330152273178 D.,:0.024752678349614143 :0.3761599659919739 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.29334378242492676 and:0.10816480964422226 to:0.031770989298820496 or:0.028221534565091133 :0.05959947034716606 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.29227879643440247 the:0.04457690566778183 but:0.0341244600713253 he:0.02309189923107624 :0.06935076415538788 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -and:0.17929653823375702 was:0.04801599681377411 of:0.03792525455355644 to:0.0367174930870533 :0.1558840274810791 -the:0.2549974322319031 their:0.04585349187254906 a:0.03899868577718735 his:0.03161901235580444 :0.03627210855484009 -The:0.10858622938394547 It:0.10061997175216675 In:0.05076389014720917 He:0.028514182195067406 :0.1143823191523552 -have:0.08746259659528732 are:0.07704581320285797 were:0.046240247786045074 had:0.034079764038324356 :0.10482426732778549 -and:0.009900739416480064 business:0.007565493229776621 run:0.006339153274893761 way:0.005699533969163895 :0.3642122447490692 -mortgage:0.05025293305516243 that:0.04517735168337822 to:0.021400433033704758 tract:0.01857263781130314 :0.18469125032424927 -and:0.03573448210954666 as:0.017446216195821762 Syrup:0.009386241436004639 in:0.008567520417273045 :0.39044705033302307 -ter,:0.42937105894088745 ter:0.27432721853256226 ters,:0.10488298535346985 ters:0.10033892840147018 :0.023947823792696 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3319062292575836 to:0.2596750557422638 and:0.04840588942170143 for:0.03865250200033188 :0.0360659621655941 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -day:0.06875598430633545 of:0.04221787676215172 time:0.020159941166639328 to:0.01485434453934431 :0.11302049458026886 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -of:0.2781355679035187 and:0.07510079443454742 or:0.023866081610322 in:0.022847596555948257 :0.137915700674057 -be:0.3972841799259186 have:0.05312083661556244 not:0.05042214319109917 he:0.015336570329964161 :0.08387057483196259 -I:0.02768860012292862 The:0.02479766122996807 It:0.014926244504749775 In:0.012959972023963928 :0.30332544445991516 -of:0.1507956087589264 the:0.14529670774936676 they:0.11601331830024719 it:0.0833960622549057 :0.05581556260585785 -of:0.06316037476062775 more:0.06229129433631897 as:0.04989323392510414 to:0.04015380144119263 :0.1596965789794922 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.17918232083320618 in:0.0368364192545414 to:0.0360192209482193 is:0.035303469747304916 :0.13934260606765747 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.1207173615694046 was:0.08564209192991257 is:0.03036854974925518 county:0.026006730273365974 :0.13504169881343842 -not:0.042050205171108246 a:0.032726723700761795 the:0.02387367933988571 to:0.01979568414390087 :0.16690127551555634 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.24140645563602448 of:0.08127612620592117 and:0.06093951314687729 the:0.03275790438055992 :0.05774327367544174 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.24828015267848969 and:0.12163890153169632 were:0.08377294987440109 are:0.08347746729850769 :0.08180729299783707 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -The:0.13663919270038605 It:0.07439585775136948 In:0.03231322020292282 He:0.026614489033818245 :0.1580488383769989 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.45018669962882996 and:0.05965520814061165 in:0.030826380476355553 to:0.027320167049765587 :0.04425403103232384 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.3096581697463989 by:0.1396895796060562 the:0.07617281377315521 at:0.024166299030184746 :0.09476447850465775 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.06034154072403908 a:0.043448708951473236 in:0.027066903188824654 made:0.023584788665175438 :0.18853774666786194 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -the:0.304431289434433 a:0.10967232286930084 him:0.05479912459850311 his:0.04817372187972069 :0.1077139601111412 -and:0.19405746459960938 the:0.04508276283740997 or:0.027924081310629845 which:0.026551587507128716 :0.052234187722206116 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -H.:0.030757376924157143 W.:0.02059096284210682 H:0.019544081762433052 B.:0.017545320093631744 :0.38613712787628174 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -of:0.32697802782058716 and:0.04248426482081413 up:0.03863125294446945 in:0.0350525826215744 :0.0543338805437088 -Justice:0.5366296172142029 of:0.06692901253700256 Engineer:0.02022920735180378 Clerk:0.01602846384048462 :0.19024363160133362 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.1263570487499237 to:0.04236990958452225 at:0.02026771567761898 on:0.01891043223440647 :0.25222471356391907 -every:0.0454334132373333 a:0.0446772575378418 as:0.04280715063214302 entirely:0.02934308350086212 :0.2138059437274933 -as:0.2547125518321991 known:0.06575804948806763 to:0.039997398853302 and:0.02884008176624775 :0.14224979281425476 -one:0.03859071806073189 doubt:0.0369223989546299 more:0.023593507707118988 longer:0.019904840737581253 :0.1947673261165619 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -of:0.0954684391617775 year:0.038241513073444366 other:0.03241894021630287 and:0.030703196302056313 :0.15927621722221375 -of:0.7027063369750977 from:0.015173295512795448 that:0.014739593490958214 ot:0.012488779611885548 :0.025354282930493355 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.2446567267179489 the:0.1537315547466278 of:0.05691993981599808 with:0.023390891030430794 :0.0549650639295578 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -fered:0.08238785713911057 fice:0.07651489228010178 the:0.033335164189338684 ten:0.016333093866705894 :0.5790645480155945 -to:0.23613590002059937 out:0.06032463535666466 down:0.04459838196635246 on:0.04217234253883362 :0.06246890872716904 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.039404019713401794 a:0.021052313968539238 to:0.011770824901759624 that:0.011088126339018345 :0.3716481029987335 -H.:0.030757376924157143 W.:0.02059096284210682 H:0.019544081762433052 B.:0.017545320093631744 :0.38613712787628174 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.22287075221538544 and:0.07354531437158585 in:0.024367477744817734 to:0.023403756320476532 :0.07093559205532074 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.43262261152267456 the:0.05952709540724754 in:0.04093717411160469 for:0.02506745047867298 :0.038560058921575546 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.10532162338495255 to:0.05758138746023178 of:0.033170487731695175 a:0.03080001473426819 :0.10229098796844482 -and:0.23344716429710388 but:0.0589706189930439 the:0.038921646773815155 or:0.023145953193306923 :0.05462213605642319 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -mortgage:0.049698956310749054 that:0.04306298494338989 to:0.02982332557439804 he:0.022216182202100754 :0.1667064130306244 -day:0.03561704233288765 of:0.0342353992164135 time:0.03303401544690132 to:0.021134300157427788 :0.15742477774620056 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.2255750447511673 and:0.0727054551243782 or:0.020857973024249077 that:0.013978096656501293 :0.14467862248420715 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -nature:0.038759518414735794 nature.:0.038671694695949554 life:0.028797572478652 beings:0.02750159054994583 :0.22568494081497192 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -the:0.0977126732468605 be:0.030491473153233528 a:0.018781078979372978 tho:0.012101409025490284 :0.1834961175918579 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.17477525770664215 we:0.05017627030611038 you:0.049188416451215744 he:0.048380784690380096 :0.07771619409322739 -are:0.1117556169629097 were:0.07627760618925095 have:0.06581085920333862 will:0.05225202813744545 :0.10401421785354614 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -.:0.06988608837127686 few:0.04215701296925545 large:0.024859881028532982 man:0.013344060629606247 :0.2676287889480591 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.027395861223340034 the:0.022504489868879318 made:0.0182606503367424 no:0.008585826493799686 :0.2783674895763397 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -H.:0.030757376924157143 W.:0.02059096284210682 H:0.019544081762433052 B.:0.017545320093631744 :0.38613712787628174 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -.:0.09002413600683212 o'clock:0.026822134852409363 per:0.02597840502858162 to:0.024143584072589874 :0.2341027408838272 -and:0.16254477202892303 to:0.05447840318083763 in:0.027432754635810852 at:0.02301136963069439 :0.14334701001644135 -is:0.20298171043395996 was:0.12304409593343735 are:0.10335060954093933 were:0.0775308832526207 :0.03732048720121384 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.25620612502098083 in:0.09417030960321426 of:0.0856480672955513 are:0.04814349114894867 :0.046194128692150116 -M:0.12096402794122696 M.:0.06823982298374176 M.,:0.01341653149574995 J.:0.010225890204310417 :0.40888720750808716 -and:0.0648307278752327 of:0.04718853160738945 in:0.04090535268187523 to:0.040723808109760284 :0.10770276188850403 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -of:0.21315135061740875 and:0.04564414173364639 for:0.03589333966374397 in:0.032209381461143494 :0.043008118867874146 -to:0.0830138549208641 that:0.07817410677671432 and:0.05494583025574684 as:0.018196210265159607 :0.2798801362514496 -bers:0.17645713686943054 ber:0.08268751204013824 ory:0.025925304740667343 to:0.02487093396484852 :0.19840867817401886 -by:0.18046662211418152 the:0.09129934757947922 at:0.07309187203645706 that:0.05284537002444267 :0.04358891397714615 -of:0.2673279941082001 in:0.05055373162031174 or:0.049483541399240494 is:0.04812273383140564 :0.0399865061044693 -A:0.01540870126336813 C:0.014747791923582554 W.:0.012874753214418888 A.:0.01207974273711443 :0.42542293667793274 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -time:0.049762461334466934 as:0.030612975358963013 to:0.02215949445962906 manner:0.01835881732404232 :0.13590042293071747 -the:0.3385591506958008 a:0.09181588888168335 tho:0.020855268463492393 his:0.018460866063833237 :0.10125182569026947 -that:0.121909961104393 of:0.09068313986063004 it:0.06859414279460907 the:0.05526568368077278 :0.043293297290802 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.1963730752468109 and:0.04966457933187485 is:0.04814119637012482 to:0.047306641936302185 :0.05458739027380943 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.21480824053287506 and:0.11706943064928055 in:0.02340022660791874 for:0.020008593797683716 :0.1312170773744583 -o'clock:0.1258176863193512 .:0.057054076343774796 to:0.04522513225674629 and:0.032900698482990265 :0.2672850787639618 -to:0.22926747798919678 from:0.048440661281347275 in:0.04655684158205986 up:0.040091849863529205 :0.0716758519411087 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.18949471414089203 but:0.04328294098377228 the:0.04089823737740517 as:0.02700255624949932 :0.05882307514548302 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.08868777006864548 a:0.06606204807758331 any:0.032668810337781906 doubt:0.0235885102301836 :0.12862814962863922 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -of:0.23015516996383667 who:0.02609986439347267 hundred:0.01991731859743595 to:0.01885678991675377 :0.11443812400102615 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -of:0.27831315994262695 a:0.04240841418504715 people:0.023674411699175835 men:0.021199770271778107 :0.1358155608177185 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.1102035790681839 to:0.10309769213199615 in:0.06847982853651047 for:0.051267679780721664 :0.04731453210115433 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -vanced:0.11167402565479279 vantage:0.05773797631263733 ministration:0.05194300040602684 dress:0.03363421559333801 :0.47107765078544617 -of:0.2754874527454376 the:0.07558256387710571 and:0.04726975038647652 to:0.04257810860872269 :0.06987409293651581 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -be:0.0749674141407013 the:0.06566159427165985 ket:0.062108688056468964 riage:0.04380427300930023 :0.1985377073287964 -to:0.12487395107746124 supply:0.03427305445075035 and:0.02262800559401512 idea:0.012894192710518837 :0.13807819783687592 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -have:0.07099704444408417 had:0.039857398718595505 are:0.038711510598659515 can:0.031142575666308403 :0.13971516489982605 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -as:0.06843478232622147 in:0.06034527346491814 if:0.030532246455550194 after:0.02788349986076355 :0.1054292619228363 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.13821139931678772 that:0.05628193914890289 and:0.03477304428815842 a:0.02936231903731823 :0.1333797723054886 -a:0.0899466723203659 the:0.07284276932477951 any:0.06332673877477646 being:0.01404645573347807 :0.24706797301769257 -and:0.1351122409105301 the:0.02824600785970688 who:0.02614939585328102 where:0.020418649539351463 :0.26046591997146606 -and:0.18971991539001465 to:0.05342423543334007 is:0.04359379783272743 has:0.04039185121655464 :0.06229693815112114 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.1199399083852768 had:0.09387841820716858 has:0.042880017310380936 is:0.035394374281167984 :0.10805658996105194 -the:0.2202271968126297 a:0.05011064559221268 this:0.03222019597887993 tho:0.020437441766262054 :0.15611033141613007 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -in:0.07330600172281265 up:0.05434029549360275 the:0.04008609801530838 on:0.03949630260467529 :0.09214796125888824 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -been:0.07631552964448929 a:0.03927735239267349 to:0.025228671729564667 not:0.022167835384607315 :0.21885964274406433 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.07448340952396393 who:0.07158875465393066 in:0.044706303626298904 was:0.03933262452483177 :0.08477235585451126 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -of:0.23419928550720215 the:0.17773902416229248 that:0.05989406630396843 in:0.0318191759288311 :0.08185996860265732 -to:0.24884828925132751 of:0.11955544352531433 and:0.053410835564136505 angles:0.03276120871305466 :0.07252483069896698 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -by:0.10623695701360703 in:0.0765051618218422 to:0.07187975198030472 with:0.034988272935152054 :0.03681784123182297 -own:0.019283348694443703 power:0.006270482204854488 first:0.005468335468322039 work:0.004789052065461874 :0.3276244103908539 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.06352798640727997 the:0.023393934592604637 to:0.013344590552151203 which:0.013127832673490047 :0.3391591012477875 -the:0.16081133484840393 to:0.12296096235513687 and:0.06147054582834244 on:0.044364649802446365 :0.06571459025144577 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -from:0.15470607578754425 the:0.13609877228736877 of:0.05051790550351143 and:0.03864612057805061 :0.11236349493265152 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -was:0.1199399083852768 had:0.09387841820716858 has:0.042880017310380936 is:0.035394374281167984 :0.10805658996105194 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -of:0.3290957510471344 and:0.10336247086524963 are:0.06752078235149384 were:0.0507458858191967 :0.05178849399089813 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.10292154550552368 in:0.04439935088157654 by:0.04213154315948486 the:0.04178483784198761 :0.11894291639328003 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.051625270396471024 .:0.0467069111764431 o'clock:0.04608439281582832 per:0.03838120028376579 :0.34318339824676514 -and:0.05080829933285713 to:0.0506766252219677 in:0.03610249608755112 the:0.02873365208506584 :0.207288458943367 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.12653933465480804 he:0.08618544787168503 it:0.06005031615495682 they:0.05961323902010918 :0.07664502412080765 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -of:0.181649312376976 per:0.10868126899003983 in:0.03009784035384655 on:0.029150037094950676 :0.10334900766611099 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -for:0.30705639719963074 in:0.05504094436764717 to:0.04202255606651306 of:0.041090819984674454 :0.04180839657783508 -of:0.23417498171329498 in:0.08349113911390305 to:0.04763532429933548 for:0.03891903534531593 :0.039770469069480896 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -a:0.0657772496342659 the:0.03987932950258255 not:0.03527527302503586 in:0.018604714423418045 :0.16013683378696442 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -a:0.0812002420425415 the:0.07127150893211365 to:0.06758715212345123 them:0.03861260041594505 :0.07499213516712189 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.10674358904361725 in:0.026260869577527046 the:0.020372213795781136 that:0.020179614424705505 :0.3086010217666626 -of:0.5529398918151855 and:0.02730710431933403 is:0.026382997632026672 that:0.019593074917793274 :0.032357968389987946 -that:0.29337552189826965 a:0.1033094972372055 the:0.0928698182106018 how:0.042445916682481766 :0.04109981656074524 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -far:0.0603245347738266 the:0.021929031237959862 be:0.013097374700009823 to:0.012695294804871082 :0.24385406076908112 -to:0.03173499181866646 own:0.0230758897960186 husband:0.01426816824823618 and:0.01141840498894453 :0.25660240650177 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -other:0.053611643612384796 of:0.05205791816115379 one:0.04557995870709419 person:0.02384050190448761 :0.1611921787261963 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -at:0.6536465287208557 in:0.028492441400885582 for:0.017096785828471184 on:0.015105849131941795 :0.05502549558877945 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -to:0.23613590002059937 out:0.06032463535666466 down:0.04459838196635246 on:0.04217234253883362 :0.06246890872716904 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -to:0.23613590002059937 out:0.06032463535666466 down:0.04459838196635246 on:0.04217234253883362 :0.06246890872716904 -The:0.10169743001461029 It:0.05093848705291748 He:0.04750414565205574 I:0.03965824469923973 :0.17316170036792755 -a:0.05876975134015083 to:0.0425473153591156 the:0.03691597282886505 one:0.02625144273042679 :0.14545604586601257 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -per:0.0670325756072998 acres:0.06191030517220497 deg.:0.053539395332336426 feet:0.045406002551317215 :0.12375609576702118 -to:0.18396930396556854 up:0.107749804854393 in:0.056755635887384415 the:0.0538589283823967 :0.06390241533517838 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -by:0.2141394466161728 in:0.11536016315221786 the:0.0738208144903183 at:0.06448650360107422 :0.05475457012653351 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -than:0.19591616094112396 or:0.05078521743416786 of:0.021805424243211746 to:0.015357988886535168 :0.17205627262592316 -to:0.11880914121866226 in:0.04847070574760437 and:0.03159157559275627 with:0.024914830923080444 :0.08156192302703857 -and:0.31720981001853943 the:0.031888697296381 which:0.02827540412545204 or:0.016011158004403114 :0.2548674941062927 -pecially:0.0786101296544075 tate:0.03928046673536301 cape:0.03844477981328964 -:0.0021404160652309656 :0.7871429920196533 -of:0.41224926710128784 and:0.05746142566204071 in:0.04591573029756546 as:0.021221451461315155 :0.03598356992006302 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -o'clock:0.0652131661772728 to:0.05634898692369461 and:0.031810954213142395 per:0.029086846858263016 :0.2045426368713379 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.110719233751297 to:0.08631914854049683 in:0.05172363668680191 than:0.017776917666196823 :0.18489889800548553 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.07678083330392838 to:0.02652648463845253 in:0.022869504988193512 and:0.022844327613711357 :0.278396874666214 -the:0.42014339566230774 a:0.0446619912981987 tho:0.024114521220326424 which:0.022873742505908012 :0.09977595508098602 -of:0.2914471924304962 which:0.10303636640310287 that:0.052235864102840424 and:0.04439631476998329 :0.05540713295340538 -and:0.18641397356987 the:0.04120444506406784 with:0.034306712448596954 but:0.031350187957286835 :0.03830237314105034 -of:0.17191219329833984 and:0.11803054064512253 to:0.04635212942957878 in:0.041620053350925446 :0.060650359839200974 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -own:0.016911881044507027 wife:0.009549791924655437 father:0.009375765919685364 mother:0.008014681749045849 :0.26336508989334106 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.3427695631980896 a:0.06583321839570999 which:0.03488076478242874 his:0.028484629467129707 :0.07253311574459076 -much:0.10425598919391632 that:0.067240871489048 far:0.040611669421195984 many:0.03188950940966606 :0.15349386632442474 -and:0.0650552362203598 in:0.04962833225727081 is:0.033417120575904846 to:0.03271962329745293 :0.10478051006793976 -of:0.21736019849777222 to:0.0626763105392456 and:0.06129008159041405 in:0.04073900729417801 :0.06437020003795624 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -is:0.2611105144023895 are:0.16385239362716675 was:0.13630259037017822 were:0.08566633611917496 :0.03625030443072319 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -ago:0.12396024912595749 of:0.11536110192537308 ago.:0.0523359440267086 ago,:0.05031469464302063 :0.06862995773553848 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -not:0.05006566271185875 the:0.028578929603099823 to:0.020724404603242874 now:0.018505720421671867 :0.1707657426595688 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -not:0.11479933559894562 should:0.07967174798250198 do:0.05404795706272125 is:0.05045323818922043 :0.08892817050218582 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -be:0.17399442195892334 have:0.11518396437168121 not:0.0874059870839119 make:0.015627557411789894 :0.0968145951628685 -a:0.17367704212665558 as:0.0485510416328907 an:0.04434875771403313 case:0.010885930620133877 :0.1933065801858902 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -department:0.10786270350217819 and:0.06672853231430054 yard:0.03998821973800659 of:0.03421453386545181 :0.11339832097291946 -been:0.138782799243927 a:0.05961780250072479 not:0.03325875103473663 to:0.03106394223868847 :0.11704132705926895 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -of:0.30952075123786926 and:0.07552304863929749 in:0.035078227519989014 with:0.02954445220530033 :0.030467210337519646 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -the:0.10620249807834625 a:0.08861660212278366 to:0.05835786461830139 well:0.03584647178649902 :0.10159653425216675 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -the:0.21097929775714874 for:0.07584209740161896 a:0.045886725187301636 said:0.028614511713385582 :0.07246754318475723 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -said:0.0062776957638561726 the:0.005504169967025518 most:0.004588935058563948 United:0.004532806575298309 :0.4655087888240814 -and:0.11586641520261765 of:0.1124834194779396 in:0.05395277217030525 is:0.04655914381146431 :0.0582398846745491 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -auction:0.02915082313120365 auction,:0.02451956272125244 school:0.020690185949206352 and:0.020127294585108757 :0.21887941658496857 -the:0.35264596343040466 a:0.04689476639032364 tho:0.025300337001681328 this:0.01714862324297428 :0.09129165858030319 -is:0.1834656298160553 was:0.09415161609649658 would:0.03420204669237137 will:0.03106280416250229 :0.07847936451435089 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -years:0.04483626037836075 o'clock:0.035787396132946014 and:0.03476560115814209 months:0.03284279257059097 :0.3446922302246094 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -plat:0.04579353332519531 and:0.031717680394649506 of:0.020091092213988304 report:0.01750500500202179 :0.23661288619041443 -of:0.6080133318901062 to:0.029665978625416756 is:0.022920243442058563 in:0.021341472864151 :0.022130204364657402 -of:0.40550386905670166 and:0.031705375760793686 in:0.029843559488654137 from:0.01507649291306734 :0.07293092459440231 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -City,:0.23662756383419037 City:0.16151456534862518 City.:0.058760739862918854 and:0.05786030739545822 :0.12842503190040588 -who:0.10513915121555328 and:0.05085807293653488 of:0.04358622059226036 in:0.04072939604520798 :0.08604895323514938 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -the:0.2758026123046875 this:0.07061681151390076 a:0.042534295469522476 that:0.02658023126423359 :0.14110659062862396 -the:0.2656424343585968 a:0.03321554884314537 this:0.01957336999475956 his:0.01497555524110794 :0.18286795914173126 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.2891106605529785 that:0.0632261261343956 in:0.06072787940502167 a:0.046482350677251816 :0.055390581488609314 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -analysis:0.05522184818983078 and:0.024513008072972298 apparatus:0.010098683647811413 composition:0.009324527345597744 :0.478313148021698 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -United:0.005244854837656021 first:0.0046762218698859215 most:0.004647743422538042 same:0.004514141473919153 :0.36746326088905334 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -to:0.13582372665405273 for:0.049125682562589645 and:0.03438261151313782 that:0.032154347747564316 :0.10872438549995422 -much:0.14333897829055786 many:0.03466739505529404 late.:0.025848792865872383 far:0.025535600259900093 :0.14510856568813324 -of:0.5125035643577576 to:0.05764758214354515 and:0.0409531407058239 in:0.03016715869307518 :0.035252854228019714 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -are:0.07380150258541107 have:0.06956159323453903 had:0.06540177762508392 has:0.05263519287109375 :0.08372022211551666 -the:0.18606093525886536 of:0.041072554886341095 that:0.0264535341411829 over:0.016481954604387283 :0.1372070014476776 -been:0.20560576021671295 a:0.036610499024391174 the:0.03264927119016647 to:0.02930634841322899 :0.0871911570429802 -own:0.02936437539756298 people:0.012530125677585602 country:0.008482229895889759 great:0.007818840444087982 :0.2129288762807846 -is:0.1922473907470703 the:0.10345324873924255 was:0.06621556729078293 are:0.06307411938905716 :0.0634097084403038 -and:0.03173112869262695 Territory:0.02540402300655842 of:0.013102104887366295 in:0.010212068445980549 :0.3408125340938568 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.21932122111320496 it:0.1092052236199379 far:0.05054965615272522 a:0.038437362760305405 :0.08353247493505478 -I:0.20803676545619965 It:0.0811728835105896 The:0.0485573410987854 1:0.044943246990442276 :0.12328696995973587 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -to:0.09299120306968689 of:0.07938957959413528 and:0.05245117098093033 the:0.04695473238825798 :0.07857552915811539 -hand,:0.021769607439637184 words,:0.018096648156642914 than:0.011997155845165253 and:0.008597131818532944 :0.22630734741687775 -Newton:0.029766293242573738 and:0.02643602341413498 H.:0.021779872477054596 P.:0.015987694263458252 :0.4154112637042999 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.08872266113758087 W.:0.02368033491075039 A.:0.02247472107410431 J.:0.01971431076526642 :0.44621556997299194 -been:0.07631552964448929 a:0.03927735239267349 to:0.025228671729564667 not:0.022167835384607315 :0.21885964274406433 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -The:0.10675249248743057 It:0.043136946856975555 I:0.032104503363370895 He:0.0246749110519886 :0.16584819555282593 -be:0.057076092809438705 only:0.045293569564819336 to:0.036139845848083496 a:0.03359850123524666 :0.13482096791267395 -and:0.09206169843673706 of:0.02751288004219532 Bay,:0.026877466589212418 was:0.021760929375886917 :0.3204544186592102 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.3535842001438141 the:0.10061909258365631 that:0.0583503283560276 is:0.04040427878499031 :0.035153355449438095 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -of:0.4183919131755829 and:0.040762532502412796 to:0.026097798720002174 or:0.024988137185573578 :0.06121903657913208 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.09002413600683212 o'clock:0.026822134852409363 per:0.02597840502858162 to:0.024143584072589874 :0.2341027408838272 -of:0.1755555272102356 and:0.07666872441768646 in:0.031104641035199165 to:0.0176036786288023 :0.1195182129740715 -of:0.15374501049518585 and:0.0727475956082344 shall:0.07100502401590347 to:0.06712619960308075 :0.05624837055802345 -are:0.01933102309703827 men:0.01684119738638401 two:0.01578560285270214 were:0.011569873429834843 :0.24109019339084625 -the:0.12834472954273224 to:0.11620363593101501 and:0.07836844772100449 in:0.0524522140622139 :0.061722029000520706 -and:0.18462856113910675 the:0.06881467998027802 which:0.04448559507727623 but:0.03469876945018768 :0.14958108961582184 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -observance:0.0715821161866188 economy:0.028614720329642296 and:0.025788476690649986 compliance:0.02330883964896202 :0.1487588882446289 -be:0.2578584551811218 not:0.03358340635895729 do:0.024384891614317894 bo:0.01854175329208374 :0.11540351063013077 -the:0.24754801392555237 a:0.04611729457974434 least:0.024095145985484123 this:0.020440705120563507 :0.2037152349948883 -of:0.2816278338432312 to:0.18582305312156677 and:0.06173652783036232 in:0.040058523416519165 :0.044421058148145676 -of:0.03127415105700493 and:0.01589454524219036 .:0.01528619509190321 to:0.014104236848652363 :0.37127217650413513 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -that:0.5569330453872681 of:0.09921736270189285 the:0.031146911904215813 him:0.024214167147874832 :0.03475918620824814 -the:0.27764204144477844 a:0.06010216847062111 said:0.02002633735537529 tho:0.01688799262046814 :0.13973920047283173 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -in:0.04716258868575096 more:0.032873496413230896 the:0.03224669024348259 a:0.022797901183366776 :0.21265579760074615 -to:0.10325054079294205 and:0.07628858089447021 is:0.039110273122787476 from:0.03171437233686447 :0.11235393583774567 -own:0.030400454998016357 wife:0.008532237261533737 head:0.008426466025412083 way:0.007718369830399752 :0.23852013051509857 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.09153220802545547 a:0.053384050726890564 not:0.02737550623714924 to:0.020719477906823158 :0.22090661525726318 -a:0.03698834776878357 the:0.030873047187924385 made:0.02403898909687996 in:0.01152449008077383 :0.2162712961435318 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -of:0.15190447866916656 was:0.0898686870932579 and:0.04542927443981171 is:0.0402371920645237 :0.04552479460835457 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -to:0.03153189644217491 by:0.027743583545088768 abandoned:0.02395966835319996 and:0.0225959662348032 :0.3984030783176422 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -for:0.1073736697435379 at:0.04735913127660751 in:0.038438718765974045 against:0.03496570512652397 :0.16033126413822174 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -a:0.08822359889745712 to:0.06993712484836578 the:0.0686417669057846 up:0.03832249343395233 :0.08951593190431595 -old:0.01738068088889122 act:0.015154821798205376 hour:0.014425184577703476 order:0.010115168988704681 :0.27022072672843933 -o'clock:0.07654751092195511 hundred:0.05282321944832802 years:0.03723687306046486 months:0.033223412930965424 :0.2892877161502838 -that:0.5404897928237915 of:0.042857442051172256 is:0.027597501873970032 the:0.018603892996907234 :0.025010377168655396 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -few:0.018199065700173378 great:0.014381296932697296 large:0.014133162796497345 good:0.010869220830500126 :0.2471478134393692 -of:0.10524929314851761 and:0.06279144436120987 in:0.05238033086061478 men:0.04424301162362099 :0.09130105376243591 -was:0.09317327290773392 had:0.07845306396484375 is:0.036365557461977005 would:0.036360252648591995 :0.11801980435848236 -of:0.09785239398479462 important:0.020495742559432983 difficult:0.011607902124524117 dangerous:0.009898709133267403 :0.29064807295799255 -of:0.05171120539307594 and:0.03710212558507919 degrees:0.032384637743234634 years:0.027454175055027008 :0.30761778354644775 -of:0.38882166147232056 to:0.10415210574865341 and:0.057073477655649185 of.:0.03092879429459572 :0.11620791256427765 -of:0.5409311652183533 and:0.045308973640203476 as:0.027516163885593414 to:0.026931043714284897 :0.026288840919733047 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -and:0.2730942368507385 the:0.06559548527002335 but:0.024767151102423668 in:0.017572199925780296 :0.07253103703260422 -own:0.030595317482948303 respective:0.007722520735114813 way:0.0068947020918130875 hands:0.004302681889384985 :0.29646027088165283 -to:0.16752466559410095 heirs:0.15581390261650085 heirs,:0.09004630148410797 and:0.027526941150426865 :0.1465173214673996 -government,:0.049251340329647064 government:0.040505994111299515 family:0.011325301602482796 government.:0.01052972674369812 :0.2980664074420929 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.056439515203237534 of:0.05189945176243782 in:0.038383424282073975 sides:0.022368621081113815 :0.18085162341594696 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.5697202086448669 by:0.03510361164808273 over:0.03338312730193138 tho:0.017257211729884148 :0.06283184885978699 -from:0.11019400507211685 and:0.0333702489733696 part:0.020434672012925148 to:0.018429100513458252 :0.26887714862823486 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -first:0.008627333678305149 only:0.006707501597702503 following:0.005427573807537556 result:0.0052400310523808 :0.24881958961486816 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -a:0.08849937468767166 the:0.06225886568427086 not:0.050321951508522034 to:0.03205323591828346 :0.14020901918411255 -been:0.24929046630859375 a:0.04235543683171272 not:0.03796377778053284 the:0.020654795691370964 :0.0853104367852211 -and:0.24491079151630402 the:0.05698317661881447 which:0.03437412157654762 but:0.0341753326356411 :0.09778454899787903 -the:0.04178967699408531 a:0.022565048187971115 any:0.017969070002436638 two:0.01627364568412304 :0.2193799912929535 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.08445937931537628 for:0.08253175765275955 at:0.05690937116742134 in:0.03923710435628891 :0.09130459278821945 -on:0.3288366198539734 wards:0.05908605828881264 ward:0.0539819672703743 on,:0.04793418571352959 :0.11157289147377014 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.06988608837127686 few:0.04215701296925545 large:0.024859881028532982 man:0.013344060629606247 :0.2676287889480591 -have:0.06696689128875732 was:0.05334484577178955 had:0.03924434259533882 am:0.03605467826128006 :0.1331099569797516 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -.:0.11744508147239685 the:0.065430648624897 .,:0.06000164523720741 a:0.022781655192375183 :0.2174055576324463 -the:0.08083534240722656 a:0.01842484064400196 that:0.014034918509423733 to:0.012885387986898422 :0.2065410017967224 -a:0.11357429623603821 the:0.05947435274720192 so:0.037937574088573456 very:0.03652309626340866 :0.20173566043376923 -is:0.23849168419837952 was:0.13590972125530243 Is:0.05746986344456673 has:0.0483577735722065 :0.08081541955471039 -the:0.2807788848876953 a:0.0424082949757576 tho:0.018506566062569618 his:0.016804521903395653 :0.1711522787809372 -to:0.23613590002059937 out:0.06032463535666466 down:0.04459838196635246 on:0.04217234253883362 :0.06246890872716904 -the:0.09338176250457764 it:0.04416830092668533 a:0.031134823337197304 they:0.026506679132580757 :0.07135571539402008 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.15016606450080872 be:0.05608968809247017 a:0.021759245544672012 make:0.013667469844222069 :0.1563168168067932 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -the:0.1711811125278473 he:0.035365838557481766 they:0.03216620162129402 it:0.026632025837898254 :0.09604817628860474 -the:0.2526257634162903 a:0.04931949824094772 this:0.027949243783950806 his:0.016887329518795013 :0.15369249880313873 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -same:0.008985514752566814 United:0.005943904630839825 said:0.005541279446333647 most:0.005493806209415197 :0.2679213583469391 -and:0.054662734270095825 of:0.04280763119459152 the:0.026826219633221626 to:0.022073455154895782 :0.22643141448497772 -the:0.22323830425739288 a:0.10264585167169571 his:0.019784390926361084 an:0.01830320805311203 :0.14342382550239563 -.:0.42294660210609436 M:0.021664150059223175 .,:0.01445629820227623 A:0.011291403323411942 :0.3120397627353668